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", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
labelgroupvaluerow_count
rest05881452
scissors11081452
face21081452
cat31081452
shoe41081452
house51081452
scrambledpix61081452
bottle71081452
chair81081452
" + ], + "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest4
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors1
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors2
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors2
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors2
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors1
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat1
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat1
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat3
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat2
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat1
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe1
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe1
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe1
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe2
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe1
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe3
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe1
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face1
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face1
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face1
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face2
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face3
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face1
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix1
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix1
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix3
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix1
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix1
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix1
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix4
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix1
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair1
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair1
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair2
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair1
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair2
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair2
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair2
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest3
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house2
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house3
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house1
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house1
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house1
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house5
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest4
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle5
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle2
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle2
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest4
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest4
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors2
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors4
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors1
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors1
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors1
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest4
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face1
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face1
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face2
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face4
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house1
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house1
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house2
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house1
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe1
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe1
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe4
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe3
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe1
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe3
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe3
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe1
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe1
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle3
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle5
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair1
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair2
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair2
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix1
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix1
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix1
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix2
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix1
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix2
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix1
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest3
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat1
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat3
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat1
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest5
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix6
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest4
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors1
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors2
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors4
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors1
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest3
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle3
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle4
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle2
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle2
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat2
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat1
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat1
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest3
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair1
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair1
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair1
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair1
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest3
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest3
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe1
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe2
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe1
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe2
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe1
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe1
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe1
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face1
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face2
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face1
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face1
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face4
cat3
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face1
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix2
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix1
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix1
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix2
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house1
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house3
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest3
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle2
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle4
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle2
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face1
cat0
shoe0
house0
scrambledpix0
bottle1
chair1
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe1
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe2
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe4
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe2
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe1
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe2
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe2
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest4
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair1
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair2
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair2
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair7
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors1
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors1
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors1
face0
cat0
shoe0
house0
scrambledpix3
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors2
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors1
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house1
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house3
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house5
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house2
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house3
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix2
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix1
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix2
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix1
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix2
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix3
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix1
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix1
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix1
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat1
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat1
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat1
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat3
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat2
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat1
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat1
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat2
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face1
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face1
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face1
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face2
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face1
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest3
scissors0
face1
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest7
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest4
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest3
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest8
scissors0
face0
cat0
shoe0
house0
scrambledpix5
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle2
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle4
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest3
scissors0
face0
cat0
shoe1
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat1
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat1
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat2
shoe0
house0
scrambledpix0
bottle0
chair11
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat1
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest3
scissors0
face0
cat4
shoe1
house0
scrambledpix0
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house1
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house2
scrambledpix1
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house1
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house3
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest3
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix2
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix1
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix2
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix1
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix1
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix1
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix1
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix1
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest8
scissors0
face0
cat0
shoe0
house0
scrambledpix2
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe1
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe1
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe1
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe1
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe3
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe1
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe2
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe1
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest8
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest3
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors1
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors1
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors2
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest3
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair1
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair4
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest4
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair2
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair1
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair2
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair2
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest3
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face1
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face1
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face3
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face1
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face2
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest4
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest4
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest4
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix2
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix6
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe4
house2
scrambledpix4
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat1
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat4
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat2
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat1
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat5
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat3
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe2
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe1
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe1
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe3
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe1
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe1
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat0
shoe5
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe1
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat0
shoe1
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair1
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair3
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair3
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair1
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest3
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face1
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face1
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face3
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face2
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face1
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face2
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face1
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face2
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors2
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors3
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors1
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors3
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors1
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors1
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors2
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors1
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors2
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house2
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house2
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house1
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest19
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house1
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house2
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house2
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest3
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face1
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face2
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face1
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face2
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face2
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face4
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face3
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face1
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest3
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe1
house0
scrambledpix0
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe1
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe2
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe1
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe4
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe2
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe2
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest21
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest13
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest4
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle5
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest10
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair9
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair2
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair1
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair7
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest4
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair3
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors1
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors1
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors2
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors1
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors2
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors5
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair2
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest3
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix1
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix2
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix2
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix1
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix4
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix3
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat1
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat1
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat3
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat1
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat2
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat2
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat1
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest4
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix1
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest6
scissors0
face0
cat0
shoe0
house0
scrambledpix1
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix1
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix2
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face3
cat1
shoe0
house0
scrambledpix1
bottle6
chair6
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix3
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix3
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest15
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house1
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house1
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house2
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house1
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house1
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house4
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest9
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest4
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle4
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle2
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors1
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors1
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors1
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors2
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors7
face2
cat4
shoe0
house1
scrambledpix0
bottle4
chair2
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors4
face7
cat6
shoe1
house0
scrambledpix0
bottle0
chair4
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors10
face6
cat2
shoe0
house0
scrambledpix1
bottle0
chair4
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors2
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors1
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest11
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair1
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair1
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair3
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair1
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair3
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair2
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair2
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest3
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair1
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe2
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe3
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe3
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe2
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat1
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat1
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat1
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest3
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face1
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face1
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face4
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest3
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest3
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors3
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors4
face0
cat6
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors1
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors2
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors6
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors2
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest13
scissors1
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest3
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle2
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle4
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest4
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix2
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix2
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix2
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix6
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix1
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face1
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors4
face2
cat0
shoe0
house0
scrambledpix7
bottle3
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest3
scissors0
face2
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face3
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face4
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face1
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face2
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face1
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest4
scissors1
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest10
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat1
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest3
scissors0
face0
cat1
shoe0
house0
scrambledpix0
bottle0
chair9
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat1
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat2
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat2
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat3
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat3
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat2
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair1
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair1
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors2
face0
cat0
shoe3
house0
scrambledpix0
bottle5
chair1
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair3
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair1
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair3
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors4
face0
cat0
shoe0
house0
scrambledpix0
bottle4
chair1
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest10
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest5
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house1
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house2
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house1
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house4
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house1
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house1
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house1
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe2
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe2
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe4
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe6
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe4
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe1
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest5
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest5
scissors7
face0
cat1
shoe0
house0
scrambledpix4
bottle4
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors4
face0
cat0
shoe0
house0
scrambledpix9
bottle0
chair1
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors2
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors7
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors3
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest12
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest14
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle2
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle2
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle4
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest8
scissors0
face0
cat1
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest12
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest9
scissors0
face0
cat1
shoe1
house0
scrambledpix0
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe2
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe1
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe1
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe2
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe1
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest3
scissors4
face0
cat0
shoe1
house0
scrambledpix0
bottle4
chair1
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest3
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix1
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house2
scrambledpix1
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix2
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix3
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix1
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix2
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix1
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix4
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix1
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest5
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest6
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house1
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house1
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house1
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house1
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe1
house4
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house28
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house8
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat4
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat2
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat1
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest12
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair1
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair2
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair5
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair1
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair1
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face1
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face7
cat1
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face3
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face2
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest3
scissors0
face5
cat0
shoe1
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face2
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest17
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest7
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest7
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest9
scissors2
face2
cat1
shoe0
house1
scrambledpix0
bottle2
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest11
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors1
face0
cat7
shoe1
house1
scrambledpix0
bottle0
chair3
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house12
scrambledpix2
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house5
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house28
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house2
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house1
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest3
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair1
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair1
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair1
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair4
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face1
cat0
shoe0
house0
scrambledpix0
bottle3
chair5
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest7
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat1
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat2
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat1
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face8
cat7
shoe0
house0
scrambledpix0
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest13
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle2
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle2
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors1
face0
cat0
shoe4
house0
scrambledpix0
bottle6
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors2
face2
cat0
shoe3
house0
scrambledpix0
bottle6
chair2
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat0
shoe1
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe1
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe1
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe1
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe1
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe2
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe1
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe2
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat0
shoe0
house1
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors2
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors1
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors1
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors4
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors4
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix1
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix1
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors1
face0
cat0
shoe6
house0
scrambledpix1
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix1
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix1
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix4
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix4
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest6
scissors0
face0
cat0
shoe0
house0
scrambledpix2
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest3
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest10
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face1
cat0
shoe1
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face2
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face6
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face12
cat2
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest4
scissors0
face1
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest3
scissors0
face0
cat0
shoe0
house0
scrambledpix3
bottle0
chair2
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair1
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe4
house0
scrambledpix0
bottle1
chair9
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair2
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair1
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair2
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair3
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair1
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest14
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest9
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest13
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest7
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face2
cat8
shoe0
house0
scrambledpix0
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle4
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle4
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle1
chair1
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest7
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest3
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest4
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix1
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix1
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix2
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix3
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix1
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix1
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix2
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix1
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house0
scrambledpix1
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest3
scissors4
face0
cat0
shoe0
house1
scrambledpix6
bottle3
chair4
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix1
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix6
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest3
scissors2
face0
cat1
shoe0
house0
scrambledpix9
bottle4
chair1
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix7
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest3
scissors1
face1
cat1
shoe0
house0
scrambledpix9
bottle4
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest3
scissors2
face0
cat1
shoe0
house0
scrambledpix9
bottle5
chair1
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat0
shoe0
house0
scrambledpix6
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat0
shoe0
house0
scrambledpix7
bottle3
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest7
scissors0
face0
cat0
shoe0
house0
scrambledpix1
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest7
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest11
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest9
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest6
scissors0
face0
cat1
shoe3
house0
scrambledpix1
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors3
face3
cat1
shoe0
house0
scrambledpix0
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest3
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat0
shoe0
house1
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face3
cat0
shoe1
house6
scrambledpix0
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house7
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house8
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face2
cat1
shoe4
house8
scrambledpix0
bottle0
chair5
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face2
cat1
shoe5
house8
scrambledpix0
bottle0
chair5
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe0
house1
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors1
face0
cat0
shoe0
house1
scrambledpix1
bottle2
chair1
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest3
scissors0
face0
cat0
shoe0
house1
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest6
scissors0
face0
cat0
shoe0
house2
scrambledpix1
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest4
scissors0
face0
cat1
shoe0
house1
scrambledpix1
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest6
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest3
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest28
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest20
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest25
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe1
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe1
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe5
house0
scrambledpix0
bottle4
chair3
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors3
face0
cat0
shoe8
house0
scrambledpix0
bottle4
chair1
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors1
face0
cat0
shoe5
house0
scrambledpix0
bottle3
chair3
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe1
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors10
face2
cat0
shoe7
house0
scrambledpix0
bottle8
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe3
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe14
house0
scrambledpix0
bottle2
chair3
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors2
face1
cat0
shoe5
house0
scrambledpix0
bottle0
chair1
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe1
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat0
shoe3
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors4
face0
cat0
shoe11
house0
scrambledpix0
bottle1
chair2
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest19
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest6
scissors0
face1
cat0
shoe0
house0
scrambledpix2
bottle0
chair4
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest7
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest6
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest10
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat1
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors1
face0
cat2
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors1
face1
cat3
shoe0
house0
scrambledpix2
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors1
face5
cat9
shoe0
house0
scrambledpix0
bottle0
chair2
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face2
cat17
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face10
cat2
shoe0
house0
scrambledpix1
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat3
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat1
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face8
cat7
shoe5
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face0
cat1
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face3
cat14
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors2
face3
cat6
shoe4
house3
scrambledpix0
bottle0
chair1
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors5
face0
cat2
shoe10
house0
scrambledpix0
bottle3
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors4
face1
cat5
shoe1
house0
scrambledpix0
bottle3
chair1
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest10
scissors0
face0
cat0
shoe2
house1
scrambledpix1
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house3
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest3
scissors0
face0
cat0
shoe0
house1
scrambledpix0
bottle0
chair2
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest4
scissors0
face0
cat1
shoe0
house3
scrambledpix0
bottle0
chair1
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house6
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest12
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest11
scissors0
face1
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest10
scissors0
face1
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest17
scissors0
face1
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest26
scissors0
face1
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest15
scissors0
face1
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face1
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face2
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors3
face7
cat1
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face1
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face2
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face2
cat0
shoe2
house1
scrambledpix2
bottle0
chair4
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face2
cat0
shoe2
house1
scrambledpix11
bottle0
chair1
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face5
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face1
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face6
cat1
shoe0
house0
scrambledpix2
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face4
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face6
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors0
face7
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face7
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest26
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest26
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest9
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest12
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest26
scissors0
face1
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest27
scissors0
face1
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest27
scissors0
face1
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest27
scissors0
face1
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest3
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest18
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest19
scissors0
face1
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest25
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors1
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors12
face0
cat0
shoe1
house1
scrambledpix0
bottle6
chair3
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors3
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors1
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors4
face0
cat0
shoe2
house0
scrambledpix0
bottle0
chair3
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors3
face0
cat3
shoe1
house6
scrambledpix0
bottle1
chair8
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors7
face1
cat2
shoe0
house0
scrambledpix0
bottle2
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors2
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors2
face2
cat1
shoe4
house8
scrambledpix0
bottle0
chair4
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors3
face5
cat2
shoe6
house10
scrambledpix0
bottle0
chair3
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors7
face8
cat2
shoe6
house4
scrambledpix0
bottle2
chair1
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors8
face7
cat2
shoe6
house0
scrambledpix0
bottle1
chair6
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors7
face8
cat3
shoe6
house1
scrambledpix0
bottle0
chair5
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors11
face5
cat0
shoe3
house0
scrambledpix0
bottle0
chair6
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors12
face0
cat0
shoe3
house0
scrambledpix0
bottle0
chair4
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors1
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors1
face0
cat0
shoe3
house0
scrambledpix0
bottle6
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors2
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest0
scissors7
face7
cat3
shoe4
house4
scrambledpix0
bottle1
chair1
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors2
face0
cat0
shoe2
house0
scrambledpix0
bottle4
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest3
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest2
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest3
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest4
scissors0
face0
cat0
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors1
face6
cat8
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors0
face0
cat8
shoe0
house0
scrambledpix0
bottle0
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors2
face6
cat12
shoe0
house0
scrambledpix0
bottle1
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors2
face0
cat9
shoe2
house0
scrambledpix0
bottle2
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors6
face5
cat11
shoe5
house0
scrambledpix0
bottle2
chair0
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors4
face8
cat12
shoe0
house0
scrambledpix0
bottle0
chair5
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
rest1
scissors4
face9
cat11
shoe0
house0
scrambledpix0
bottle0
chair2
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.001.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.006.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.001.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.009.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0012.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0011.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.009.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0011.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.001.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0012.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.001.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.008.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0013.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.001.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.002.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.002.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0014.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.001.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.001.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0010.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0012.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.007.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.001.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.002.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.006.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.005.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.001.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.005.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.002.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.001.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.005.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.008.00
1.000.00
2.000.00
3.001.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.004.00
1.000.00
2.000.00
3.007.00
4.005.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.002.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.002.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.007.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0015.00
4.002.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.001.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.005.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.001.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.005.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.0013.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.002.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.002.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.004.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.001.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.001.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.0013.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.005.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.001.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.003.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.001.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.002.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.001.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.004.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.001.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.004.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.0010.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.001.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.004.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.007.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.003.00
1.000.00
2.000.00
3.000.00
4.002.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.008.00
1.005.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.001.00
1.0014.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0015.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0014.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0015.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.001.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.005.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0015.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0012.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0013.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0013.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0013.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0014.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.001.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0012.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.004.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.009.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0014.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0014.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.001.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0013.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.001.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0011.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.001.00
1.000.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.006.00
1.005.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.005.00
1.000.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.008.00
1.002.00
2.001.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.001.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.008.00
3.000.00
4.002.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.0011.00
3.000.00
4.005.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.001.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.008.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.009.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.002.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.003.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.001.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.0010.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.003.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.001.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.001.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.001.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.001.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.007.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.001.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.001.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.008.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.001.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.005.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.001.00
3.000.00
4.0012.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.001.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.005.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.001.00
1.000.00
2.001.00
3.009.00
4.003.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.008.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.001.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.001.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.0018.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.002.00
1.000.00
2.0010.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.008.00
1.000.00
2.002.00
3.000.00
4.001.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.001.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.003.00
1.000.00
2.000.00
3.000.00
4.006.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.002.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.001.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.002.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.004.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.004.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.002.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.004.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.001.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.009.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.005.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.001.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.0010.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.005.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.001.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.002.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.005.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.008.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.001.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.002.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.005.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.001.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.001.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.004.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.004.00
3.009.00
4.001.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.007.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.009.00
3.000.00
4.0015.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.0013.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.0013.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.001.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.001.00
2.000.00
3.000.00
4.0015.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.001.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.005.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.005.00
1.000.00
2.000.00
3.000.00
4.0015.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.006.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.001.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.006.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.005.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.001.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.0012.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.005.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.005.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.0012.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.001.00
3.0011.00
4.0023.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.002.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.001.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.006.00
1.000.00
2.000.00
3.000.00
4.006.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.003.00
1.000.00
2.000.00
3.002.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.003.00
1.000.00
2.008.00
3.006.00
4.0011.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.001.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.004.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.003.00
1.000.00
2.000.00
3.008.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.002.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.006.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.006.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0013.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0015.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0014.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.001.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.005.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0015.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.002.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0013.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.003.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.002.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.002.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0013.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.006.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0013.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.005.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0014.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0013.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.001.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0014.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0011.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.001.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0019.00
4.006.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.001.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0016.00
4.001.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0012.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.003.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0024.00
4.009.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0012.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.002.00
3.002.00
4.0010.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0012.00
4.001.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.002.00
3.0010.00
4.009.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0010.00
4.005.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0011.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.005.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0013.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0013.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0013.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0014.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.0013.00
3.001.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0013.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.002.00
3.001.00
4.0014.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0013.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.003.00
3.0012.00
4.004.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.003.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.009.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0012.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.001.00
1.000.00
2.000.00
3.004.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.002.00
1.000.00
2.000.00
3.0011.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.008.00
1.000.00
2.000.00
3.005.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.001.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.001.00
1.000.00
2.007.00
3.007.00
4.0025.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.003.00
1.000.00
2.005.00
3.005.00
4.0026.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.008.00
1.001.00
2.009.00
3.006.00
4.0025.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.001.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.005.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.002.00
1.000.00
2.0012.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.002.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.007.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.0013.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.001.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.0016.00
3.004.00
4.0011.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.001.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.0024.00
3.001.00
4.006.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.001.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.001.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.009.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.0012.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.0014.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.0012.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.003.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.001.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.002.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.0013.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.0024.00
3.000.00
4.008.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.0012.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.006.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.0026.00
3.000.00
4.006.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.0023.00
3.000.00
4.0019.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.0032.00
3.002.00
4.0018.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.0015.00
3.005.00
4.0017.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.0013.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.0014.00
3.000.00
4.002.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.001.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.009.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.001.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.004.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.0020.00
3.000.00
4.0015.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.0024.00
3.000.00
4.007.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.001.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.008.00
1.000.00
2.005.00
3.008.00
4.007.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.001.00
3.000.00
4.0011.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.001.00
1.000.00
2.0028.00
3.002.00
4.0019.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.005.00
3.000.00
4.0012.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.002.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.008.00
3.0020.00
4.002.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.007.00
3.0020.00
4.0012.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.007.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.0011.00
3.001.00
4.0021.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.0016.00
3.004.00
4.0027.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.0050.00
3.007.00
4.0037.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.003.00
3.000.00
4.0015.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.002.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.001.00
1.000.00
2.0025.00
3.001.00
4.009.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.003.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.0023.00
3.000.00
4.002.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.0022.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.002.00
1.000.00
2.0013.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.006.00
1.000.00
2.008.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.008.00
1.004.00
2.003.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.001.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.005.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.006.00
1.009.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.002.00
1.0013.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.005.00
1.001.00
2.004.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.005.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0014.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0013.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0011.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.003.00
1.001.00
2.000.00
3.006.00
4.0011.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0010.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.008.00
1.005.00
2.000.00
3.002.00
4.003.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0017.00
2.000.00
3.004.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.003.00
1.003.00
2.000.00
3.006.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0010.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0011.00
2.000.00
3.009.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0011.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.003.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0013.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.005.00
2.000.00
3.0018.00
4.007.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0013.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.003.00
1.0015.00
2.000.00
3.0016.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.002.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.001.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.001.00
2.0032.00
3.001.00
4.0026.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.001.00
2.0026.00
3.000.00
4.005.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.002.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.004.00
1.002.00
2.0019.00
3.005.00
4.0016.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.002.00
2.0017.00
3.000.00
4.0024.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0014.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0020.00
2.0011.00
3.001.00
4.0013.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0013.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0015.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.001.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.005.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0013.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.003.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.001.00
2.004.00
3.000.00
4.0025.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.009.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.007.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.001.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.001.00
2.002.00
3.0013.00
4.005.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0012.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.002.00
2.0011.00
3.000.00
4.005.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.008.00
2.0026.00
3.006.00
4.0016.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0013.00
2.003.00
3.001.00
4.006.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0013.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0014.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0013.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.007.00
2.0037.00
3.000.00
4.0019.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0016.00
2.009.00
3.000.00
4.001.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0020.00
2.0013.00
3.001.00
4.001.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.004.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0010.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.002.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0016.00
2.000.00
3.007.00
4.0013.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.005.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0012.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0011.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0011.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.001.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.002.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.003.00
2.0011.00
3.005.00
4.0017.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.004.00
1.003.00
2.0021.00
3.009.00
4.0026.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.002.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.002.00
2.0022.00
3.0011.00
4.006.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.004.00
2.0023.00
3.0013.00
4.004.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.001.00
1.0012.00
2.0011.00
3.004.00
4.0032.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.007.00
2.0020.00
3.006.00
4.0021.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.002.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.007.00
2.0020.00
3.002.00
4.0010.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0012.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.005.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0014.00
2.007.00
3.000.00
4.0013.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0010.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.001.00
1.0023.00
2.005.00
3.000.00
4.006.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0013.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0014.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.001.00
1.000.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.001.00
1.000.00
2.0020.00
3.001.00
4.007.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.001.00
1.001.00
2.0021.00
3.009.00
4.0020.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.001.00
1.008.00
2.0020.00
3.0012.00
4.006.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.001.00
1.008.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.001.00
1.0011.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.001.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.001.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.001.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.006.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0010.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.008.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.001.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.001.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.001.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.003.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.008.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.001.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.004.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.002.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.005.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.001.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.009.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.008.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.009.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.001.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0010.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0010.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.001.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.004.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.009.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0010.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.004.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.001.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.004.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.009.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.007.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.004.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.009.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.001.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.009.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.001.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.008.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0013.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0010.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.005.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0011.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0010.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.009.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.004.00
1.000.00
2.000.00
3.006.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.002.00
1.000.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.006.00
1.000.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.001.00
1.000.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.001.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.001.00
1.000.00
2.000.00
3.000.00
4.002.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.008.00
1.000.00
2.000.00
3.000.00
4.002.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.007.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.009.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.008.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.003.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.001.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.009.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.001.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.005.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.008.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.0012.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.001.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.0012.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.0011.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.001.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.001.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.001.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.008.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.001.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.0011.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.007.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.0012.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.003.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.009.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.002.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.0010.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.001.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.006.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.004.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.009.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.001.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.005.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.004.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.001.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.003.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.004.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.0010.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.003.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.005.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.001.00
1.000.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.006.00
1.000.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.008.00
1.001.00
2.000.00
3.000.00
4.004.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.005.00
1.007.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0011.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0010.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.005.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0011.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.001.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.009.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.002.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.001.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0013.00
2.000.00
3.002.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0012.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.009.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0012.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0011.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0011.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.002.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0011.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0010.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.005.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0011.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0010.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.008.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0011.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.002.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0013.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0014.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.005.00
1.001.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.007.00
1.006.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.008.00
1.000.00
2.002.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.002.00
1.000.00
2.006.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.009.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.001.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.002.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.0011.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.006.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.005.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.005.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.002.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.006.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.005.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.006.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.001.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.003.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.009.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.002.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.001.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.005.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.002.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.0012.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.001.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.001.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.001.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.002.00
3.000.00
4.007.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.001.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.0012.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.005.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.004.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.008.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.002.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.004.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.004.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.004.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.008.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.001.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.002.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.007.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.0010.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.007.00
1.000.00
2.003.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.005.00
1.000.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.006.00
1.000.00
2.000.00
3.000.00
4.003.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.008.00
3.000.00
4.009.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.001.00
1.000.00
2.000.00
3.000.00
4.009.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.001.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.0011.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.003.00
1.000.00
2.000.00
3.000.00
4.0010.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.002.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.002.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.001.00
4.0021.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.0012.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.0015.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.009.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.001.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.008.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.001.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.002.00
3.000.00
4.0012.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.002.00
3.000.00
4.0012.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.009.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.004.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.0011.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.002.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.001.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.004.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.005.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.0013.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.0011.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.003.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.008.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.0010.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.0013.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.000.00
4.005.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.001.00
1.005.00
2.000.00
3.000.00
4.0010.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.007.00
1.000.00
2.000.00
3.000.00
4.003.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.002.00
1.008.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.001.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.003.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.001.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0010.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.005.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.009.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0011.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.008.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.004.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.001.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.008.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.001.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.004.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0012.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0012.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0013.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0011.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.008.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0012.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.002.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0014.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0010.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.009.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.001.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.002.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.005.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.004.00
3.0021.00
4.001.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.008.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.003.00
2.001.00
3.0012.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0012.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.008.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0011.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0011.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.004.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.001.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.000.00
3.0010.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.001.00
1.000.00
2.000.00
3.009.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.007.00
1.000.00
2.000.00
3.003.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.008.00
1.000.00
2.001.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.001.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.001.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.003.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.005.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.001.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.002.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.009.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.001.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.008.00
3.000.00
4.0014.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.005.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.004.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.0010.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.0010.00
3.000.00
4.009.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.006.00
3.0012.00
4.002.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.001.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.001.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.005.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.0012.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.001.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.006.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.001.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.001.00
1.000.00
2.0020.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.001.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.0012.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.0012.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.001.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.0011.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.002.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.008.00
3.000.00
4.0012.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.0022.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.001.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.002.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.002.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.0026.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.005.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.007.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.0023.00
3.000.00
4.004.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.001.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.007.00
3.000.00
4.0012.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.001.00
3.000.00
4.0011.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.001.00
3.000.00
4.0010.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.006.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.007.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.002.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.005.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.009.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.002.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.0035.00
3.000.00
4.006.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.001.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.0052.00
3.000.00
4.0010.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.0032.00
3.000.00
4.009.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.0041.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.006.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.001.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.002.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.0012.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.002.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.0014.00
3.000.00
4.002.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.0013.00
3.000.00
4.009.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.0042.00
3.000.00
4.002.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.0020.00
3.000.00
4.001.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.006.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.0014.00
3.001.00
4.007.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.0019.00
3.000.00
4.007.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.0010.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.0025.00
3.006.00
4.005.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.0019.00
3.001.00
4.001.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.001.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.000.00
2.009.00
3.000.00
4.001.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.001.00
1.000.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.0011.00
1.000.00
2.005.00
3.000.00
4.001.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.008.00
1.005.00
2.000.00
3.001.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.0014.00
1.004.00
2.002.00
3.001.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.001.00
1.000.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.008.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.003.00
2.000.00
3.001.00
4.0019.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.009.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.009.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.008.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.003.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.001.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.005.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.001.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.008.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.001.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.005.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0011.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0010.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0012.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0012.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0012.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0012.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.009.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.004.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0010.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.001.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.001.00
2.0011.00
3.001.00
4.0012.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.001.00
2.0018.00
3.000.00
4.008.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.005.00
2.000.00
3.0010.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0013.00
2.000.00
3.001.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.001.00
2.000.00
3.000.00
4.008.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.001.00
1.005.00
2.0012.00
3.000.00
4.008.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.004.00
1.0013.00
2.000.00
3.005.00
4.003.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.008.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0013.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.001.00
1.0028.00
2.008.00
3.004.00
4.0010.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0012.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0014.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0010.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0012.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0013.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.004.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.009.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0011.00
2.001.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.009.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.008.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.001.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.001.00
1.0012.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.001.00
1.0018.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0010.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.009.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.001.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.009.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.002.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.004.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0016.00
2.005.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0027.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0018.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.006.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.0013.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.000.00
1.008.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.001.00
1.004.00
2.000.00
3.000.00
4.000.00
", "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 \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n
0.001.00
1.008.00
2.000.00
3.000.00
4.000.00
", "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|WUOFOYZ(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 z&#IxxI#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)(5J&#z}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~jDedKtiJd759q~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-$Und66n*3fj(xc7Lsf3cHsdhkTiD`wDERSu3j#u7csRIm zNk9q?Y;qu+6A@&-Tg7j;il3T6laq9vwG2B|2unkf&>!>qaI)CYYT(2ZZ6!9OftKXE6-N+n`57aMR*#y`~ zc&}xZBA>Katb5&8)YZPe5L;R;yFw~ckO!4~av~RUkQp}{w8!v!oPn1cpqVi$GQ}00 z%PCw#Waqeiuj{nuEqnT?@p>=3)r%(XI$S;m9M+G&atkldR+`A1Fd;fRAV%@CAg93G zPT}9L_8D2YJ}$enK8!o3WT4VeF7urLZ2{AmRG5WzuM))_Js^c5!&`y(O@!Ro0K+K2fJRMgCty%ou_2+k0fqlZo-_Y z3pe=-1!^GgTe<4>@B2Znk+Qi5DiDzOtT}K0zEVmPhlj1(-)fWq(^f$=jErxZai$44 z$*EoinG4}eN%MHzVy4Z3)yb&H$f=TkX#U;M8%c~>OpgRWe?$-~>GXEL$i>bMY~pLE zug8fJkCnXZhCt!J86xK=ir()37Ee|2z3$*@yYJ&(?_*%w9=J2QZree!>6~EI%htdK zJKzU7M3gFiU~mvH)Cy*sho}oBn?N`yiR7!9ot&7Ah`-(L&f@&4B^6SS%clP(6`Efu z2}NjL6*=!O&5VR>zq`X-QTA85sB!H3_lxqmR;~JrBnLAS2QP|~{jtrDlw2Q2TkI%9@YVa%kexfBzxF z-+u{R#(j+p^$dtS$sH^#W($T@kV>+LuM{ZQR(fYEQn9qW4w^jFOX?!;SN}qSx)hUu z%40jPmq`z($uJ}2uMVY))J~CW$U6}rxNhdgy!pjKXv)*F>1lP#h9(nV0W*A5#BLlK zS;IvV(<5k|^ulhLUvx;-5LC=1*Yf77)ueuBIr#wWz5jhi`^b>O;%m8u2T`IFTh~=q zzcbhFek*2+F61DYHibirclVyHu;xl9e%%zA4#qyjDm2)lmtmI;aIz@42fZpD>ukLg zyqJ111unP_1 z(@QWuhh#39C1Lq4FPGg9Mh25g^oMpr6LZ$k=Qr*1WV9fQz;#q5ofphr_k-aPce|vuz$xUoczEBuC=Yr(_-Ft+BGE#|eKdtQ zDbMs%^-$3y{H)scb3)2Dk+ai0O@>EVXeZJl&77@3L|Qf=G4{B7f#u#$`97BO_nyX)d1I zQM({g!)m&^Ocqx8=#;3P*Bz}yx&`Yps3TrF86vdgI^MK;MCtFcH)rmGT(c(=xHg*Z zzkN8;x5@qvn(a#y3Sw}T+W$yGMnVGSphz@+o%mbhJR_j`EdzW#EWi3)6_&Njnc%NQ zb)J{AiH$Dh&0c1-t5U>)AefZXH&8Y8R&1b^-6^_1v+lnN z`jt7SKbTzN*V$&5@Ab}rm_CWNp$H@m)Z|RnbZTFPKfzTw-1j5jhii*nt)gZcR?$ZP z_*t0lj!~m+-?M&dSiE8^GWal44R&k}&=%6LAVs-d}cMy0kiV~I}n?7IK74r~dus?=gnTsEZ}PT7KQ%Gpwe>r3(& zbj6QKg(zi|a|bNAs%GeW1mm+M9}2Y&DPy4II64WHL(r$+)ifG5Lo!p{Ti*_6B->Viq z&Ge^6kAMP7ev|R*O!qwA#$;=3)R?eh>AS_ZaV@o$S&QqAQDy0PgmNU zVy!w8l1!5qKh^!v{Jv!dI}YC%l&~qC81Gsi+4|D(EH|-m9+WM4-Jz^)5i&vvm#8Q$ zEBi_b_{~i}+-N7ZQopBeNd?G`)JXF@yxV|6m+Xh1RDbU1*GX8Q-U)B*j}+=6cqnoh zi@)xt5cpp~1n#mYP`(#h7z|k<>s>jaQj{c_v+Xqs8* z;L(@K3?_8%;eOyZcQ^p)03|QfU|eQoxG#2W*t`eG;mxBWEzN61N~C)&BnV+`;bgneP5?PoHp9|a>Z92)-7itT!qhmt9sbg8{v z5`d#cZ-|Pon|Y4>-N)Mei6yr>=GnpgHe_Mm>*S(a%kx7)hv(3`$#oP60y-lN(h{zA zl!dRNH0@NE0iR)fk8M7r}REg3=E~e;^;$( zzlQhhyY63IFOp zDdjAtZcxN6he(dLLa#&z5N>w!ug-1A6|3IGoP75k=?8-pmyxoT#}|`lCzJV~$?#&t zkix%0$V6W^nFPA+z=us}Xe zHhHxLt=!60DTI7MO$GCN=^rHkx#LItjrg&%?sN_|nim%Y^NLzsyP7W^g>69v{1w!!eq^fEDOx*b?7q>AR0}WOP zzxdjqZ^EvDbbS{E?2`PgBJ2eAeN3oPq82$n;G5wVSRN4Qgu{AS-MMQy?Q?BCTU&nb zy!?Dc-9^D`?700JD^D)kITu^`17s$EYady=`o(W3u4N^XgIItNCZXS#sBb0gP2hl7oSesm z3{vB$<{K^Z6#-w|@RFG6aw(Vkk+3cYhbXEPJqF78+(2HbN@}OrY-~g{w5i4M(V=<^ zcD3z3BoiqRkKxcBKzd--%dIRT682Bm)Ij}w`osx4{1WX0d_>)t#4RX~W9i za{TqSs#do8sXd|;D1CAdY^nIMez&Ud0GCWw(OP0+3jLCsp=b@kSXj=Wk=c?qB1Ol@ zm}xBlGo25Rk#^hL?WOr(%u5F~|lmoR`(JpJh z{&*UHy*7_Z0Olk_4C2NNF_y4QS7fD)ZDL2-*5W4dqPID%f1}HuJwG!b& zfS6MYtjALz9Xf+S#7Xn2K|)H_GXk9Ft|q_b1U0wa)v17onByVZ0f^jftKK=IeZ48oz0D)0NmNL6iqG3V|`jEyt(s5hGUeqC6ntR6K?b)l*R14TnjZ^#oIK^9I)hjpkiVPm zJH2_)df$2I=yB*N2pH`o3l=b5WKz3MplV>KemtX`@{}qnV49SPm~EdYj43E7i8RPF zJ@ZW19RYU6cb;FP%O>KvEL2O=G)?3^Hf(TW;BATfezCUd`SNmZ7**<(If>B32R=87 zt~bkl^gjH&1x|I0>t1DH=e~{??aJrGE*J_0qm7R>1dchr>B1_KtO-nDpO03)Kk(03 z(S=h-Q$vEI|08|@!o@^X3!hu~I8EQ$-R!YaM$Tn3We4dlx9AYsd@V6dC$)%(53w7y zy_5}P1uQ;HB~r4;*{0$mS11v-6SQ8*2^Xl0i=r*cJ^ftHh6QS7+->kP^Pak6D|D9{ zKR$jz;3)#Lc6^8J&Lu?$ICsAOHQb6X?ji}XP$<*_ASnpaJS`L}@h4We~D z$ro<1FmJJyt1NU#bN046)>rXOMFT=E@+7^2JX)k$T$6pi53xBIN9{(){jLV4a}Z~2 za-d;fnU7D^!&c7jC5iFqC|)rTpwJ}Fkfu8gQ8g^d6;MMF^2V(UPe@r*6LBZD)FXhJ zIBGuz5kfFKzgn1Onaf|WsvZ_NQ3ZFJIEdBVu$Lb)uGG9#wK~Wt|9>sOtaj0%WLx{{ zIWa#{PUUa#o8S5;)BK7u9O+h(1$xUT&_!*EnCDWG1SJJ{Jm-oR*3rzUm$d^DTLePk zM!1G-`uVG}0K(Jk70NBzr)02~gVg=$vpj@f71u`nw!bfkJDH=x$EIDBQ>MXe)!XRh zudLdaui2uwCVIRFa)SCxu@VK2zlKZGILFj1U^yAKS#Lya2Js_?cj5fIApyJy65PK# z{8f8+V1lF7SiMCgmn_i>RtenW4ukSpDYdhP)WZC8HP>1`maUSsq?V|TFIWM)8x)y) zqqg@{y@Bi>PT!90J}N2*Uv+vh%)Z={paMD*#Qz;#mbaJY@-O6v zM>qh85Pt2l0WJ-Q091xIw{~Z^LB_$g{vl>J?Eg!p_pfy-OT^r|#PUSp3k{lC-pi5Y zzAlJ#AlUjl`aB!c%9?fGKkbqYvYS(nz4K2OQFDp36 zz4Y*KzJm3p=2mc`OgnA@8FuiPH4~X62fp~;4%IE3#0ue)vs}(8BEMUp|0()L@Ita^ z;{sJ|xrL+yn?@zl9ee8mhFCBlmR0X9q-F}r*?It_JPu2MHWW6Cvh(s+EIz;}nXl5z z@3gi%1y^UdK?!>#s8B9M3cMLjOTu5NYx+&g;Mc?K4G4}o6ghA-T&NnM!ToVB_On3$ z(wz^Ef+rlci_FKNFPHszE5Vxc4JfM3D?5k=C^y;2-JAE5Y>l>%*%xpe8{5gsQ|;qL z`dJ{Ra0O6QB*_+9;q9X+V$o_X`OS)`p!61i+r6oM6;?Y3CuhEZvfI9 zc;5g}(@TX^;uf_N!G!=&mZZ#~ycasDr$Q|s%c1vRCeU{5c(Oo&2f#=)&i-)(jR5Vo zN*KeRp{@n~C8SHz>s@+8a;Mpao}#pyMuz$yR>aa5&UmTu|ZKRHJ~Zej4yr$#Zp5x_jW%G|l;Raf*I% zEBOf#3N!p~M0S)$S60)InM_hl`gVk@VtZhR!&SA^7vq1Yv-4j>1lIzDEszU5u+2(W zN6lm@RcI&s7cX|hT^~m0&W8y7P+aVh7*io4T3Chk&F?R>pru$yPH12Y6ARdS13V*L-V<5KT&h zE+=27#d(t_2UV_?s{Z*8=#k_2G5>@HDvQ@K@Lo#3Y0#-Q1FVbw+KZ+xKZwBCg z7Q_#brxqVu7VmbhF#PPwtIcMAxi8lq9zI)PaJ2rV1BH<{WIWJFiXS0Tf(Qh;R`x?( zco?)hQ~3&ivr@7_5^#zP#X1UP?{~)?3n&^T;6qJ17JqE3Ovm<^nn8oiz8fjpqQsG| znW3H;jqruL*Y;dbNii?bsyoik15xFDN9q<`7$*xFw8!bzdtHU`WM8?H^|sy84F@U0 z{C`zPqxPA3UW5+vGt8Hbrb@F`m!!i3@TrF(OVsY#tuY)~0xTrS?vyOCyo+;_5_Sgn zA9~7ZWh~Bcj$A+}bR>zJ&~Qt>;%>l{#`JvcqvFJV9I&k*i`G!b0LTg&45b6;|7t;L zlyt3FxHX&~Hof8#wEwgyZhn@-h>#3>IT$7|DtJU%?cCj{x;;EVEul{TctJqVS&qEt z49g`m&%vJ#ko_> zrY*B70%w9^_v@A&{kQlQ=#ggyUoF@I(ww5)o+VBVlBflItcNTfRN`JI>1}AUF%(Sm zTDe%RGl>O51TMjqc?A5mby2vmJX$SngTPTvkz*v%!NcoMga(N>;=Y!GK&_u}OBPrm zX-OaF!hRs@JG;$G`?u9>ugJBU^(XA(y}_3wTTU(2=k8={=zN1}Db(J5uX)@_J(!U@ zaT{-h!CB^Os3o|-GQ@v;7La}zEfb%B5aYde_m{3llXCh*#sJ&mZj`;*g`VB*hh&Bh zVtG{sRE{%`74v3Sv?$N>d>C~9Z?GDU;Nwx>d`B*jvpkAQX$-o?O>{UV%mYW`g z9=m;%Y31~uqfTIH8z}m6+by^n-cL%cAiUxR?)!~_Y>v{5ixsA!=tP?Rw@>gv!^6Y> zB`PKX%>^#}_ck@Svs4Y9!>t&LFLNnD{MjPNnBE;}&C^jE`zMWQX$Pf(d~;_nr8~&!V*5 z69zCCrz7MmRfJ<;^fHR?f)@_R_?5ej$FsUl7w-n)F%g$0^3P;}hV?d;Ml&2}Dj;B% z8)4k}8W|n*i}~m1Var%gd`bJ(4YyKkA}9OYpO=f4R7^!JobRXWH@78hh&Ia1P?(sQ z-4>>z5KyBGw7Jy^Gz=6LlF3jX+}s`!_>`Rdgf2)OoC7i?BedK&FuFRX6)9B{mgn;U-2I_U(?$tAi!MJ0wqkSMw z22<8LkdQDGA<&=;w$%xV6+h1j2%KaQB{c@qGH%Mu`^+#f?%k!gh)-^{7s{E5vsQ57 z%<%3plG-*zyEe12@>e+;10rb~+*R<#RclpF{2C7JFt>F4Kw!-djy`S>kS?jPIIOPy zh7fnj%hOiJ942~5XZ1XJk&)fcK1EZ|fcVjbOeL=Vo=j14U)KWNG-;JarINrdH78{L z3Qw7nF}Yt{sQLs9O^p(s<_;Q+n15pM&{ZNds6+swXa?dnEaAf6?YxSYQq&58n`bpBmS1zT99ZPW~E3VDf;Vt%}bgCgiYOx$uc8^ zwzKIL=ogQ%E-{MuPU9v3yhsp$-Wb1v0WyeVUr+g%-y5AzM@(RVB*Ig0x2id8Jyclc z40^{R1r_JLPF%nrt4dM96bibAv@i)hPc)UOeTy4>8!zyGhlztC_$$ypAh9xtENZvf z-08E6^5^$7FZz2!)w|<5SiB->QoIDvm#VM0cr**APAeN5`Y({Q08D>P2CBa=xO(RG z{&kba>n@u~4)vWWl{+CTzYMmH=uNkG4HxOljSa>>|ehbz+dh zQ1t6=uCRQ}m<JE96DayHc3OjY^JatU7p?NSeOvh(I96;D=^+3vRSWSMZwI{2+vb@^B^9>4DB ztQ14}ebsnP$TN)wJ1 z@XK?&@W*L)8$)%^v^W8|0HgKs?OqFeHqXbe()e@hxJ~f{v+<6HC?p%$f*9^ zh(Ld)jxSeKS5xyzSWOLUer9^Q#`6)FS~XH5}*JPT>VJDR4Qbj5tejuvugFdekr`lD*D4eIMo_OV~@U*RPjLu#jiN8xy>gfzKXUkt| zt=7FE2P3~*N(dJV=UaPjN-WU9?r7^A10s5R;bSDwMQTDP@5z&}uL2hYl>5T-mn}xl z|A8%T#i~0y9Pq)b!8;t`Rz1A#EU;W7aZG2xdd~!@0;Lj2d;1{_8Pl96Y5BodnlRUW z=tp&wC)YenwZHU8XAlWDkuat>D0{er#z*upCr69Vcd1!$p--sSVEHXD@($puRN~t0 zpRnz`JRlg^jtIXriJ-_2TUG*Eh{XX4_r|b#d8{V+q(ICZ3}!CcH_wjf8DYiUk+H#4 z3SHQO9wFi5^PYTHmqo)SajN)&x50Z-GfXos|QtfZQj1k&cSrOBj&)xM{iEV_N7(QxdK_uoqxwrER-&=hD+p0pd!gi4~oNYBb@_ z_D-qRz;L1miH%a4FgJIfz(ZW;x^v7A!Cz@#fiIRT$uVB@H5&YgV+?*t4qfK_${$%Q z?WW_Te<}(%eGl;0SEV98c|m%W1{Bc@)fd2ZR0&~iphNyuOg zn^p2bpmw++oz9)5iUY!^8Dvb@xGKRzAEnssGs+b}MTq3YQv!X=hxHBX!y=H5k> zKKE@mgZO;-La^@V0^JVF1HT;=Yk=;?%F5`$O$^ed$zV`y%Bj>22m$90tkV0IV_5P( zOR$6ltY0e!Beu@;hShE%E;xdeQAoJx=(6u7BLPGLw!kq673L>EcH7-uZbvfmJ*+z3 zYPRciy5H;rgAV~;lc_P?(b3Uh4B^Ldd6k8Q#ryk1=f{0xXZz1Oa+FFc0>nfi z`9JyjR^o#|;f0|)BZf_B2=hWq2qL0P|2f6aCD5L>dUyIZom}fE`2b9l#CW3eCcYR% z4p~n=Lt-?h1ei#k*#XW%nycRuZrBqwX z1Iw8*`{!`-XxFK#Dk*Uzr@mEW(WXd4JaKLrd>vs;EO%IIWj)d)g%i&n_W>%3lhU11 z-c#d#qK7(+J$Fb^*i&Jgy(!SwmVz--INO~Kie$E&{O~?^s3YRfW z=k91WQSo?Z08)mRJao2gLuas+l(r_uoM}+bDE)=QC^k!CE&nZD)1Pn(XY}=&13O{U zVjYTv@pR6~Gy;S04Oc29@$ZHDXX%Cf@3U&=D58J*LYw1|j{N@)Oj}A8Q}>7k#r?4PP{8SA@?yfCh`XeAu8xs}Abg`Z18+ z$$SM%s?}&RJ>^__3uvfmoW-VPN>s*NU}$R8tx+s^h>JW3{-qOU7M!sZT!cuA3%LKa z$br7y3%b7ez~Om%@cnQ_3cXpjtn$8{5(ms2yAI93xEDxBNae}t>1qDABe{PbFu)N} zFx}-!2GPR~S(hzP4u2|iDPDmV+QGe(a~g=0{ZePS^cR?zT6D$9_Lw8{ohwz3KH>xU z`6(e=_ozgD_gIql`;$g)$^5-onH&;0%)V!iopTZCj}S!{!r0+!QqYfttL3zx3w&nJ z*dUct`=qf4!BNf7%c7Rg%M#-j`ufX>7f{cQh_|-+$gsh|pA>QhMBoHJh=~7#g0S-C zeHKYgZWTi1te^e$gI4Bxyv8n|^JQlFuBNV^~eOUY>F3!4T(^dP7 zVT5Q!`aL=3%dL=mujIqgmrDeOF%cV>B!MO0HVvWZ1g46&%oC&LwdlJw#NM~hRU zH3CCNWSGGDh{xIs6S8eHb86#xdjWT|^XVtscjg}-{u`!KRS&06v=})erSOSk0@QXm zQAL+J55u=I>j#Qyp$bE}`%32;^%*aXWatpBnEH4@DSEqH892^{3JkAzR*L%Qz+|2SkcR#6UOiNG4#lD3k4vugiSr7%GJkZ2HhLE$T?s{g24i9 zVEO6(SAB;AuwDv54Nrz$I59VcI8?laI6vHQKwej4x{4-C?H7TvcQW3c`cI{Ny5-%T z#VO+a-^`w50EVSFmcKoBp!03edu6)7dQD-t{us3%H+(xvlF0fy0tYjVKq>o>&}~>G z^!!}zOU6;L_@~uB!MhjND-jb%b{#)NGs#p<0XH&RUOuB<98_9A8ro>5}?q8qpsKarp8&6=JWAR1kEEy}4=!Mg6C z-~YN5i<=Kg;@olGwrm?T2g=I&*$Nxs8XQ%B=j3S^221XlKr;53b7j4I-i!@boC3mP z$5-ATO>9VhdfAj2BOPoLaj2UX8{V8S${;43DBucEE~^8EGy^7JDM?AFna=rV8|F_S z+a=+X<&F%g#E@_@x+}j~FcK67Jb-bjL|a~72BD*)|Fy*apJSNI`B+(2HriE=A?2&# zz|Z~t{rP#-f7}c)A+@EG$vu13A~co4l=N&habv1hzX)dxDy|4PT7^E2N(`8ey#yP; zh#=(4V4t?X;E#r5$5j!yN9W>3l{>NtP_L|WS~pcyb^>$bPwfkuToyj47Q-ig8XZGo zWcEoj34`-mK(}RcOQ=q(K>aJ$0_+XJwfOj3Me6G=gH5)4(6l^A13RnEPw}mv*QD^%$vsoLY*bFd*9mZ@K+-FcNZt( zr9rJY6!Y+ydXSkTC9|B|@gGLJKMf9r?-Njwq$~j^Mya{82a*?#Mc_=KhGrl;5w?9W z4)Ns;KK0+M{ZPM`1e&pb8HdC^LQpwtOqY3L0q>t&qBZL1EXG-SHM4IsN}^TQyWVNa zKF?`+FGROWy&_N9K$*yXt=nGpPIwZ#$141ufE;oe=qi4G?vCB>S(itB)+ z%|%d)Oib5YPeka?s?RuIzJQ40s+VnqiBJNP z?C&X8Wr7!K2S5V&YWynlAJD6CL@n4;;~8%BJWw106Y(&$u|RQ~zHPN12DPbR?t* zzBna%%^~_1&jp%jo-TEL2cB}iSO}_?Dp%Gl>cTkZ3A+m9Pub;}Y>p`@kG>#|rpkeJ zRV6Gt?w)66Ri`;;um~ng$71wy!q6Qgg@j}@Q%G#$KY!~5tgSWvh^3W+c3X@bKbzdn zF4QDG2g{p>vKTv1@0(eGpa&q7ua6>VDdyKmK(PEbYK_x@C6#?x8|L^;NFB%KktDmwo5>m~QevYq2pL_`oE&nyQ8O`8;5 zBdq@(c0&vV$-iowFWmvHoQ+L0*6%|@U3}m2*IvXj5gAe!@o9_lqHISO_myr^_j`-7 zkA4QXybIYVMwavU8PaUw`2X|vf7*hhT*d7X4R$Gp1p$7&Umpu6rs~pzCPvU-uTow{ z2`cHnl4WbsFg~xbftubDOqaCc)EJZa=4^#bD6u-@QOuS%DK!i!^$-XuZ3G}cyLKdJZ=gut1|#SA?~>*s`gf*@iHZG} z#p~>M2Aogk0d^J`MdL59NzaOaj7-Suc3E1SRjW|}*wso)OH=H700!VwI?F^KxkudJ zdt*{~5LzI*Nl_`YQTfiVve&6sn*Bz)Dp_bkKxnViBmPcX^HN^P2M`Il7WZ{up8|`r-3Q6-6EuLz`2R|~F#LdpKZaa06}=YbSm6&)F}6EI;&Orp z!7T6&Tsxvx8vS=$qf|=Q@6@I$3f?CU2;>9%Ad?3XsQ3{WMgZ;OBKc}i_qW|pn~y}6Re z7T(6Ew7QwbOE3VjAp`JHC{;Q+?U&D{r$lGY#~tcPo3#X2Xx?n>%o!6@fN@V3(;D-nT9W&Av-1zcAXV-8!gME8_Qyy_29*a&gu zI{EhP!W12kqr#LwHfwO3dswzqW>|vG|K|l5GQEQb-{gO{t}b=Ik1y10!<}1w>2Ru% z6qDSJ4LXPn&>&YW?*k%%hzU^A7yK{t59NQqigDfWZq%t_{O|QI#cOK_N={A&8eyeI zsBJqm%kf@8q>S3o!UH`(dbI|)f47W(K8bBQp1L=-e5nOWo%f2>LQcc!N<2LPB?}$X z>2eBKWG@6nKI!=khGl-Pga>xN={SYnK4=+SKC|V^jo{APdE7SR5GzkxprWtr^3e>s z>Uzql(5$s#MBMzpRo~#597O<~67tgjxWUci)Pnqv+ac2O4{A+I#!Tc$V2{DH>yTQ$TU}tL-4EeZ0s9U9O?Ps4p`yw<2iNo3 z6lp?5$~{cqmicLWtkhI*pciMk!1A^p-wtVtl?PR}~2OHuzE zNQLLz@#;S%L`H6(csJ-)c(_d@R|d*QaH4>$;UcMkp7qJ*skl0F00PEW4eeHzv0<7U zsKA;lS38M0{Z9C*rK!gVZz^f(zElSZ4FZ~KeCiM-IkZt%`*p8lCf8Mp9h}LWAEI$$ zXTemXUu7+;Z=_AfDR2fC0fYi^lM)AGmFC(nm3${g-Whukl9C|aM}VH;d))k2lWMb8 zHo|9axR-Mo8|O1y9PCXLpXTWMMU5l~85Q{-E%J}*L%zDY`qx-S)3&|A_v8Kf*(3We zS<0yBFhXi-s_*L#p#;5IPlNP-B%hs*s9rL34+~qh{dbf$;EXSP5wgX*F+(d+d$=|G z{L3Zk?a67$gf4G`CO)Q^stgS8s}JGYkeXVV!8bV%gb=7SA)DUuaAY_rZIC314mG}e zm!@sW38VaQ*(X)w$BQ0a7KBmxo$l*F&~)TmU@_od!GBv>^O_Udhy7gX1ymo(Qx!y# zqy3BhwV&tdGc?F2)XYm3>Wlq-n9ZWTp1!)<)ZK6GbN&nc@mUx2On=8vesp|AH4aC# zwB&oV^U}OV9bkAlriTS>=55EXY83~%$A+PLYRR4C(Akp-q0G+(GKUi4CnW^lOn*YW zyRS*&_jn7dA`kEn1$V~*$#eSqa%pnB$v}g4@{&AhU0=cwUE=7rGD(F=T zURNgifRDzuomdwL7GzJ&XoTt{WMfFMJx$aHIu8iPbM5U2lD!_8HWZC66c0btNH|3m zD&&=EHH{QLC)} zv@4#aK?<1CwINn{mwcpF`i{*ge+LU3IFJ~=@18-(#BTu?F>m5Q`A<6)%de@Zi25HA zs8wp?DBSmztvg+vPidDtf=$R>FtT*ow~Y~b(}27m$jm91JXpf^(OFfx7&d z;=pf*6sc1EM}C#ryzKf&m!;tuv}(pRoM#_o!MTN1F0lU^0LxLPVaGw_u(feFz__@i zK91EUJ5_;bGE~breO)S>-f^Ay-D2tVNm!gmme0p&z0F-F`9m_M99o_fsWn!gpRyzS zGvUd35=;x}Q?kBz{Tj9?VG@i71TVbbdu|Z$h{-U3plY^eUgkSmJ;42lOJU7(`k>(8 z$=1%%FD9m#$Q_o`@eFZN$PQ6TIKchZrcWEkZ?+!bAHD}{$GJ@sQRB#%|9h3XhC{Zp z*JJc%3-)s8kMIL!T9_j4=k-g_z|bsM1gBh>^a_g{UtDK+88T=|bx{mvbMW z2mIX~72;bkU?94_=+aZa6r-Z6Un(mR=Q@@ce(z>Qc*|_D1&hyhx&uaAqM@OIoLpQK z#X?8Fkpj8EBbd^f|C!49C&*$lyEjsb9!Ye7rIwO%ePJW8`T>jZ!q#!X0A=^}Aj)qC zfntQDCzUL?aSYVOh1QSl;;3Z)6(rBR+>WifmtT*0DM0^{hD5eeQN6nG1+^(Cd~}=DND4g z4q~-ynm_UHVmf?|kRxY67@}>PPqt4q3$ka+3u|kvc@*MU6;f=w~t^u5kt6d(UivSKN{Fhr?a%A1gP4hr=|vD`r8==NSD4=f6CC; zYCa~{(+Am|_dY(V=wd;D{XagZ3({B#1}tN~aPG&-u~Us|r*?)Uw5H|(D{H2G%lLdM z&!{Qijd^kAgtTv_oTlcC!GlGGc0)sy#w^b#;yhG&*qoqDflm-a*DpH)FzPl8W}5vs zuYrT@2OSs9lyn~F?wJoK-=4!D$o)dM;TNuutsJ%SPm`Tra|&0MHGNJuzO&GmObg`7 zGtm6^L6rh2A_NoCZAL$o)HO^vX`_7X#O!(I8of?JWN2|C zh$2=w!-&9?C>Hgwt{hHJ*)>htnvO7Nzt&x*rM$o1f!Bv&4Do;MaujD*`#G|k$KRGr z)_WZ(O*q0-`CD$vjMG1~+}kWM9}d=&?^5NYlu|N66`cJ&g~0s_*dg+}f5&>=a!U!w zUH_c9sXUa(LcO#IrE3;W_G)X8x*WEY-0Y}oTz|Nm|7d(3-%kbOI4{Ux|41!vH~0&a zL$6>*$4FPRR#=9uV&k>%)2aLBI0uh^Gt>Lm2VEe7LL%dH)e0-h@lM{Q%v&5~bXq7R z;A+T~XF^cQv4VHUf~RM+t#W_6DPOtXUqihObt`g2io=HC8P^6LoHa|3O_k?^$o<&P z67@P{`Da5pFtd|X#2o&PCkWdRGp1^M)vxg{Ytte+Qs}?U6*Bpa2GoxEW1~L+bU%`) zqscpV5j=i>F zmIYjp3Fz&ds;4gdXwNgDt`}SJXoVNlEZx`ox;7g6pJSBvyH?}!Crp%>D#h9^*p#x^WhJv z$EzaXQy8a6b*p1md5q!F?AXU_U1LZX2D(}$x>K3IEq;Pv?@>@;MN13=)*ikKX0ya#aiUcV&WrswN_S6#L_d3Ow z3hK8%<;$85%o^;^G;Ix}r^opEkxTr_=H^F0n%bao_RZCIgkU&Y?#?`q6Meym3BeJg z@<{3>Z@fb7YQd2a6CYuF)+sAfo(g>g(x2wPQ}w2=h6GZ^wVo487w7+#NXNWn3MN0E z8q$ELe65kxhPj#u4w9SjMH5i}R;-sN@hH$1@5PmjMNl1D;9@H6?ppmGT;xv-p@Q@J z8AnXq`0ar3<7Ucs?t(Dksq!Ve9$lt8Za6R@+(-e3YUWGYDiCm}5`;9l%cvj>hcO@c zZFWn!F;>$0bWluN42F}Z4k{V9+b4)q@3`RF54w_u4 zYF(+~$$!Dey?Il=nZERj6?b2VCuJbeaz!d!^~%?ux5Ru}+%zIjjVyu4dd`+4)vhxHre%0C|d8e@XANvHR{ z8;bMy_g8^e@?yYP#G#m*bEK7Wnrca)l$*eqoV3Z%wRx{@sBjjk3>zMX-pm|9i5=(s z2!J;1k_xXW77^bD*SXFmR808#5~`37ix|ZssKn+gb8@w04R)+oMZjI{vD@Vvxq$s- zE@xybDMWlJ_fZYVJI7^%O}yW}XyS1`a`MgTcRckm@3}2qHaWCSGR<9y!lyvYga6bJaaqLS4AVLC~6aas<#C~P%bJD3t zZ_97(tjE~cAgK289~X2`@;LWGT}7_^+9$<2HkN4#Lp~;Dp$w4 zvK5*m^2qOSAzR4{{Pt<<)va56N{{X08yQgcmjCDd<^ zjsi~ZIE7zfuf`(2E&~o~^WGu#<$BGJO+|FvD<;hT@Li{0heiBlA=`@*1j-W=6ZgTa z;{|+-9ECKS+H^${@3RB@M20HIQ;yxAdTiL?)f%gB|JpfpC%LMH#oRU{tO1~vzmpT| z@J?$l>#qP%@oqYaL`F#&se}dAv7*k$%6otL+f!K8@(ZtOO0#CwjF}S;elHWP>TeKA zVYaztOs(<8?A)+9**Ow*m2d<^c`i&7Sm~wf0~Rb;|1@jk?S(}TV)nlnjPrO2=Aj>CqTeU6%3-XRjTu42fzkP(HW%tJ*YG11EK*EdtA-RO@@L)`WcFzu&fq zAFEBWPCU73bCP5YjeIA5$djlPmM_uhoMw3SZfHv!L6A4{8#f%JeZvYUMS43r=@SYY z#N&KBi-T|Q8%2yR8t?cx4@;kXH3F~8@nfUnvfb_mnh+1on^484X_G!#~wq=Ux=$2l*a;+`4 zJC+3hy!AZ>=GQ!thRmp-E+&e9w?U0tG&OLiZzBWuu;8S-PSHq`U8*1V490sDk{B^W zR~cK|4nuhODKEO~-cpCip%aK;5~rO_+=rrI+D>yn2o5pI+Xr{uo%eh%=i7H?{f?U2 z&eMY5dQ1a2Q(rY!7Uk<@RgN^ff3=PYlthh7hyp(p{5O6Xg>`Q)b9ZM8pRr8G!2@Uf z3V%mA^`QtP&G;l1!}U3!JqXvFP{cR4{Mz6Wc>I~Eg@&C-#ebFTLdg9q7RVovUxa6tc zVK{8pU$tZWg_^r&=jYcwPX19A?eEVg`T6;sCtF(I|Fv0%CUDzqC4k&(4U(3i^i)$6 zYU(z#KEX2ye_Aojukzp}u$_EoxJQC_D1>w@Q1Zcqj|j43NlkY^-k>_6L;yeep73MXp+8uUK z)Z0cOTaycYQ&jtc=6%+^&Q&VPY6^EO-#z)-xWX0y77C=AvkU~D!aG|QdxNKPMuK|w zFfw3?P{X$1UnFE$i|$Q*j?hkTBKi$drA-=FG&MDcj~e;d0C3Saj44h#{P>4l>rs7vzV)<$@I&=i z8(9E1l)IskPk3!QHso|}o&RA3eIWz84FS`6?1`bBD?Lg|O3KX4WJs}ebNfLOXU3MM zQm)#r(Oiy2Oa^BA*nEJ(p0Tj(X{@9+YquGXpeX3;5)=+y{}bY@SqG(f>^Bqs=$dZtMH$;(MiMlTl^4&5R3W>ueKypGFYW#^j@OI&1* znDUve`CljwP%z$aDeGvM_O_hmb2v4GzCd1*L1Pk~BTsO9p@2lN8z$@KP4s#A`)Q-- zp7-J4!E=HDxY#acbw6a+oY#pPjlK7^)4K!v&oy&%W3Xr)~fimBe>p7US!=SfN!Xd#WZ98FPD=O5x@CIROHU#x;0bb!BCddYM-6 zUMAO1|g`1xRS*<)gwTcFd}YhVF@D@RA@=La?KmTuUCA_ zQe$g0VMBcQ6O;YT!&(Bl7gX{)%R6uzX0WoY)XDgHHsD_WEW>L*BpvJr9cCUg$}m_L z>m+X=Gd_|4K%I!uNXc2<-dkbg{FW|A$}5i83QGE>)M?eaWY_b&yXf)_II%gB;Kn#W zpCNd7cw_?JCcr0GD3#)~&KR}}|ZR^~~`i#648L>tHS}G9}VgDq+-hrIs&77s< zawFF>;^UF?b1ye<45biq?iG%`(_rluU)>g$z@{3&&TeC#idscmOOe|33 zFUq>sVZpS1iRi#BJrX?WAaC=G$5B9x)i)dbKstNeDA_ni+keIk&5>3!+xwT}zz#i= ztWWZ9lX2Y6A3J%!1Zdwa5Gd}tZFQ#Bp6!DtkxUD*FlyKSRVAKqBJZT>IuGgk{Jqoo ze1+u!Viu$6?@992=1)PtxmUeMfXXl1W^I!T-_`5liHTBNX)Aq|oBfQ7Tb-Fbx_`r( z8=752b-{;}GdW8*E)q8Y5lkdV{Ofn<^tSi`5+YMRcLc(a^(}5N;EOyY6@z%5O*53tVC~~5v5t?EB zX7Sj=p}{+SFRV%V5xdT8ZJN)bu)xN6{_s~>T^t%OWF{OVc3}=8c6%kj^s_hgnZx;+ zAWUyF@>;F8J#ofdJ3168`a$@u=}3%<$YC>F)E(${#tNnS$Ul&c+yV}F@fZSpJiM{V zNvv>@jk_=ggxPQ5EXJBi1wnQsly1enSi6#yx^$hMG7gG8LFjHS;Dw#R%T1`4>N80v zrUbXPY)-}(+>JwjGiBP6;C35MwDv-Rg8r10XvDn+0(SPTO04&rMig!FpszDYU~8~2 z73aH*CSzt{S=GjLFX}qVq&<{2@R1fG+df$~HOCj6DOyuTzou|Eon;fLKaU8v&eXRg zc`Wc|54hM{WEJubuk+?Np7EQPIkNQY{jB&phqpv26ZI`u`Pj3+O^4a``_K(u7`~nw z4lmah{Gb}Ua+64Y@PI?8sINIY&y0$Q+8E=c}+?w%^@5tbwFH`28zT zy_(%KnT`mI`0_KQRXo?0Dl)MF3@ToKh)&-?zIYhyXp_nnc6PzDtTU9M6)!4JLRP5A zx)Jg^cfZ_X8I0n;*w!zyi$<&mK(9*rG9-yw-?%^T_)k50nO}N?y`e{xdPD&3ePVcc z>c}ZGAeB^&m)GHv!qoB)(d*b@vEx8X#;}bVoi55|XpgQJ3xK<)IKm_5om~cw5r`;v ziw;ePWJol*#81eCC>aN+zJuHGRvl(GJY2c)){NI$?U3g0>jWktK`)#s8Q3dW&lU|@ zxu5Fu|4Q#1NJ?{VKN2dfZ3^mp_AapNcyDx*M{! zU6Cq7l|8mR>Q8YNXM-~mbR9piEG?vIqq=KIg@ z3wU|}aaXdCg@mN%>;6_KVKicGRgh3>W#VszWZ<#p1gH8%ssg#>n>&(p>RwR-1U*k$ zaluLvj5c2Im%1)%wITA*T-uet>{;`Aha;8e6BJPe#+qv*&g!k--%M3Zi;4Bw)?V5} z5Kq4)dp992%K0M=zr$#dRu zbLI>FlrbuE0!~t=Kib8f9D-jrY^E&d4K0>ed%B33W+LWNDQp(avD{Cyu9y0yanPYC zogcc*H#SmIf_aE~PtIdX3O2VxN#+DEnaKY55!)JCE9=R{{!f!UD-7C{y-;n`lEiO01XZCm^n@(5`6u z@b1Ncci9{ii9t0tR(VDi{{!_|RVh?+Vk>{n=(ASeEb^mfT|#uHF&@+wq()y-gq|?} zU3?zbfVYn)Gat6#?d>fo3GChXZ7Rk`BnfI{57sjY@`8z>7Gls8`{%qlH}VaKyvOb( z={wlUv8qkE=F{#gr3ya&&^UQi!xomwfs{xUI`z6FxF*w;(z9F|9P|KgutN=zEM20b z%;*v-|Txg?S?fidDbFwUVakGUDIxk5Ka%+hwEnkPM&L zWG!>51t6eW*L<4EeF1VQf`1h;F#xsJ3S56US%TL%U@UfRyw!MBy7b8c%r8~9xeb8O zeyeO$8w*KqZu1Q1$PuWBkLbZreGwXP1RyQ45S^btRhpaw+=RaF*zB!Wz$ONE)z*EDN z>Nc=pt~z${kcbw!LRm9A6l(^rMgH|mpD=aKB1rE$ zT1mkVJC`8(dvo`f2}D!ULQeArvO4kNI_9yq+xq-&50uErHcMh&^lSvcOub5n7 z@ktU1p_ge4l8KMU-9cP-;&^y{Zl$iU(KJ#Hp1aAZKScZ;FXxuWedSIShax>i4l$7m z-4q}0%TwiUQAq_EX^bGOC(c1vj!6SJh~a3l@c59(9MMaZ z6hW=db*LYXJ5LR5iWd844Y9HixR?~z=68+mtCcFoGM-NYR9LXveI9Bx>*_yI6GPg& z)&pI3eJ+$pn0D1iBsheD&BKt)yZUTts2zA{Y z@jo87$?7UGyyzc!zsDk8(bs{D~M8tbeT7Pp5U-fe>Ze= zk8IYVQO#l~0m3B*or&99paI;$j5&6M)oB#8-Tb(lZkeDx%|yYbv>zBzK5YKUCjJ-Q z>dJ`8MI0>?(556Wy7~iVFB8x(+O*+^Pg_#L9;$w&fm4da6)?J<#>MN{n|*6{PP>`V z@gmCZd;DFZ134;g#?f?KA!|zIv@w-ACq%FgoZ;lbK4J*Fi@ z7iE(i`L^8ug2bX>jC*#=noaQxHTtx!8{A%N_f9U`8_~pf(4V;)YQ&IAE2C%}s!~9& zSsTcI)w-A-@rsPHtqEv=a1tQ#EEF-{6jCOAp0SgUZzrlthC%Rn;hkivC&iWO%`%t-AWDDK3mtMK)4V99Sv%J zxkW0~0O^s|L?Y%D$c&cq5b?D@OuyTo<=~L-!MW!K4Y!F>4h9}62L!CL*2C>P=63;h?oj0txOpyt_> zfBNis)`-PBTOX;q&;2Tp`$?nX5Ak#8Y7bZ!i9zfL6Mnl|W`6`NrcXd|(}vWgtl2MO zPSg#c%}>0(U;Z@8ZH&Ri&w^CUQ6R79uwI5B0(J#eUdeoup_$z*oxlFC!zRS;2zth! zi4={l>Ko5p8C1USg9#;dhp6DZPlyK+au*E+6c9%h>UzNkj9ZhHodDE3LZ8R2*Vk8e z%lW@SKsMqa_~U&lIaG~r&BKAi^Ox&Y2<80+^d<`4Tx&#lSJz36yB8D$V#S0Lq-#5I zo}8ou%=65uKv;dq)fE|;l?6f$m6c^}vV%xd7l@$7+c7Jw8X0@w%#SyH- zCGOqJ`&%D7?M_;f>CG{KFFyoleJ!$^8Qy13c6U}Dj9grQuHhTHK5dMm{$rA#bVlk0 z=`d;0;b=Ji$xs=0q9Bwap6Uj)%0J5b-C#b`5Tuzb2Vfc5i#e(el9niCT=ep|T2Y0C z{wXZBaWHek35y3duA|>V*cDW>(^m`bZ>`&P7majy znHD;lFWXnV8yM@w7@YhSO;5g7a@>^?E?Nn69#3SQ`TRcCCdf>#Z!=h} z`)L|%fTJn@sk-KTQvgP|I20`rfENpyA!ZC4A+SG0%)h$6gZq7>*23c)dlR!w-HM>g z1iD=5eP=OHK??h=ztt@zj0wf@b`FdW{_S^g8j?F_*1*dp4-V2Ll zRsfYF){S>m{~Jc;Q95>oVh90SbuIJFRrEY?0C}iXL*5@XNM-It91ceV60w3bIQ0}t z(x~DCaer#;Ixn5|{nBZ9{LMVS|4YDB#}^RhvIVWDjWO(tYajA`*q*J=n<;2HUKFhe zjO+c|tB`y{N1jFd>hPidC^^0*v zb(AtA2)~o7mCv<>$vVjxK-M|SuX9jA6A5EIu3q38Gel=+q(0ZVgN?{T_O+i&b*JQK z#YPjvotd>65ok7VQnfbd`j&j`);MBD_HJ=`Jp#z(Cj25>w%F3zx?$xEsO}*n)Ga=N zbeoDAjqo|Naa7B6r++A4|LVo_%KO6iQ*U0%thxIemwoWfLVV~suGiPzC0+oYA}D`_&@gOi!^s!$zu9jUQvEAcDXNS$RCM6MQvlYXNp zmt9C;3J-!pMx4UQ+C!#Dpr&N-MZs9Lwff46f;Df6%1o^oSnLqcn20KRMwQNno-0KI3V7Nre>f76a6hu=BZnFU)#c`zy0978d30D z$|L5<8f=yRSY255?Du<0o&h-C*oOCpBFf`VS3`Ttap8*A5fNH-9xGj7QV;n#kR$*7 z1MQPfK;NFjIN6w(Amd@_`=M}F0c*<=^NEUPRYSR{q1NIpUN}3>&7}|sayV0#k*5hF zx00kDOqO(qu`CS&YK3!QRk0Rjf0g=;P2;LT|cN4C?Pj{d9l8hhGe_o(n zGeG-HYHv;}omjb$`_o(+iHXcA^y_t?FY+JN6Q9f(OATjNmlXltIBd`lyz9&AEqxuX z2j(%%)YUizPMBM~ot?Bqp_w3ZDe;)0>m`J%-+cCBerF&0MW1aFnAItEXwfkv`)wLE z0YZ&-$fy=5`A8oZL-1k8i5fOiET1b^tsr^lzBsFRIv&%9U`#>L?2ly1Z#C=bXo2b; zLoj8fkc3~a|GK?=oOkZVE?{u7T1B((qcY`qgP87;Z55_tfXaML!RlA3?5H?sr`T${ zEU4VcTDoxtN*-YESeS&sH?uos<_6JWMpBuhxwhZ#e6(Kksr=BbZDR?p$x-L@sQV{B<1*$`*qfGjT&n8CeR&K zsS?c*Q~;ehK~2ZK|IDQd=yfgU`>dp`ohfeqI9KJ<;PrI<^`g!3V!i!fA~T)YaKQDe zESxcpl68HYI{wlLvoFC-t*L<ge_^0^&X>{91>#GQ`p|}fqB&{*DW48f3ZX+>aHV&g9I4^K%L6FdRb84QqPgpF$AB!}?C>$P>T1z&~F*JSk=`$2ye-83%;>DWnQ zdNlvkJ$U|lmka?Vpj8*oSWo2%;ia$VnqLLwHgy#IXL6%2fSk@7s+S<)?Woum?7POD zZh0~R0=BNE@%#38OKxuN`6ZjJYj#B09frzDlH@nkFKtt)7k`0=YU5MR@Yu_T$QChu zE(|g`#G8HjoJGQL!JNh9K~*@Zf&J8MEp*>@-Y};1Jq)spY1Zar7&XG_SN~RwcpBFL z2Z5jMkV8gf~@*r=#its8H$L@1A1^mKF?09rblDF)~rnItH< zy#QeUV9WkM6e~C7&arAuwc+pk!ES3MEH4qJxWT;SHod%M~-d0 z!WxR{(izv>wAxf{K5m02o7=_Xm5}p4arU-&n`bZ@@=psQ#tVeKE-3;?vRCJC^yd196WrbsY>B9EESYgsVd=v#Nq7iAEt8+9 zAaA|GRm&kaWp$9kn!F-lSfSqDVfc`BVTjh;lQSekp26y)`Wog$8QzY2W4$r)R+iI# zET;W{A(CDl!n&`8cn}@dDuXneAsu#2;wQ_ie>$&!0?}RF+@0AU_n{bm)m-7ULZwBI z*!pPmqtmtS)it@yVch`RMCQB}0iO?yT1^ajH2N3-C>L}U3Ia(0#Mjp+O4%w=@Yn>l z19~E}h{ENp9cEASbtsZ+?)- z)dGf*`m-Q%J0B;`92tF~0L;O9U8hTRz;0Pv8Ram|lc!SJi4(vTE3y{?clAmP5sp9Y z+w2Y!Pf!Ib4$%G<_bq`6aUEe!GupyNh$g5=6~vGlgzkv~R#fF%E8*2iBzual3)nWy z7va-S83AlfoCGyl)2xDcdS#RPNla?00+_s_fUc1E>lM#k9ZeKHs)M5cQ_5H+H4sj6 zwZ8utqYYaZ=!XKWmNW8tPwrq{3MwUF&tpfO$Yu}?o*PbrZ|W;sF{MfuRsJUD!l_O8 z231MI?!REIr^f!>A z87DbM1D!W%{g}XyjtA4$l(#z0$eBD|Uno+C%Mc3wC9LA8l&|xRYqJ)kij>|ZVQ`l; z_9K7ahiL~NU9kOB9Fsm;7hQVEvQ;$tz^j=QTL5miaJu2)s4t@|iTZkZ|J*8sIaQiM z5uZnovd{6Ic-w`^))MJS3^#J*xJEk_3dOn?cKHC>-WxX7E zA(p3j3G@+BIS&sWzvN`hlu-<(oQ@6x0Wqyv%gt|Gg>}}V!ElAQLWhc>`pqbe@w8s z8mCxu!sn%c|2=X#(0xk9k4Z+ko(@jq4t3Hoz@8SB8cqXA&?E!{6KUbF%w+%Rf(gTl zN=oTzX*yn4{ZY8y+CxAM_Zq9|1PnyL*cj-13*e!=^mLJ$#;#_~iEdd1TsSRu7SEf> z&4j@Hc9vKh7B&E51Nh|(xN$*TyGy`7VGzs$R0fHmOX}1BYmfu6`RgD1MWV=;RxgdX zBLZG1bzTT87~qklnxho5Exl*hbmvwgX?jMTAdoz`Bib?mtpub5|DbG2>qEbsDbtS1 z`mQ2A$dj)yH-&o10IZ>mxXCXK2!!54O^w-Mq;{X!A#+x@_5%^54No%E~s;JSpG*(aOV z#jk(~G9I5@1*f1+ESA8yr1g26kDKj8h(|C`e2VpEDLOe#*%v!C0#?a~xsG6;VJ8qD z!8J(j+zh(3!oSM{s+#}xIu4&&{ab`i-6GFy^W^9e|GOl70oo_oZ#TujNV}t#7q2|V ziSu)J01W@*Zv5#=BSaH0YSG)<+j*?7Ksf`SHrXY+?X3gczi;l|x|`nW&PtYZF55K! z3E!2rzx{2&*K~k5Uwaf?q7wK&hTP zVZqA)K}Ja5e-F4q3gvn_*e-PoIN-ukdoOc$&uKyWUWbTUUU-LxXBTZ3C&FR@Fhki+ zc1yI?&-1$wQDF%!(;Bt1Ox3b(C;zE6=bMLEA4&&<0{ePNjfyW%7Z=`=^Y|VnRlGTi zo521XiJ#o0g5kwBBmox|NcD^96mUC{3*8vSaI+fnN@vAITDs;luXXsxIMDxG*wDV3 z2#pEIg;#FuH>?oAlmT<=jF4e;NWgPCbcDY{PzD8Y{tDqKQ&FBH-Y1=F34suMgmB>Z)Qsb zE&JU$I5QFl=eht4MiA`o*SMlC`)ZdSk+n*=xSqQ7b9&&v^$BpBeOBlw{C4@U-X7si zXh7NZ?J7^twJW@r6tLAJSB%3rm#_7{I-m3+jv3VDCC zV7oZh9r1)QHWLI8vK$J7iyxDpZ*$NCRD*pQgvyxO@?@k8v)uM^TG!U+UK*6D8Umxo zC5~l7!Ho8o18#{vA%Aq`TNE@*?t&#^W64)C=hwiGu5!Tqt24cHEm$>TdJsXNwHY6i z^ZAgQEf%D$+%fM3-D*$iCA5=&pF7`Xwt7Rf>687ja*}$3g7^b)w3Rv9deE89j_C`g z^=!U*-kvbNI~%+m#ZRT%P<76XVBC~7Ea2=nil6|8_y@!^Wm>OMsnQB)R%K{<+IF=} z8YUM^fr!vPVHGM8X(JCDb7w~Bry!6~|Gu`Ozwvp#`pbbt^&n0C4eyuAd(XI433F3J zL#|Z6CW=6R>p*L4pQ|oV#Jqi!IaZJT4Bj=COMg1wU(W}k2x>JdK|MV^_6`mlmW#hV z-6q|LgMb)^CO4pj6JQH+s27r$~j+X|);OUFMcQ09;lE2$~Ha}$ag)Ke=j;*5mtNI32L4V=0%RcgkD;07JCA)uv!|Y0~8g za|*@6lo;&lE(ir9bYBZC2N6|j{ES%e0T zt85zAtfQrx`uTIpA1n3W78HV)0Np4P%OzY;FC+OpJQ5#mz1I}#KxqXLmF|nuK%nG9 zk3{K9{+e#Obb&qKEJuN6*vy~V#S197Qw!b&szlVZ`Au8kb)J~iC8A?Q&H7PyA>~ln zqd9ao@cKYq=*jvP0K%LVY`mAy*QP+zCQ~N}r=?n&3?|m@<>Eq^p-m0}P*emu?&L}0 zeYd8$s>;wPxRLt|4A4%?mvUBh?H3z`8kO?{!bkoI0UfR>-VV1wp{v)U!WHmr9N=D@JH zebq|1dDIhv$tI3GHJH=xj9Jfl;{Wuu%8ymcApp`6QGhigZiy^Ja~cDl7Y7M=FI;2z zAR=g8Fbp032cugxOJmtRV+2rf0eT~$i(T?&4^uq`M7BZZA30tQgt03nltwbuCq+o^ zis{7y9`KH?UX{hnI-xSQvzWLa6*BPSiUa(i*ZCUFjShXPzM4kUVL?#=-FU+w+$~qqr{Q8OgcR;xGAEJ{}Yr;h=PTM8$W4-hrEbo_7 zUX?K7Ur>@eH3Wah~kBKN&?k8;ZcO;yQjsbiz*^_YKfhiJ<+O1MbM-x@G z+`PQs`CD2YJjLD|MXfxZDiTO73JQuhBnEGGYJnoxFJ_&!j1|>Skgnvyl`Jv1J;wz~ zXK5j773HH6i#mSus5}}PbMm>4{=`}bV9Mg~EZWR)Zkf+AIYOR%vQpiYbnusdB|dh& z)KJ>)KY?dFO05THBWO%noHTx~_LqcQw|?!2)qyM3lBk-2cv5JaK`CAaA48H!4_PcZ zlM6jppP$D|K}oiS^pAWpBM}8P<-&_|O!`y8$)37nk;Is*tqP-{DDCXFdNdvswhP4S z!C>jm#kR-P30il+K&@spn}5TIxxS&HY_1+;@Rd8;^8^fV=~~w$2LWVbqw_X#GoZeW zzeS513PB*NSDx>30`Kb~27Rv${uP-CvY**@;?};rU04TQy@&#YYx*b$z(F zxF97&1`WWg{-9pB6KQ-5mCc_5{I^mqm6VsBl?!{-Qqd^+3OnHi6pf~SPvV}z#weq* z%|hqM4Xvm*9@kMqto{pg(oS9G<==$(^u_sbC)%fU#*09~#8*{T+1Y(@E>oZ%*NV`E6d&~!@$xMnJnrcSDavat&+n=Y00i+k@ zzaq}M^VK<|w+4{7@Kq&r-Sl%f7=L}&0^n8@q&xUbbM!d7D`%NUD+Kzgm~4wX8}-kJ0o zzd#iJ?7M%~MN-QJGdw~z_Z9{2#m1ESI1R&f&+KjR{NJ_y+vW6}Wm=L$=42zgAERs! z){6Ahd|s!U#np)(nMn|Ctw?So%5229|1E%;oYHkHZXL4fS4*NVzLFYnIF6yS1}MeJ-HHA*!Tw7mDH_>H~tpkg-FW`LCnd0pL2vF1O%XHRVG1*f|#%+pty zz4noWprh#?MDr`>SZ20V{To1k{rKTyP>fsvAf((B6cznFas;~2Ul_U?mUafBvw2*s z&C_`(6TU~qn8AN3^y5VXCE~o8C164@fKO(4d;;FH+3=&wVC%f`=@lPcx$Y2}*6Wpw z%baKKgfuW=(7dbwmI2@SG&>z8Q{ogJsg`%2g`A6N$m!TO?cyQRAOR4$ig@{0-Z3mJAEzq8wjjF zSnSBT9pt_7ylR*%_^ia7>jip{;cF4WVwBJs}_W_;bEA}y}Kv#vMh?F;`>>sOjv zBSiE1H2myuZfL%1){OwEH6kb!z5w?(h3j0I@>~0-AwdqDLSnjFex&;62zE=hYDj^O z;XW^B`OU)jvcI{US>T4oXoH+!ef|Am{RY5cL@BobroP%2yf*T-1b|$4B60s>41^s! z_XfTT0D#NW=k13@LU|bSb*mRc~4Yq~xU|n$BD4Z0; z^ERKaDv$SO=+!IJsrJn?P@#8LeDhuZ&ACJB5z@M+>S=Ec!K64X8l_2HWAO!>W=l^m zsWv3YsC~gD6c$n0q|y6C)yaZv9_zAX{bQ;O14L$#08A{*QB-76$p``?t1`^@aZ?F4 zNSLX9sB)H!lF6M4#M2T3R%c8Nwm&r72b4l$NJX6+kbW^dq!oyE1wIBI^&kjjt=s#TG8?6p+|Mlp_KwIXb?nhh$10!<#XJb^n3;>07{304W_SB&2qYkc||g~ zOY*1blFsfpu@!_NW$|u*7ShK`g}vsv=g=B;f5#01Nc3@j#F!DM&d)>f6aZmfj?(hW z7qukR0Y2YKh-1J|6K{(rMCJwy64M=yli8mG}kdxmlIuK}%tTb9^Ll!j6aS z2rOOCsn$IPpU3aNHvz|p?ZvHL7B7R+h^ z)jG{s8VC(uJpfI9LFUs=EQ-F2HNIM=f)EuaH5K2lNbWxTfMNFVC=PZK*QnCcsIpB6 z*l{Ys=6|&JzbIFUB+^j*hr1=`b#10v$apLoL-$w4gIAI;Zk{WdZBELouqW8A1$X*j6z@ zoV|~TTi5%-3*h|WA==p(obN=~US4dK&(d?xj&lyRRZx7{JX;+45aj?;>NX}`iqlCl z0DRZnvThZpzd-dzPrWSX#5XSqNzEch$@g(n^BNo+q@=}vRn@6pXkD`ghDEbyx(=@6 z*Zmip63K&D&qGkl>ag9}_vbUVIJ99!024b1n3s^2Hl6(QcrRoF4K(CFCcU<% z<8aC%8?06|zoAq7d2QYm+Kto6nC>sGCfLPx<34{~3TG!BzpnfBgb-PZ!1oANMwX@$ zpY(k~((K3-*^^3(5$!X3Xe!PTRl1>pK|%K z=uF3{b~7SM8pI44?LPc%9&bzEcXOft$8&dW(fh;s`wqz>zPoS)5(~*R^NQE<`tf|* zLM>?@1tAHy*IQyKN&CKHw$IyR7&^t%)03E(7~t$}WVDOKv1&W#FaQR7w$G&-6usWX z;Co^74J5hDp1B6enr=>u*qe})gjOS1y>NW{l+r|c z#)WhV(GUohKFdBRYC>e0`q-8FVDT&}iG6*2qEJ9PK-w1^Nb9h(B@J5mQr#<3s2{LN z5|z1lnh5l+zT+D~_k8!z%o@uvL&EwbNhvL~^~gz7>Uzwu=}MV!1oqMT3;|?tssW!j z{E1YSfg{HbfO-se%nCGsP~v42frf>8Amo*`bYd_9!a%=QNB=OOUxKTE>7az`pBuMO zwp$-u1=4)^wi>0XFW6D|l4AMkyV_FC?wA|HJ4K})k-L%!2$(?8*_Q(!%KBZIDCjZ= zR>Iu+UGNO9n6#CZ9~!obtDJ-btKrL7^gffZlH9leW}q+)fsD_ZsTz7<<10b=etx`SNu#j7DUwU|;Zw z811(`0>gH$s_Kc{nInJz2z=h37CM2=+qzbzQa+=Yh$NG-F8Iq{RJ=gM94}+`r}UpM zJS4ai+nEH)ETt=6563HnZNDA2QUkmA=k;!!Y(7!&50K^h$;}CD%P&rdNRY3wKF}b9_W8$P5RcL zA+uI~Oeaw$W4=R55?>s}-zYY$Y5fs7!@Bsgpg zY^cQY^UV@g)Fuj6EmY_h&&G2tO~vP)=^)V;cX}Z8wYFbPhI#oWJUf*7P4@?Mzh1d% zPyo9{xy^%q7T7Rm5dU!n8i6s%)-T`y|G5hY0gc+9gZi)8s!RS_VbrP`jN($@Z+B|* zy*^dX`_P_Tzbmcx8d?&8fp`V7YSEH@FaH3z_E1}LW642{Nl+chy~Tg*H$IXM-LdM6 z=HVDlnRD7{=%EOXGsVhh&NAfbZ_bV=XP_$IXFi=hNJ^&wFjZ0YCx(N(W7Q z6Zlt3d+~T|*T&hMB*ix{uhMU+(qernfYZU%;rRHt58rF2LseVY2+6O@;l($~RluqmOUnJvO8p$&#VxD$c`HpHmA6jc3|4@B23*WXpgHeh{|JEtBReWbU}?(gO_Xffje zsitEV>r^RVxH{IOjBbQL&V-0n^d3#J_c|SzESAmW{!Gpl$8`^XHy&vZ<-6#;0l%mf zgIMp85Iob+Cb_mEPq-OPmY;tt?e7W9Bp*CX*q)a$YWGZG9%UJ`e!tJt`@<}Z1|RQg zK0zl*sdTw8BQ%L2#rQ!Sz>ejbU zzN7{GJGps^vgN5bT$|q}XyASYQVzqZX%m)!wWV^ErK9QsFi>_9z{RP@%c)n%;vi)) z`9n*4N#kf;BMeX;$gh(6*kDWcOdiK}m#G=E-@?C#7_W?h6FR))l# z80Zj#b<-bJrVU~`cF#m|97+g8HLs!4nO#ZLr=0kvb$*2JFxo>t9B}t&)FFqSxkIG z5un8!F=7rAF_o}j5pqc1roibJ}e^+}fr8bXcIZ-HRK-2%D@JFv|-p8E~ z2`8zkso9v+qfCfEy<>$E0wTz%&xT!@)wrRz-x*KGDgy_Eab+^`lu7Ptf|Q61AGEnz zr7Cvj!YI|z|F==?la|LtRfm999B?Iv$#EHH-R;;mc0%$sC| z1(6qk@}$*yNsd^SK#NH8hc%l(Xl1r`2yuT8Q|wqC_x88_{m`OGuz_vI(WF`X0_E=Y z2?Z;)Cd;oj@M4qUy>OV|)o1c&>Du#+Kv1Y*$hnUKI{FkGzq}t5;cJ(;QVKZDna0hL z#U8O?A4@P8YK_8 zxIiSaAQ^*;zsuGlQR{LP!_accaj(ZTJ(45A^&0~czEp~gP1uw*dd#V|mL6$N99_~| zcQ8Ip1`fUY6Gy4{h6it+;ReF#9!k_i;KFFtD-LDb*~`Vsl*yE&iijj=W@lehW<#~&*i7r(zz1ujl*(7~ll zf;OeMO`)Rb#_`x;g_JCafC-i!M7ZQS=(I`O%PyweE$%mdFGr}4Yk<}Vhc_)I{p0hj z9qljFya;!gxVsfAFo!kVkUr9op6y9HvLeH&mj!7I?~0fJOB$b3;jLv!1Q74RJ_x&6 z&Vs__zTGXiQ zi15+@px~sxpD&Nq!&!f!JbYVkE*m{lxG3`G|G?kr+3FG(HIDAAad_H8wQj+!_hBW* zmP7^I97V9yl>GqChVP93Eif77@G-cFa_HzNsDS>WZnq!=qBZCZZ^f)^vLL3ql176H zUEGwkbA3mzJ-DtKSyql~rqSasYtm5GI=$_p8H;FJ8R|$aEnFveT*g!MDh%T_kzeRe zdd4DmK@K;OHhDCHX9kqiud2{4UFWSqT%U?EU}p-#g~XezfHuke@onFf1bI9XyR3Dz z_R2!prQrdsrwwY?Z4U{b{(L42^F7(~Mix%~Xdul=na_RG)O3}lnJQWhG1rvkY4V{% z0zvG7W)%_7tz+5)@EGOu4$L$aJJGG`4Ot$Rs6qpxNS=HyH{uQbb|fIonvW?FaWl}x ziI+OVDO+b7$Dzd(??{5^k>ZAqaI0%|a1SAHw8Co%EPw89AvUp#$))U(1PE6qRLNIKAJIF^mP2FT*aRtKH zQPKx}wpRf;y;peL({2o{z~F~L*q}!16>!N;ya08)-u$o#m#py7zcg2`$n(BPZO?=+iMP3VbGcqfVD_RXI5N0#ZGGXW(91F3LkpwVCl8czw zh!EI)nV-;z1cc5BVS)vLJ}PrmjaNsu=fkh4@lkxcu!)R=m#m+=NwfO%-%IOJuA51o zrk;)ENE#TO^8zh$lv48Xt!#4lP0h{YBuLSX6lg!SROp}lDLdU<8%<*Mt((|ZSm5Ys zf#NMrD~KP{DnA$rod1+vW+jFI;(av-*+xlb8p0`}NkFDZUp6c5^E8$!%-1-Xs2S0iW<$*LQ* zgv+?(y=pc|&P8R9!*rKZq&F_cY{HjgG+QVLXmlJkv#wR591&ALfs6Ew7qLPG-m5{9 zFVP{-7#XmU-HcmF@D*4YsHC-in0VIEf9>^Xe|o2q+&(0pm7+8#MytR+E_t{CA2XpFRLV*U=sNTBvy7=OL1hc!!rnAE+ z<0feTgUE~>K@6=0zK0%TN;-s5THn-`?@+NKL*h%;6~Pf^1NW2wEqn5msp!CHkjXB5 zL`PQVx5E^PeWwj(r^hI=+{V@S#lO#lD-Ye8PN0i!O^RfT+Ov0!qf$(HJ!yBne`&Q)*+Xj+77P6C{-sbbpOY|Scq*)n_F$1~_0gC9ih3X9y+xIM9 zkCPK>ZAeg=lS+%RtuC>}k2F$2-MAc^zGB?VF+NA0 z0W=WN6f_9L?k5Zp^|{t(f#lK-X~f<&9H~(Bb||bD@TfL}_q>lsnfJcxUT&So0~4L8 zi~;Y8T?jAf;7h|mGemt9g2`_O)}fnNv- zVSNAo6|3e5bbyf!{HtdwBn5?;jxg8k!?&aEe`9kOx!0u@<+D?U^%V=xc^}5h+oXui zmIT|5>DA*^D9cIy7GFwO^rjryzJgzQ@ltNOA0xIvRh^NG^fA!OHwbv?hegm@8KhMFe0$QID8*$&gYt-<2FIfC}G73GMDsLsZpO1RL+`b636l^Co zWE^Rsd^Y!HcR#__0R*+RnodH!R(ijFbC^jkMwfE@O?}&S39S=ygNyikiL{l zUZZz4M~m2Y*isNQGy}^jQH^$vrpG_Pec4^Qd6$aiMhIsX+Sv49e9y@zxDo8i5h!yE zx}!Tf*U#ziOmayFwq&Juzf|@yaofM(e|v=j#fbq|H`hk-a1 zZ0lzZ>DQk=V{djEx;jN2?`KPJ2RrY`HgB#rzb*LQ&OHcWO7L8)e_dBk3+y3mFUINN zLNHoZ%PkIaoGWBoIaKN-fk4p01d_;~ApM?lvf1{R^FE(Fxk7tT>NBb$RIutYF+p@V*!D7smQ@*ppLhbJcJLJ#--Fj7+-j5T+ zJi5_D5M(KurbWpGN4JM#cz@m=n5w_q4cKYZBw5r}0QRgRHCH*><*|93$9;=SxKRdB z8#0GKEHPdlAjy(PUh@iy+qQNEArK*FSqo&NZGqGR>|uA+^?^*hEXt>mV%$VFVgis3 z?(g#FkfL!`$Y5K>IjD#+QB*MWliB)FRq?S#i4u7@r}fx)(LG2&B7#6Wj6fSSX>Ep1 z3J*r)kca0BgdIb)Qn$0CvC-ur1s;TkB<|E!wO#W1`!ZfnK$Rx20>=HirahBnA$w~udeoPeeQ66 zWE0ywA;WHQTFSn5ENfNmlA@M(VizNOXdb-ly{gh^-HzFz{iI-8G1Kqv z++0c*_XNxr$!;3RRsnDZ1jL^4&WW&&=A3$HDFHBCN(r=Kk>%JQImq4fz}A(|<2yxX zNT*+%3JDo3oBf+UJR)P`7a3HM1XfeQt`~xUCM|j>TC5D>XC;CYDs3k}Qpr+I_&Hmp z2FtbT)ro_rf|Dv-IYotow7VE7W@SIIawHa5*~U$t90@fgw2)cTQl&(1 z_2bW`P&IjZJ$fHLUMIPA7y?4z<%_n!~B_>KXr&MZr@$pY`FM0-K%g*jWkVM;>pd*-!F$`qIjt$RB5{2kH+D7+@YVB zlZSEtj|?8jo`*Mb9#l}$=~B+uN659fukGKC)GyFKMUaEK zxX7C&iuTakOD;KYMTz&WyzXp7XzMK+!S>&7CR;k~koj?PTrX*VrF2MkKM@_17Klym zs8@jLeGN`RH*FV$DzER+=7hx!XcqcC?b|Gfjg8Ie^Y${FNRt{Ffe!a#FWuM1!tZyRAPc`na^!J{`JDru~dC#8kv5G5_Qx>RT9`9@7`^GU|lnazDg0|+}@ z5M)a8z6o%^1{V=92mrD^A7=yGN3t0&655Ys(5a{ zfUun!WqHJ<RlHJ0@PDwbIOFoy&HmbSWx$LX=e}}D4 zgUpl->G%u@)=yK=(Ls@OpnHUz>8x%gEau$epa?g@d=FHS-AL_v*PUy^mviRwF4xlX zwaNWNlklpz zUSt;bY1d7GhYrXE(lziNRyV)(nxJdBP3pK!cDz4&a_^=pQ&Y~9nzBuAe%CZH2a)|6Tb^7}ts_$)kzw`bMpU=L$fIw~Dv z?I&Caq-@q|T4NSkEvR{OG=Y2=MyIxdYOBG+x``(!r)6UbTxM(C8JYePU5z`QeNky^ zv$UeZ1@>zEidfGwOeY8dzu!#ill+I@3DQzs-l#&ki!=U3;5DC$Oj~*HNM<5Wa8r>= zSpKft_&l#ZpX)ERh-+z%^=sM{9rTNf_fp{zpdB~cT(zy%ANcT8l@korbQSyKnh5K$Pvc1 z)$3*JHsq1y4-=8~X`gt)y;;at_0OXKfx@#kxuF7@AAueC5w<~FtaDAP@$I1K($Q1< zSl+&M?0zK7^brGxTo}WauaLYcMPIOPY_jI?wt0v;gi-zc&_J+M$uag!Be*H1iDQI( zO|5^7E#~?wU#i2nRkc^cox5tZoNXu5;G5I@SQtxZc?wzR}Ta+ZsG1flpySZh0iA;c~oLY~F&Q_XX; z7Y)jqr^Kj`66|^jQy35mljenK<8jArfKP+chRx#&1n9Tem08#WqF0i_WHH8#-{kvK zVeijBNn34!)@~IR~|t zx0_j7IePa^V;%qsTg7C>OjO+Sa7Qp+Q zy#V1mWy*?;h%YPk@);btrv@EA!z9Dj~6=ytSf=_uh|RDAK| zvk;Z|XD7is{*^Ju6DmdX5(UmG$LOvqDCkTw^r}s`KYV{UsZyVdDi=&id$q;KOU^@= zoS+fyLUYjlN&MS=j1Hwne24M8k3a#HOa-pJ>Nx@q(rJArC?#`#2L%0*(QJR0i(F*( zw)H`0;sWU|DXr#<4-OG?>Q;+zxg=1vI7my?CXA_vn}FU4jVia=m-+Ec8e*o=6k3A4 zapu+|I@}#*V%GJ}wJWFVFngbqI(fSiaGHj)4(}|EqGfSIWu??lhJ&s8rd(W;*f0YtinB-itb%ggrBL>6$&)W|sGr}cqci57YaHPcaTc(aCg^@oX`KPe1Ku1axc5Ua#YT~%y`Unh)= zAM);agG)b&*Ln3)qz?T#6P-&6{!sHvwOj$wqa#g1BZoXOJm z_{=*e&Pl~yl%ksw!LjD++L=-eQQ=nmKG@W=NxPVA=l8f>wT(SjWs||~fuDE%KX3AP z6j6+&>5`LJYm5{b&^7Sd?gQJ>2qhIdqyjhtq^|411#D*ge<9sy38RVt&`n6jW-`VY z3uO>F?FQ+-%uxlb+F^0u`&aBYTgyNpcVTP;VOs!Iu<%sQ(FlmgW5gB_I3fa;pPn^& z1=fpVRJPlefpPuX`DN2p&g=Ss^e0p3RU8zKX_mY37bxX}J+}~{dGyKtw+gio_$m<- z0ad+@3XK|nzO18>OEq>GuR4c+`2*jQfH=HPc`29wXyoYQMguN&cdC4x@~u1dSudTa z(D62Z+_MdfrwPh(z_w~?T+h#_{j|x{OaQD8dldZPrL`;VxK@O6?2m+}#$4}TqK&1ZOqzN|( zt5Of@&wqBH(u{dY))o8r?lnJAla%~ti|wrHF!c>7oX5!@CMnV?DArHluN!2kMP_nO z!fQMvD6gjiE|&|@yD@+03Z!)v6#-lJEccz*>+IlhiO`8daVVtu)IBf0ehI-FejUXI ze*A+4I_7)QH#Vdlg;=SXvgrq(be* zSJ#v!iCXiyvXqpR2^(AN(F55_c(W#bxUGHeKvJX08z+K;u1J-o(JlAgF&V>-0tDO& zVW^}n@MAf_rYK3joQO$(nA#kDAVlELD`HY0qH*F(2}Eits@B=_g10KB28@37_b}Hx z`Kx~M1L|0&kMltt;{lJ7PDbbnDlxfqiv2wuzLH!JNJ$&Hd~fo?UvJ^&oaEWJS>|xS z3jETCEs)NcbnO9rLiB#2&!gjQth+2CnE%BukMhQ=m2>{dCjTI1EhB9%Kd3yFE`G=?A5^oh z-%_YuWJ3s@e~X?&=})w3oqSr$JywYqu*U7AO+v?VGd{WyQOAqFa%X$;$Ato0?ZNnQRwH^_i>d#U4La1fj~K#<)F6*A)h@CYY+G@&>!AD z@o`$Pa6hC|iEgI%wGq@tfdP3<2popp^G#ai9Q`#$^&6avU@xr$6VM2Tra?-<3(p6X zNO|37t1tTizL@N9%SlfAT?rM;pI21S4w?CLq=B^S_a4KMvwFF4&=e8d{le^3GIlKOpe`nJw9eaia>@hoeGsb^{zDjiBWO-1$83dES? zc{AWc6;I1bx)f zbujpgzncOPV<12sY)CI;fp6}XIf32(TM_&fE049OMDpGjjostEpjZ@UQw;GvZW!*a z_633JhWAkjSH~aAk1K!|T$N>D8GPZ9PTYPgi9WU-LYp(^a9NU9^$@#ifBW9C%t zErhwW#1~l_BRd5Hd)MD*Z!qT-yq*|Gkl}PzDjQ%XF#SpFj(V)%;>gNUJBuFyb? z4lf!-uSQ}FLpohQP%3E92R5Pq@K3d~#SDF6S)GVlne;9efT*Av{S+Xdk1DWw*yXk* zH)l9K2shB;zP?C_fupAYCbWg$&gHo9mv_9!zOmSV>j9ZG^Au zfmd(&%RH-%knw= zRK6rwP{#L1P{?u=F%Afnpv1cN#WbyNxU%=W@P}5#&+VwM_%>s!0lvP)A z5b(EnKH4{~$jB=xwo4=({NrTN{{7GIA>kQndkF6p zaMPi;W||5Hnig+ujCA%%veWeXTj|HU;OygUagXDe!LnH2TzclZB?jWuX(Hw$>uW>+ zY5e86KU=e4#jWgsfY$|l`U*G@2}g{TF{=7F!h)mBT@PLzC~ytxXbSd>A>kwbevyh0 zHN7NS%__AJR$+$)Zboj3i2K1XANdoqP@z@NFElOm6V zk3kNoL|^@wJKbobl(immhEvWYz6}#|Gs|ytJk2cp{aa7HfGTo2A)K}G`Sz#N2A|#) z0b@4L8+Fvcsz7-^~HMfO_su|S*8xY)o|23f_Q zj9$3}l?RlAZnCh7PT_%0(QJ~EjU)#WkjDTK6?R*)0}RFRaQOTwz&%1yUS1FtQX;3Q zC^)YK_+zuyx<`%8%hmfY6wT-&^3_xVckX48J$4683NVoGdFD64t>RTLcfLQjcX!|d zm6G^mYwi>;6y^scEJV!Yn6nXsSL`%1)-vDGGx@x5K^X9&fYh5#wa-o@2W7Yv{_|7X zGok)3TP{!+&j{3t#_Mgc%T)=7SZmrlm*(l?I08f4>)nds>v;ufD1F024FdvoC%DZM z+gGk!@wD~WZ#IrEWEM_OC7mI2`$gRUg`SwJZraxXkM*fwN~;`RnkYy9TLwa80JZDkfhbCW2Y~!53ZrW zyTu1W4wE{SlO@zfl;9^v2Tu*d6vmX_B7=O>0K={_?6SL2l z#Yv|X)B;a0P5>SJC(!849`M*^7uvfV%@P6kiA07_*1|)zf@bZMxUmy6MnA5H>kbX~ zS{kI-*HqokRm*IwkNR3@u*HQS*-f2zsP>91taeM`inZ{zcLqds$?dTt^h5BoK?r#} zjSB100w0x>ZRi{bJS^FGdXbPJdwh^sa{AOcLL`qO+jH8K_3rMDoPy&1?k;T%FtAvg zofVPCpe9kPH=hG~&43pESoUlF@wWVg$cBhzgH~1nX0$!Zxsi?Jp+7VTJNz>SqVQFp z|6dcRwK(PD&pNg`9iDFF;S%Fs@F3V?Nj_s2bCnC84ON%e3u%R(9$MMX>N^tbUz;kzHkM5ar;UzBy{bP zw7imD5i2O=GzN24XEuA_J|q36?~zTzs%k217l4lAvW9JlaoQXaz~g(aah_He0ommhgRxcMR`I`b(j z0~P9H9)ntK1wmXCw7gYyh%bnG^wrK;iHZB6nvDn)Y)R0aaps>#pV-oui%(gZ2Z)G!(TJXO^b>=ipFb~;Ns|PA3h7}u4(x_ z!z4Ztz79bK@(&Kq%*+JFQITyE^R&7>-<<*lkb>_&ez19Na|IFks;XDP z_O8WVx|{l5M%M(c%Bvp&vLb1{Iu7yZkw$jnP_sG>!+uze7V`R0Rv)u-Fy$4a7p8b1N+@k z8s_bX`$d?|L`vn+n-sLP=3IVtR~f&q_x_w!F(L@RJZ|LVd(#|+nFXJR4ysQchYkV* z0ipE81k^x)nC@-%Y~u*u4E25UT7=kzUR&KX2Vjc0YJZQQSjr5TPCD+0M2+T{3RKO- z@cJQDzw$`k}# zhx?k%xS66TjPU?X6u5($MH<{OQs8+kFL8v6r8n-SlDYc90kHO^=8J#Bv=3wVi z=0P-KFzCPSlhWA#-Un!>J|P#~9ph{+n3O1f6H7OHiRFWnjRJEN^|l}-c2NQGmirBs=4V;oz5mX*QoRo)pgjHVS( z7fBC&x=SQ41GduHaP#H0veEy3B$)c>R5|q#bfK_OsW^>)ushW4QNO?R@ZkRT4O&P> zR_ZYGpx5Y(cD1l!JrD}-2;*!tk{krmvJrAdz_@8#1m!Vf3j(MUu*Gzb-VqlK=iZNzwM#mHGNUrJIqCxvlxq_oXFC3VlnJ-ylzcwrr;rann=1hG`z{-1sW$FD zPXO8&Uls^??~x|1<&m2|Q0H&?7tKftgrB3lG!z}+wj~M@0XHB`I$JR(59dWjz+kjj?<1TfEsCs_iz zcNI^|ZbT;;(e)N5WBhHDmIGKJaroC;4TEljz<`v0JnVz0-3*LB(78S^&h%qR=lf4$ z`|7b$p@4{6a7Kt?@#tv8$|Hk!t}<&97y26~@vsh;y$OpE!DQ0<{HsN5!1-LqdZg?fmWa z2L-y#1Y5%veP2zbM|J&HeWH+llm&JIX3OUdU#LS!hP0@H?>9Hj5n_RC&~ssygNl-1 zg~d*h1r|WXLnk(MKspiV#1&SzKpP3eXr4?Hhz6`{8=~r*XBqljGH}R-Bdc)b>{@y` z?I#L2^Jsg?bR$wp?IbL>2{f(;9TXXymJyn|!_D~_kV8t@3{8xVPmHFNkk6jaY_i?> zux5?_%QMFTEbGj(ux3oY4><8wolc);*9Kq;?Gb-ty4PGoFq=}F`2ZzIspm+5Yjh>Q z#Z?Z$}b zSclsr0DLrskuH`VHR+0ly~0yj^Q$C;*((>)CdTs(r8?fvP7c&<#jXNc%1-~W%6tW_VizwZqn69>IF$ZE^=DZS<=RmM#l;ch z?}G{g{z2a)cQt3LsgRG6OD<3$`~T<{gH+tB$|;YD4@TR4V`*CQ;7)4Njw=`crv+$2 zrPD|G`H1C?4|+SI)rU<5@V4S`Qy4E{?&SWhCouGMa2x0)g#rEeC7)Qd$^ONQ2De#fToQftd~-WF(_xUuPoSJ= zLv3_(W7EP{kQ7c%{?5J(2J%6RkC}P8Jx+)Za>f;`3%~?TA%Uj|e|wr;Dz7W_mO!n~ z1Izy_D+|@N+)Bkkj*Zyq$@m$+4n$#tR|wG5F5^C<9i-GAk9q7$XgbX8(}>kGk)T-( zn22^y?GiErNv;xC9(zO{4I+?C3;+M70@RU>2kwX04>?Y1SrvBnk;@j1t)D7RS1@LN zBx6U7-(FslRE!@kh6Mq9aU6q@?$2^45KuZvI|nxD9DoU4_YQQ&In}NAy>Jm_^e_Al zG-{d)HdhpE&?tO;tRchz2?>%xGr7=5L(y|!q4R^4KYrz^n6K4BumqdXNL)(nFIsPa ziTo?5EF5yEIW<9XxdKcXBm@(e$cU*-_2o>{OUF!r*rN^~U-2 zEkp9x_?-tpsP2^vIB*9CB<8xHg5$Us3~zwG-vq{~1)5T5sC}%|M^P;i$(1favc`@S z6JOnxJ+r*0Z(bu!k)esadi0*1oh6KuWJtrp#4Pv*4OqNu8X9CBV16rz768s;YWDO! zTWgKNV*D5aOkL`2v|a=ju{mQNMZCF?NnfekeX+w9fB@07?P=U6cgeU({C+ti>1u-q@95c%Q1lLBhyB_IGn*@4UOu znpx+s)87<9kQ+Or5c`FInnXHV!R?^Pa@OLzKO+b<)oJtgAo8`=?cVPYrnzVbBn18) zEDveSmw?W%y=xLvO9TW8@UoJqf?uzi{6k23mz6 ziK(e0!0=Z7&)!@M9As^`9Bfce?SI%F+G$?6-7e6ukvobVHUO%34c!_w9=ldUd6Mmi zlPXg=qGQG{HG-2e@Y*F4kTzJ}(VvCv$FTUG1efpKKxv%d$}c$9AL=)bxFWz@fRYtT zfZml(vYwbMfX8U5bSdfMnFRy!if4g=A`m_#?A=MHvvZ3Zi4yDK$$m5JGq4q;C(BVfWb1*S=s_t(Us2@*WT63N9$QG7_jDZ~rwp;cc&pfqDv7OFO| zE!qpp20AkS`BDZiiq+{aJCNdRYDQ>i|0X{O0RR!&Qcw499F=jo<3`QghS<}AJ2~gBW`NeX8%XTQX3-DZ^m#;QBX-B6c>bYZqp=JIk5}DCT z&dmBV*7xeDFUSwJKneT{R|Ww%XHH{wYLHMA0-5qpIWNqF=o4A_ zn2%4Ui%P=Dsy=0xUkvEl)m2sTt=`?bc6~EVS3^w+PB-7*U~HS8lZ|wxAc`|H-PQ^} zIpZrT$d^h;o6bHW${f1pp5F6NAMN(#GF^9oLDq3o)Ik<6%|L^CKIa9I6zQ;DA(Ob8 z@up+c`at+dzV9Qd0ZCS42{=d(i7N%>RKqenTE#d)P~^?1yOSB9@37&q{+BJyhqMcT zFhyCz;j1Lt-XCAOw~pf>VxtXMg4C9yJJod8Mpgob-}bMi6Ujdi;;j3IAb#sHos?6D z;!yLnrtN5aE_AaB;r>qXDS5_!D`^3wBaHGdu#U~bm{+mFSm3!;8DN1dpf zmUOgT%k^cgI3+tqyJ#%mgBxN?%3`D=8cLSFkJY4vuW zGRS%B&rvXymRAWW^i>rTkEB`FMxX`0L%WXXeL{eJDSO?W zz^dZHLqqWVO;G%9SMM1#Hk{hmfn|kKHbSGzj;(7p97*KEE#M>!UJHuEzkx`2Sat_! zqYT0k3?C`Qqi6F0WbCXJ#O9!p$#vp97KM;9?`oO+Np{+X30o=3NY;xf1B^M-=?Bu& z>pVcw^4BHG&kJ%RN#|2QGH`#em*;zqn7$|be-}mO4NMZ4E-Gh z=zg93_s4kwRxW>g+R$es9_TXMiNzf!B4qXBdQKz`mn)tD$5}IX32CK@pxHKjxCXie z+G0Og|2h7JB}j}M)Y|i(K*gXMVv5bv0V-lSY(pHOa}Nm>d*m9?az79s`1YmAW_JpY zbh)MfFeUi=75={aBG0TaErJ{b1>(;pG|*(|Nocp8^xqTv-F@`jG4EzzIC>&W$3dqF z2+UqbL=V5>{}nP2a|p=U%#AjDJSegVB#tjbjD(YreFSb+K31l~tLj2tsf;G|h56dy|4qsPC?pVw64p)HF&6271yC1LUcv6mhC-NI)&7q=YiEARODgI^BmvBe!O3 zI3ZEx^V47?dZpkS)6XzCJ6qgbTS#I5TkO|Fa%qsGv7V@|?3Bmbub-m2eNcuG2*3r8 z%-zpwjLmNqc`j^opyE*KHQ@Tc!(spe$C{a#_mmapZ&JCysulhDqmNbfIENnr-*~3q zC0Hw3SCCQMVh~$F9;xaX1bqPJKd{*9bf)o7kAnMrxDZb$!#Dbu`~nV*Sjo)brwdT) z3bZqjEiRVG8|(I_m9?DwJf?*@%>tq2FJTHf)RRjbJ`D@FATXgR3mxTl-5muBa+#!o zb-eb9$GBSaiDDmbZ-8H*AtCA6zRdd+Hk!r=AtWyk2&*RE#)MHJnVa$X1dXE=m!Uxl zR4420X^4(O^GMWH0cVeQ7FK2w%ctcQUE)r*Gb*R+X{@SsqRvsHXq+4b$C-C&$bZPu zKul+`P@rd%HXoJ_@}6(x`45}4EJYDyV`*c7(3$m;osw9{L{~4ltTm_Dwxc)4vz{jF z_S(O$+6BMRwO1}Yx~8g*bp#>49pA)t?loq+>uV6tBp=BFgLr%=AudKYJ2@#Mr$>f$ znAL@#P)Xt~=Gaw{my<%mw%GA%s8Ntjy{4I~YU0T~WD{_~ZM4vgVE}y&h>3@gCm*bV z+9o&Lh*Z$4*cOAK<6M3?$t10@$dX1dK11hNB$Yj2$q$&SW zv1vKoNECc|MaWk=xPH`ONRy)!O+nDBQ3ueQSV5Y;FAhja9GoYFTzV({2Y@k4-E`IA z+8IySqBLE^5H@KEHgm`F$|jhm5;gc+hZ8K5iv;W zYOC#`CO-w1L`FvEa&*90&7xl!3MGPmr|Z>7M&jx&iVy)>QFX!}fbb4zA#*w!?Eqbj z!D01z8qHW;B)SEQ+2q}&%`fy6PqSbK{ck1pVURPR28vHuAMrkPCa-gCXPbI#H#RSk z*bdDkC#m6HOJ!b5UFOX$ouRXk6ox}**De;ehR&MPnTMCdr8gWTAqLI_a8gY{?b&?|p9S!2zIzKulHvfR;73H4U15e*Qnm*D zoBGi1gzKLJ3%p1~JWmFYZt!X&TQDq|EAKCbC~JX1=lEtG)GQedJugA&UKPRR3OS1a zK`fp>f=g~XDb6DHS5INEx5Z$w#RV0Gu!t<6LNh4F!VJU2;Yl_n`_|A&edy!qBLK4b z=|v!&c(>4Lz<u? zG2l|JJnV{hit>9B9<{>!ejLiqh(y|PI%4~P7-gnynPY!4tDp1PfCmmyAHQc@;e z0_vWBC1o?;0m!4fhMZ{chUJk>gd5|(_AA{_rRQSQvUy3zVisF06}q|KzFoes&#q;? zfkF&OkPmBmgrGh$B3!(7jk~GLZOSWj)f*ZyaSHtByWkmH?w_^4Dj*gEN}`8@D%7q( z&k`CXDH`zGE?kn2H$yd5?dk<5=W9&t1Li z{sdZbzvt;Q6^*7+JBcv8!@(u^Ib}?dielFAsQ!K#6*F7`UQ@`plE=7W-`RYt_IhgO zGia*ftkLg_Ddb_rOOXsm~`2rOtY&Ua{i{5bNGr%+T+9)p*S z3{@`3-&T1f3=A@e?3zJhF8G_aCAP!ps$}@9-~*WF;~1yj9t{UNrjLX+6*ocT*@QM1 zPkS5LFiBqN!PvZgho1hbeYy1q5V7P+Lx!8YsDg-M?2ppEVYiMJpdfX@m1(LDd-4ed zp9u_vEhq3#H|h+xc$Cm4wAc?xYkLu7j?-*c&(6CZCG!>Je@7bB8jZZ*1+~fsy$I}! z!uIH6z6#Zcz5B0aC@?zW_${{~eln#{!(f2X;~V z&3uWbBG8ukNA%B;{z{l~D1GKTa<;U~Yn#`u!e;|}cQ3WJ{SA2}I__p>_**}cvk%9? z=-b0)CceuD#H>NfwB&*P&8^gjQiA!kePC*5?7sjgzLE#*onX1LG;GZM!!LlnpY(ka z1o_j&t=YQi{3##DV^J=0l9!iP(N0=DEulVQSU*)x4%_}rJDWOMGE-8zl!T3LBtudX zO0_F`hU^K!33T`X5=Ol1p}I2D%b7eVWN*NPrnVtM0e)WQ5!pYk+QtHpWJMy}RNBNA z703N4T-)|&`fG=AXLkYd{htM1M4~5hF<3hZ*W=#c&>{m81W?}055#4647RC$S;-Pg z^Zn)nSR=GP^wI^kXX7LL61SEaCsfY|o$D4KdZG-&_v^<%rLLKFnZLaYuk6scs^iFN z4iGE)7*|Lnyz5!T7SK>VKe0Ym3+Wpw90}=*zB#Nvr$@Al_|TwHvodW4Dy1O!lZTo7 zVg@l;5pevHPWVtqT{vK1>;Aur#8mLwxm{grAiwJq3SA@)SMi4rU+$5a0Rz(4$JhQW z^y5MmHy-12T>E`1}^<62m!+N>9m8Bo+0zjA&O8|TRI`+!z<7Z{j)#& zmxP@GzyXjjrG=c6;cDzn?3_)@4d~u}~7robV}&GNPvGET{9pbZu$Er3Qp zbU~sGf%0Nd*qD$T@?dJPoUMV#A`eh5tn2pg35NS8V1{ns(qOd5p}wR_NAJ08hm6yaPyHVPN4?H8E>n9O=={r@xO$g2MvB z;b@q`tIKid9;5FU+93urNMRUK8ZU*~|>`F`&O-n=M<7M2}L&hx^p z!2v-^;-OJ&nT?A8NT`dONGJ(G;N=Jp?IbZHw+2Ys@a-b$0|*v}x!QJs2LhD6ooY$` zGewsAlp5bnR8>{GbsQk9YOG-i?p2Gc$O;YDiZoi-4yZp^<&>_4p@G+Jf_(1QUs z)&>Kq`-1sUy7)mPB1( zf31mcIeL3OUp$=C6^+zN!i_*UEOXu05K;8=tS;iMtboF$p3eIN-EUIrhnntPFZpHb z(~v0=NyTGcd}HL|p^`l|1+z4*%@<3p#~YIn1`8oTAs^#3yynXr9J{(0Draqxn{4(e zi#{IZ(!DykHWCk<$iv{bFWuh!jpr*Mt%-rRU_RTvM`_9R=kSU^)M3DYfZiEsr1DU~o zD>$OaZxCqT7arU{A(UA|m9yt*p`G}I^-V7?bMx?MX%gU7BGpnT9?a#b1aWUA@ykGu zYk@#sy`f`_a^->zZjymD(jXcGPhHj&}3tdB00&7qp@}J ztkS#CTN9Bp6h?*jHy-9wGXq`R9JqNyCnRR+NjE z&`OnW^kJ-^+x$6XV2=fR@7f(UkT_g=Q0%IUKku(3lFSES8ghtH4JI^m&Y(e_9dD~Z zOHZo>H9p!fA3JobK|tBFd=P-`I2kqx z8VzVP1?I_ezr8*ZzUS>Q4t8n9d)1v5@H2K4<|)l6_}b?WRE?~UIW0?7B*flu%7&!< zEHtrJw7%am_)Xz8LZ2W=79B(R*a#r*4h8VnkCw}8c2=j>)~D8-WyfF!4Q-u$DSFoW z&rj!s1-yV`o|1hLLli#02gG&B=Tef3FZf5Eno)T0lw5$+g4yD%*uQHD1b6%r-(8MVHigxQkQ4~`2^u!Q{2+x#>@Fk$%Ht@t@v&VHA;3?w3d`_iWQzlPMG zd)#JNt0m{{#==qOL(R+WcZ*&H>YiF}zZ+jSyIo$0!TabEOwAy*s4fEt@y3A;M4->; zQjl-w9u#^^_?OCRIMDFvihB?PsK<|L8%Y)9^O;65$;2Ok1nyMP@uA;7bp}>RNkxS$ zZS-)$!Z161HBY%Rhry3J@fT~R-XJiLjy2T%6hzHBH zO&l(#^Y7C@-5Ni;$xx;E-sUT=380M`;`W7;{dh5w6b6dOI)wkYfD1W!`Ko0qGPnV? zTR^Zklf+8U5xGxQ&K`kg3`h7=_fy&^3=E8ymlwU?`^{Nt^DKdp$@WO^sHl7f2_ri{ z4)5Mg8V)$D*;!;H9*^!J!Ng7X;73p0jbod)p5~j6^IBR4*w2Roo_DkiUWnCKW2t4x z*kKWhq0106Kn2#jAG$-&jtSf1@7!58gk@`aZ$I&x*<#lWqvrN~KZpCW$|fQn+)yZd zV8#OK|9~ZvK}piI@|e0*o+DS*zsySsL~@`m5w_Nc2h6|>D>R*(NKWOgS(CT zQu_Q#?z2k?LzhkVpj7B~l#_}fx!Im!;n{pcpGkxz5?-EFI#ox~NU`8A1ff9CW;@0L z(vedrRQ52PynGq%yPqYiq~R|nM@|&2@%rW3-&%+DQa{-$Vet0*B-FVF(CSfVg1I5r z8HRsGzkWLwl9BZGju+` zWFd83aIKR_a4?KxJG#=g*08cuT#g2Ya$A!H1x)uoX3hSVL%PF!;{R4b1)4fo{|lP2 z=AISQ&P8F=wQYbI{OqMe?|hRCti-?(@H7fxSp_Pp+hE81N_3f04H*9gPOShjTnje>6G>;Ye6#%}(^p{7$o*=jfAXQ*lf=UH z=0L3e4e@o6X#K~Q-^1%|r-~PpF@Jdq9!Y^Tf!|DUkyv+y0B9Ps(NQd&2Z1ziS%66dFwFKl%|T_@xJ9< zHB~{0DQg_aZ@xsP6Mwj2>gA_JYk7KI;W*9e=+h}_jiNFk81Zl%i%RsFy>!sJyF7(oq8L#hM+9LA_3uH~P; zaKN`>X_5g3TCe|l=T*NXd{b}T0uujp6GH_7vNi>>HG?KG3Elaw-YYXlkuxfTF7SVK+&uVqKL#sV#=K~sy5UZ~( zP-`p4DrQ2!Fg6JoXNMrM&!j3RsZufzvgttM_oUG9Uoxf<@-?xO3_9o%;y(hqHPs#~ zN56GU2o8Si>V2pHv4v(czXT1@1GP(mefiIa8zqtB2mDD^{0tnZ(E{nelS3>fiCL*d zu)Yv|XA5TE3JK!-t!{iKDb)e_FORqVFLkVD(=bO|BkPyxODUKq2LeBq>7U>iX$_T1 z@0gm@{eUyt&5CcM?ixDO`bP;RZS8QJGxR%SGBfQnHF$@*(qh>}u`&*^r8CwPD#VA8 z2`17{@k{Y(X)pIr58^~5Ag+#PgrxUf*Y-k_`+?Fm$>#eQsyO+<0m(S3aLR&h^JBbU zf1p&R;apqdntV8R@!tO|cFDnjcU}7$YkU??zS-#Q6$UDTu!_2}!7P1igPLiDcSE~r zJB}Uz{WA-U_#9zZPkco2m z7iE*24Vflss<7Z0QB4QRQ{8>V=IY&jL%l}R4~hi*j>n)%!D%$re2JaNOft|78m6#p#1#WCvYdKp0r!_ZPs`s{@--t%^ zMS3<1=g>G1ol0tQ=HYT8a%?X}f^@)2)8pLj~;D*az)ynqTmj>L|U?{%rAVAdt}TPKBOu=)94XKvsnL99Zd(V$^vz z<(jMUQFZm?n(7uuBl7$fk`wN7_dV6N3><;nh5c)k1c!^_hi$wOh3S}aEw7j?w+K+BQ*@(5YZIX8QMN_oUf=^_%gRciP5fPFI5&21-O7?`A3QHWfJ>a{)C<0(L7ar4lgxgbDWdp*6d@ zC7%{aa?*T(zVEXmj|cZTEjekv_xwaQua~DM^dQ)K}PclP#D{T>R(lXw0o!PufO-+{wj-1qrdbvaFD+FPbmnj7t%jU}#V3|0HV;c0H$D8l3D~;CgkLKr8 z{qU%F3h5oI=D)>CjCasCXHf_7wsq`7VQ>gE4?GU7Qu*Wq_MP;5{kxS8evF;KkY4G( zNk8^V$k~FVN|Xg4K_G)_dyl|V-9F$^i_!_GEgW`!Ffi`rRmc)Qw_xFKutNaG;QAPB z;z~Bq3`k}c<5?a`Onk9SGuhlv+eNs91Hwe5sP)M&L4 zjCbV~lR5bvMw4o4-_g+m9bCKIjTQc<2^;Pp z^+W9ai#GGKS0=BqDf+v3)pJw;X2soB7 zL-++NUDf6nD|<*mBn>cD8fBGfj!%EPtQeUq`kW0n-QS{v4#s4c4;0{lWk9>IZTuM+ zcV+<{cCH?QXRKh&RNb0`#M#&>^%njQ8?kWnZUbhX$fL7rsfz1d-{ls6r0s{YL=5$hFN3QiLeJnbNA4^kSWpiaSj=PCcQ z%x)xO=hPY6fT`H%nAY{fLmBYmk4rYl3Vt&TJWDq@?PIyFHS3`dEG#TQ^$yUTkp%eF z%b<&=QvYqz=`pwf7E((TIsilZ&kjN^E^DVPP7V*5fvcCin9G)}haRM;Baj7i zAy`+!;BX>8>MbF6$ryp-8{)As;0*pb)N#5~%|1dkwC_ObY;*K8|74uCT3@%rGiAI6 zRlIKdUQM_uHhG@YqE}2AwYMnZvon}w0l8Qy5@3ndr4!tla*=`vsb9kj9=3_zA4W`4 zd>Mj#h#B{P&eqTJ5e>q+*4=*?C{LYK|@<8Amyib@|m!4l$6%(WQK+JWN zTRC!8ovt3o(B9YPHIUc|ydx+$OtHdg^^ND(Y{gAMWv`I$R=fJ#)i2i>QP%90E;E0Q zV$^?(>f~%4zpDE!IcS-!I0fqDe2cWRh^R^B#6qC7vP55*nGCVDL?@gmQbc-ZteiI* zQcwPFh9i%-ABT);2B;rNEI}ZD((SdINwP;v7Kc=2S&+>uEV!QB)&lc-07C*_^xbO$=A@G!YG!D#>+a>%$P?jM4Rnu*2_9(%ax5b zhMS)j_)Xpckuu1kvX@NlcfzLFyIHV1jM)B+D{LZnW?HMG7o53vfqi+W7hUONA1vlN zUz3q^%Yt*wMuxCwpnAmaOyUHHuah?1Thm`bNit)e@XB#(o8g- z>FY#QgP8Wj_>xy&)FK0K3_3e z)5pz}ff|C&XCEWJJo&}(h}kWT_161p%Mo=P7pyctAE%7%yNDKRyT@ynAThDI4R$^* z*FGn@!U$UiMW*(QU%T>NeTw^C>69u+oT$o2wIs9Y0S~^0Np4H~9B;$FUw(rbLHnDC z(9OT=f`qb;^U&M&VL$#^M@|NTKhr2*e(>ft6k z)Xrq*{WOJ{AsW(xr}Y`r{OVV+Zy)=mwY2R^I*^QnWV*x-RLqMvS9Olf8JcA>y$M9 z>Cnz+NVfA!-kn6Emz}iW06fxCDm-!T=+^ox=Ig6=Xq#e6DZUCmEdJBhnxbfa{Ibo$ zc=!R)a2*%1%3il6X{G`$B#BxHpb!qWCw~JMU5|nkPndpZ4CacAa(>`Mg!lsI$>|DLi{A?0o0Fa zROz?eO1@pW;n2{~;ol1i{>^SPgN8$VC_*JMgQMLOKA#mTXdI`J&u7|8v{L}N1xmM$f z1oN2hSVM|>w3gEbN1)$L=C{&?(UDHqTCdfszb@8DdDNRm2V^?#G=Qa4GVf3mN`s*Uz&S-;*|(xXxTsriIy-1;9$Q=u~Mg%ePt}=_3h#xmyS$f zWTTaObjc4QCzMslF`rG^^tP{t%5oy6fhB)04-UDL>YC4aO)|FVP9?!m72g>pT(-+< z-d;R-w55GyKkEa-YWE6GI&4R3^V69jP}tK;WXz5a-JP9Ai(fu z%BW2r~)eT~D4jB-mKak@#)=McD1 zf{16;Y2RDUE%--s_vz8c!`Fi1^EcvM1g+7%tCEglPxCC}v2N-YfeAAP#o9tAsUwC_ zy-alQQdufX%Ofxs&8b6NRho@ig+zQ~8h!(x-u8OL9R z9{z!TEQ7t=gu$g~rA6V`MxvtVs&tww z%=flbop?7gDY&7c%xg@nX8N8UwWWn~k-;4Eh@OoaoSV4-jyA{GX>SfEV{>qs_K}Y5 z&`Bk-_V>(i`m+bk_P6RIh1=hfewlPg|lHErdq9=FeHvMkE3tS8y~48 zlZLIPSLr+-@vf4Q2F>AbZ*OT>L)|Y8gQhK1f!K$r&Mxt4oA1k6H(1pv%ab<9rQ%!1 z^4fhArx1-CL$1R$-{@Cv{Z6mg$zm=5bcOnlnBw9Qn^A)g=#K6{tQlK(y&WkcuIJu~ zZM{rbw#0soa8msKjX^&g6-8X-Yes*`#QT8$%O()4Y@0dR*wW2^G&KocA+>e-Uh=V}(rYy1)fAKpC<7-15on@rh=MUG zn-B~6UnfY;ZTqB69~zw$YL@f|VRzKVBNBTiArena`P&5EjLlPNvMhz<$FdDMJfPWY zOZHH}P4V{G^vsSS`xIysJW`j(`)&ih1bRuspVL3ssQy`FyToN%!u(qIlQ!&V{(1 z=2jT4uP9~@^`CX+H^^#0P-riERP6m6tJAlAU+vrU7&}(RmOj0L)c*J7q=o%GXB92^ z-Ft3>+oln_WU^l-5{JBQV}B+DK_%(uz(=%g!D;$us)-=5y||zA?Ev7TuGiX;$@+@v zT^$wl_xkh*vVkq0v3Hy2{JMqy+p4ef>$5!T7{v&Ij+#!>FYq z(_(>qy7UCWlDxjPk|!UQMF~Dhxce!<;lozqZoGiD^XA9Qrro}+PCM8R^4Gi-b@+vO zRoYHo^56e_O5z{9my%DaPd_gwF87xD=wOV;_8YJI^4klrixp^uXP*`M$)%H=m_dah0<#xznh9Vbw=0(j!B;+ca5$K+(|>pjh65t!wIKsSZc!A zX>KucELJAq(|?YQ(fkqY_9XHM=sZD1{+WPZp(cF1zFFP^18CpBxDB-&K?A8cI8ZYS zuzYO5->609V2st*Jldt#hUx&9L0WmOn<~u;Ug2;fa1@IT86^uPrvC5miM3kkR$1^5 zgidi{V{{sapE}}dE+m_0R*UMf8n!kyS2F^)G>QOp9d$W%J@19{RzRhI8r{h5NKE<1 z>M1=vJ)PqRG0v0}i}6L+z$<1>$83bRzBphFo5Y}`0z=EGtYzG2U0y&&#s_-+sqQ(A zTA;0}^H>D2d5Gx-aLeJH|J zkDLM&!e0zk21NCf^8o4-?#Q^WfVr^c&c77$-UagB8MQ%_TlPs+hOulIh5V`0x{0Ms zT3gMcOu9j&(l->PTUEI*HWd@gte9mjh&VWs^g%P`Z{GCv0z}Fv9vyn5JYIKn70>{M z3n*k$#UC}CW7(EpaN+gz@U$Oj8yu~V52es%s8{g4JYf$s$UH!nO)@`Z@TxX95r~76SH_lfb>Ld zIWW|+%nCPLs?=H){~FluH;-!vP+--ZVtQ`0km*^ zr;)2DXBK+fq3^gsQRqxX9>(<3Kn8nje*FQs?;$GmHnph5aCjO6LA-ZB?`0W|7i%hu zcz7I6FR(fjk)QMpq6$S&7%Yr$u5!#=tJ!MPPRk5o67(c+|G`mb2@k5(23 zU8c1xpm4H&Bb-!r$^<1g}Tqoy64ZGNDS)L>TLKl`WyQQ&*k zC)W54`^k@ecOe+ZvK>2gu*%Cl%ZB4OTozxGZ6nP%(c6AGZajr7TCwd%3<0nURlC04_ zusy1OrocD69)^DEafI*ZMT*lJ=b8FGbu56E2alC8uoJ3Ng!lF>)*FICcXmSu3*g_B zn9dHOa_5OH)1gp}pqr`E_tQy;oOlaN#Y~G@B}9@}+Cz`+h{`H`?CmSh3h_24%RiYR zlTN2|AQhG&m{Nf!$g`DE^vxee)ql;q(HvFlxq>*t6czA~!HuIu_B0#YKWbVx}lE#2KH-Q6MGp)^WMcXvv6cXx|) zOE-M`c)!mW-x-SjVVrAUJJwut&b9UpY$a`LUuGSt6mAcS@aGy~m48_}-}Hsnu3(9g zeS%TdOeIAb=(+{z^BIyi4fYs^&5xBT_|0m-0oq{bV;Ow$51^Lx?aN)cl9l%OOc}G? zRFk}n(IPFZ@+&mDtif(~6E2a|>c^=IEEz@zy5yuP*Q@yrQ?^L9g~uf1$=7CCzdlGu z;~r2d(Gh4V%x{}|9k7q1GRU<(oZS`DKh(UxPkbU$<>?AC`MJMswvQiw&0f0e$J5)9 zYCvrf|KlS<^Vq}>!3XOE%o4xbWpa&4k^?abAZ^@T#H8QHG{7BG z`&gMa6Bqd;Tot<=L8iEf&&)~{NGc^zK^mkr&S0!3RGDwQDf2Te&y*!sVaI`7IBQoQ zKDXI^Zrrl6M0;Z|Exu(Zm)hUeow_9dK%*ktM!)h@uElMRZ@z=!+)cT@;i!tWSyY%Q zvUBa2+xVfw0w5ZVORFE7O(natrKRq{eKg!rh3RW=Mx%mu1}3>)Fyk9j{mXSon0JiS zAFN4bl$`B`B31*MA!oSIOo2LzfREFzhH5|sUFg{&r;vaK{64h(L83ku``=Lar(rjW z-Jq#z!0^O-Uw6WGp;XC+ndD@@6{co$cIH*YVR;pqQRy2*je#9x*a4ql9^gV}Ns_r+ zE`U$bsgyW1@R>~*@GF>s>gwu%Q=Oc@y6nb+du|C48pzH_WcyBhGk0loPjW+}Fh0w(%T@p}t=)77m_X74H4^OXls_>IQ~QTLpyB2L^^z&6zNjES|5IckC?LHmQL z8}+q^aPgzyrdAsm2)~To(+>4&Dz)B}{R-_HAaD$4#u2}dyc;uC!eXaervAJtGVPqx z6jky83kk&1OUFnR1h5-r@IjsruxPg$%7zpSg246?e}QF)zIsTk3|bJ5p$S!yEIB7n zl|WrZ5o*b}~@o8Aq61&jG1o%uFt$HTnbW^ugF z{>-oup}6t4%UvOF7*b-M!BgI_irsdFl*5o%hy$mG?u__+YCdQZ(O-=7O?o1t>?+Hj z#yYQCR<@6x;~gL9 zQ9h{(3A0s2mYT(?q&9NfO&FWiTh=B)88L)jPa}ALcc-U&-rkfV<`N-Ej_c+oGn;F( zdfm4<0Aiqzj%$3NR3}7=f}!q4K@9f?!{VyCe2RvEtF7l|-g$QPMXVkl12xp`e5b9A z-^%JRmRMwZGDpL$`0Ii{Y$;V&zyO{MgN%Gbb3VOZG|}QlRi>azA1l<%y1`TRz-#njo$e?- z%RVTGAWdVf&IZn(b@u6PrbNl$L*yW4@^yYxP_k^^vNaW1T*B6Z&ZYBRRX2*JnUAJfcOek8=Pg19(rf(x5;si~u* zlWaCBY*@X6MrJ^%eXus)ZbRHO+t- z!&eX3oZ=|>5DijF5m*R6qr{i54oCK^R=R{MQnl25q8Z3|x!uN0u)g|VJ1U~)Q)#n* zS#APE9!uP0OZI9$W*oJaO;+TY0Z^sB8H5_X#3v{!QvEnEfTzvlW^Ma@|G^t1sa9J{ zDUqsZ+fj;a@?>OMliDRlQgikWh5L=k&LYD3X7Sj6(rD(_T!#f@VELW?z5d9#8C<&? z@|yy_I^_-@QUNb_igzJs_?4>zIt>cf6J~p!3^R92sIPO=o|4Crf`gRUNG!qY{-dk+ zP07U&=!$J0r0VNy&j4~(z`7ZYl#>X0g^0Dj@*?=XX*@H|i`Ng)N{MjJV}{1;EJ?#* zTQfG^$3NN`{of+=f|P}vOzezl_S3e@(UN)nN?wdNj#Twn#1TyiG;pd}%-c~!SD*si z{XKvogUk?eU&aCG;j2s!pBwo9=&^m?7L`o66-~U+ zSFQ|lV~2=i1c{qJYbShfmqDo0*Au$Xy8nh7QVWi59~4sK_~z?DA;RI@L$uATThbm@ z67`_r;doMvkDqIHQi+{3DGCS9Yl=(bs18o#l!O25%jSK;5+S3VZAJ#P_0USg*^?-3 zjpQH;8~>2JV0S;{TF3qsGsF<)-vj=Xz9Kb45$a4#(!Mzq!^Xx255}E!DGZ*=lk)fF z^XyMr;IstaULV6QuPupCdH6H?MK|COAQ9+EB4sX7m0A5=t;hvI!Q99cU=OG#xeVSA5a(I^*J>x>FI+Kg}viDr#kvSCJ=t3dOWy){$q9(&c)K!a{@ zbiSe>bz1iZN)EZ-wy}Uv7?T?pVG5_5uv6nhlJ}LwqlU!vs4}WbNLv;NWZRLPM{hIu zUC8{Fm?0yx1dzUG|H3aL&IbY>HwRtabdZ|1wD2~%qD&;nzpF5otcn}Nv^*wQIh(5I zkxQ{SCV1TRmgc?PaB-h4H?KX-F_tXUA_WhX?>n6tx60|jl0YyF7AIiax2`h$`=m=> ziMB<^Y2fD(dEcJ|1i&j`slh5eF4j1|Y~*e?UnrNFq_FSE0R99DP)L0gjm5mzxuDXXXUM0+@uw>KCUW3Q- zIw@P>I&VDNTN)Po0$?EIZ^W+St|^mMvqd4GBY--UhlsXeEn=h-cBRXfbm+u|UQs^= z7{DE{-M_4WNFL;=hfO4F9r;-XUm49q21_JwvfnkZmis2e!z6pH2O&I6bG=oFIwI2u za$3d_gbS$*;DB;amR_yiy1H%0SD?*+p-M}HbW6H#kY=hbLsqAx)T52_(SwB}@uy?W z=QV}$)Ej3vQ}tj!K&UzXM*v5R5LWz4tn%dUH8hgMg~0)tqq$0ll>}x|@TQQ?`b`qe z;Gcl+zZ5Lkl9p5XmmC65f!_ShVBjfiqMo(byq$*oPgwH@jQt98qEsRrt6YgYeH@f> zaiPeWO8-Pta4Hp)E;LZvK!Z+non5n8DG^O#1K9ER^ciw9g?v^#g>>V??_( zh}Dh17A2c;RU@qLa$GzUSPUx1g?0AaAmwA9YU?tm7eEI$c|__tM@{uNU4fhgFsc z`}GMt;LsCTS=_PDxb#}rR#~kQJ0;T|7EakrJUKzR5Rqqr?>*0nMYAe~Y~^yD|Clm0 z--jZ=&W{uUKZ>d#$*|MN%h6o{r^b{EdCn zPRJ`~5VACmtUN5ayLh?&aM*jd-fHB{d8AFhiOTJGc!IWe`kae15U>*U;i>TPf&YR^ z23A#2JCqN;^<#ub+_LSIQ7$D#)l;_G^#LS*L4m><5)4Gwdd|M&?M=s}I6JACJbTTT zAtulj^8512cMq16k-+xXPDe|-4ykDH->?T0tLiWnuxxbB%x>7HL+rleUOT&JsH@MR zgagX+vD`OkVmK(a1Kug^-uVSw2a}KA-}vsHis;vnG1BFbZ5sgA-lJF>zaRO4vpU1n&BkTxtrJr-q0 zE)#O;)(jMlsX;(abL71B*hnqNGkRHPvS()2h!i66p8&X9{u$SX8xblE^1eBhMuXd!eEdJLUoa}l?Uxe{~L@ng$N3hu}xWa zj2+#qZa3&N05XZnGUWO>%Y1KeVJ&0`sdNsq9eEge1S^h*)PIOLaJ&k%_A(u!a`g#g z6vcO)zg73vn(dQz!?c>kp0=hUABbD|*0X&JG*5nKKONFp*ZnhXWOO2E7^)9^Oq2$A zwxZx{_3m;zDhm!Eo;v1zQznsT)(RduUp}3M-R%VjnGV;sswBK(7FS(q!(z1R>~#vG-TPk*kz#W9=U^M?_f_v-43EaZ{uG^k;- z65CB@p)x7q&tJyj)*x>dF*TRCy`jP9JxdsE^4<;8JTlblz7_v1pR0rpAO&dbD>6QA zh#|tLx8JJ2w!{8(6g^&Wwl?k!W$FfBgX^otn}#l?IJyxk7Z0thtk&P=1?`z|Qs#u= zzUgjZw~Vr1`2?dp?^B-9H&Iisfs<_{fcNK)nk8E<2=~o9He2@?oq{(k^3Q%N%q%RZ z?}0ffGfDHjtmq~BN3}{$+pZp8fe#uA3h36zYB2*6?!v!K*RCBkBf1(U`7Ny7T*e}n zID*tzpgoy-iE@$BG9tnRQnU8^yP7Fl8kp&kY3hiZ%PTmauZ1|@2|XrL(dcZk+<=;y znsxqT;Jn1Jb4le3=a8Z@JhV313 ziP!eQSceF1xOq_CJDuvx%CbLO6^JdDpTa07^LXns^YVJP&pbD!G*lQuzoWJYKl2>2 zY*D&ugd1O(u0`EBAJl$mKAPCn;7wK?cR$KqCBVhUZ8opceE%z@iD_zmFVa$=ji_f*)U?uJOk_B)` z;B|ce0|=sc_u|B#A+TxAKdtCT^tb3A6WUHtB`|V@(88wCPuSS>l3SfcDTQm$2~ynH zvlell$zhV>mOcEL@2>Tvx-$AqN3i@wr+M-Q$>c}SJm~W{TwLty$-~GYDQu&&BrW{< zZujD`NLWR!|HU10C7+tbTQ)kqZj4Irfz--x%J=et?G+8}6(aZEuT#@Zq@<87Tw_)x zMi7@10JjHHRUqmfEC6|2INQRFOa~2t{LHQ8``zr`H>@1A6P~*3!LDspcWs|%0-&-Q z5`51bln(@;pa{kx#=W%A^hdzn`EZ`F%YW@yTWyNg52&eOGvjoSk_w&N-N2npOxIsi z{mlH3nvs*UIi1B}b#77u7JFt=@8jir;%iPZgbarscpb7zrPGvJdK=)Nu&OIlowyn< z^ZYYT)jLV(dae8R?kfeVY+hAPPR@|+=;G_ZU@WgFU=ai^I=1PAhqv0T=38kK(Cj}> zLJlncM>`z=I*E`F6jtB35nuPg(nuHKhe^V+lexL!>&zi>@PP#8)*lYE) z5PseZ;v@gys=p=h?CAN%s z9{US*nl5XWtxfpM#U^>MYVStNQTT6XtZQ3O)sKtB;vNpz%>o6f>|MY9>43YksV8DC zpKK!>rUVRkGM^DTv%DrJ#WxW`a3&O2l7@;&0ANSei-Hl$PGZ^jy2yC5w6dhYo%+F7 zg(M0YKj3^92@j(X^J8xa1cC-lMtpqq9u@yLNSdzOw-g6*YOJ(`J4v7ExRabSscWhU zqZTM6sJ?Th$QE_qUv_^d{!Fc7G=;AQ7=7i?$G`18hiFFSDygr>3!I0I0|znBZ$@5h z&Xc1?Ki0y&)=_ucMs`&jo%=1tcN?g)C0pWHh7v}r9z($dF2vBELr zMqxC-r*<(SVt=~%j+iX;Zkw+<8BXP3H>Q_y1c+%MyfOp!-2&Ly49_ON8NNJZlXPP= zaawLp{FQsT{!X-Gj>cT`DPeCVN+14@OGbpbCxjmzWB@*{^t=Z7Wo2SLANUGd9okG; zz)6%g8o1jIfwXnzs+mm}JDAp12Zq-fzyhSKJUpQI-rNi5h^I!Vv@~~QzPyaK%`v{l zZqyZ1Ybl}Il{=nO=f7tUFE0-E4-(Hdj=ufgRt+R$>nA}*rk%kbsPQ}dMFj8<4pK!1 zGEk7g_%$?td%wI*Cdc)tn%fXY~JLqLyk5& zNajVvuEpIo15qy>-Ln@JYOq~}#;Ie`!6^!Kk6P2U_!#Oj2mBm1GIKMt$Ui1UP_MR; zn_cs?K1n9ePJ>q#us{30a7<$`nM4NS1xqtOmdHE1S0Z0N9MWL;5HR8pn$k?s}Fh>KQ`~F3tJz!zwJpez-?ZnX$ zKo${>O9Nbh_4kg6*6B|^G1TIi8S4h{0f%%Zcx+hSA380^S2&~%p*h-DKMEeusr|7x zb^OJSgA3X7N5-ZQPa7;&FN(de=D1UuSazVY|8qt{;?tmc*pN{U;RPMv_V6JhiJ5$f z8t@!opvSVO1LUL28y$@M#t&5la8R3XVF0rKv)9P$t>by$!WN1P1PO-_&u3!x@J6Wi zW#PnW<8?%LD|*r3*xYDQkOpzV=Qt?yFVZ|?isVdhU?h#bu!E8Yku!fF@eu-VF5 zkEyfKDzgErdu019crUMH3SNVg7;f$A&fVP|0cr*WOPPE!b(0ULVf1-O4MyMBanqPv z%BnsAf7KpP7ogM#=m_d(H}SqtZ~FX0*GrbWD;mD*2Y@G#M#hq4de&g;z?qV9AnbKq zbvO03dm7)&__JM;2WzegPchaBxlp%6_>w|BHJP^St5TAbz9eX6? zH(^9Pod5Yy3cvftAmIh|Z6fMRr`=Xe_{vjfFO=M?MFxTLj5P zjbZMds_x^EB6m{@3xm9Akft#?g4{*>NX$x^ZkIVGrO#jmY)c)U220zf(q@Z~uG9|N z=3yKNG}JF`2Hn_%xNp9~i{fFHh+E9l=~T+Eocp~r6IKRMTP1Y`eec$~V{<*VcGcrH z$%gk~_)P1`tz}>5?9#<$6M-7y0Pd%bN5&B4i6d9<`+A3hM?L&Zk&0qk);fKD>4JNFO; zCXEVP7PpIKe#1}bL{ii`(|0S4NqDz$(+pk@B^3%fMlDCKAchAKdD<U84tWYhUvH)1!(b3V<(=$gKE+&dP1o7LcBv-IN zz#`^-!$e+8lZTg2rru9f&J@{UjT^9^w$BRK(AOgGEqH4|j_@9`5y$1GH(LGjaUE^x z*Wf@$z{<9M^C$%|$<%RA>?bECbNgSJmB&dscft*`-f>iO;~ZT&_imt+!|4=h^lo&C zKG=gD3kml}55L1FlFEML@z)KqSL^#L`2|G8XG%ow`$vLHPieJp7^Kgyw9a|U&0x`Q z`11Q35PuG5j#?K#3rz>&v^`+T)897y+%DHj9KtL1hpMev|6_+j1;*6=f;zf1)QN%6 zUrd`y!ZAj3J}O>5&xB-PA#KIk9X=p=sXXhOQ&Uh5)jqL*tsgKCD8K2cDd@I^Om!AQ zgPimt&aP!I`7R_>FTp-t8n zG;^lr+7SP&ur0bg_Nr018pi-`V-#stEBRu}awIepw_5cMEYnt0aT2&5Hb`S9ngffy<-|<9wdI9_aAkRIOvv#|{9{kVJmY54w(hEoP zOHZS~3V8LP!93aN|4}UxFwywn^uQLwokbj+%~`e72h$mO026_+uhUhQWlw$6K_|*T zIphxF#Jdpv?v8P3n^bhCO8;~CZxP0dH0;objISYO5Il4>sBk*wfk(Lj|rX@ zFM+yrMf5lj*jgv^bR24TceBl7OhQ&fxsFBpHV9WyU+DFHBh7qTM(Hsnnr;LsG4qG* zM(u(04vu_d1m&)=)m0rWt!A$WH&!gh5AWnS4I;mF__1TL45@>q znm2jl!CN*P3e6d)>5D{Ng+jiV)}k-UDq?_{YwIt;1*u^eC8qamiiZ;c#?IoZ`&$fK zP-v37_XEx<{j>Moi%|R^Q`@HBATB9&|74m<7)4iDy(^j|99r=@yQl5zLXn1}b^bU9 z3|H&0kV_(7J@SB-gW*}PFFOZnz!^9+8+7bZkc+Ckrk7AZ27VU(6=#fN*`|0+3v^Wz zot-~hW`kHPw!C9}ycbCV>iwzFNZS=Zk`|DRr;E(E!T62Tm zuOAd{LIyb5bZ!Aar9*n_@@7C*d_5f$?0pFkylQT}jmEF*2)IT!4dIgj(c)$^xYlW@ znY4bSZQPQqK~F^m>vfakpVcO98(=Y>+>IeV*Ycnf7sq8IG4A6^NEN5E(bW?&rF8G> zrt(`w>uDJZ@QARSYl~*g%7r0uHUboVjy5dhFSO!}*!`daz^{<5|1ZM^>>bF%YobAO zwvM&GJ3G{O4Suxur|UM2MslK;ue7S)v@A6ZLEQ|@pH~~wRR{e#6h|?c z2x|Z#mp+0`sjKlOM_c4%2zrcReU+(-3R_d+TKC|4 zUu?r$QNj$AyO+dkiPYsLSEwcowazaGTWe$38P!Cd%^Np3FVF>O9?|El`5Ms5L|*Je zr>m%9kwIo^>+12-EwzKa;AA$DYi*nZTE8vc|T{`GB^O36M7Yb`^1LU_uHH(TVph`SeVp#1%2 zPe-rmrsj+nYA2H?VbT-Q9I|C{YWjIaREDBA_>OD3mH}|I;P*Gt>{${pLNvJ=0Ag_;qEKE&xXBTF08N!p9Vp8Jci<6O7lWjGY zGf7M)KH$9Yu+v&FmN_vuH&2$Ox?6Rl#)?wTB%1CBFo$Zd+3ItDCD!nrUtH}XE^D40 zm|s1GxrFr-W8xF4mLHC?)Xr${Kd$!A#(pyW`u$Vah0_D-!sW~PY?~YvpRRRlwH~!G z%B2TBmzS_U4p17LpFUe*6bO{uS*dERc%YOaDxo&H`Vi^xr*R#3`(^3c!QQ3-MYim- zLc)$AW3{TF(kTl-h2Pto))LZq+o{Ye&rtUls=5Bo)e0O)OAf;gGTjw@3=jvBtApHt zdhTR~eZA7xYk|psl58Efz+=Lz$hHiJxH4_0jEsymbIThvuF{s3*7d{C?j%?`=J ze0g3BL;~45VW5yta+=*{ymz}}up+{A@!ZfAbrFzh<G#0Bv*sgtu(F zzMjuwj^@WL72j;bnddy#zW_a0b8|(9p=uIAg=TxMT7sS8FI`WTON~<5rHaT;f}W|f zY~IwefnjOXue^(vh&dm%jB-sX{&V#JQ1AIy&(*&mLCdsiCr%~ReP5Uu9fY^d{U^#R z5o7Zym79U%qt%nZvRt0u`dyZ6RrFrKxy=AfyzguIo^H5AU#`?y;U|s-Ql2NXqM}(Y z$k#Rn*n=9)BT(q4x1B;x2fy{L9Jt!=BmV_q`++1nvX!c@D?y$#Yf%mrWKW@dkd0^1 zqMV#|nm4NGLjRdXutMKVD4f-A^rw-o15ci&`>bupV*7tG?-t($%9QA^oOl2>`>V*= zeN=zJ9PO8Yq}Le$wz>UZGiGtJ#vgd`qWY4#qL_?zEnSiDD}!*!Lvg|`ukLrwGY;EB zpU(CWbQ(Npva)qKrD=Y!I9Ndjso1o0lk`o&wtnj^6)8irTHD_zp z+LnU-W=BbG7pn5pD;t*xbmf`06&Uc_faUd5YG0!KlpAr{2iUCLm#QNQGk@W&q+DJ1 z(4wT+2jb{nTr?trQE~`@_#|(s*aI#ZuC7)?Ksos?`j*Q;9IKnm@|cokT1KpeMWE$F z$KjfJqFO^o9^RpM0`-78u7ApM|}Cw0!}Le4SyxwsvizjdZDe-%NgL;E)>YkS76DmLZlQN zH3!?)zU%0RRT7TF7X5a5s|iSF>zzg?ADCv5gcoa-jH^D%|H$Mat-|5c)GC@buP)r7 z;aH_4AB6^-80`yD-ynvRKb#*w(k(sm>&-IfDXlj6$Qaj@Fnf4j4FEE=C_1pZC!vXn zh3$Icw~N+H_>L*l4-c2=6j#UMbS*{Tm9RkOy-=9aSKoXg<3CjN1a&5t&4Re-z`5L* zl{Vt0bi=w;L~zdVMD1`k(^JsvX8DJn2Iuc_!AtF?#YVc36Ed)=vs!OWcA!$-;@Rq~5W+ zZaZbeJt7!4N^E#F-3`?3#Mus3?mr=`0yB#+?Q)Bd*D$0_0y`}q2D0^`byZFn78X`G zrkgxK8oNZHWm-SN%r^V)%W#7U*resSI3zb}(hE6j5JkE`m*s!TGI!A`eR&j|NWNJg zW-2bqKY}80c#Eks#zlaDppg{nMph2>%~K`aZ;?1DKh=zbOM%8fcd z(4watyO{+WJ=mMzA-t2Z=a!XXmvvTbaA5l8 z<%nJ_)o)X69OBP?Xo<1j;fV$OhS4?VlL=^Nj^3`6DOaG}72NnIge13bl^ZSmYvRKc zPt!>U!XUNGT!iCL8_wj|7ubtp71AP70ox@ zt4g0%=OGwSz#FJfM3_!lNbh-#K@$I#tcLN>lns5k+@`Mv{Zq@27+e;fKqHmsO^STN zxzVqmad{9=UGwHMu53|chAcKY4q6b+O{vy$&$^B)s(qsl0V?{#9l+}Z$2i8w|1({E z9>50+^rRa}O;uk_4!7kQcvK+YAMKnsA&AW@lP%=P@QC3-PM<+1VWrCi#Wmq9nTzc# z_QI0BYoq`;6-?PGl*MZt;Zqx2dj8c`B|J*Ssput6h3MBWfM>fv{p?B~(J?LrC0TmP?Xn$fcW`oQFU>BqY`$R4B^pCrw zf!Mxo5{|IuD+5p~Oq<8QayT4=HSVNzZb{n+>rxTQMLaPq%C#8-wA8)Vw3h0Qm z;EQx4Bt_==Xf1xgoka{{E&*FpQ|;(5i?Qw>4H_7JFKE#Ki2==feQ_}w>%VTz<{#s@ zdnM35EMjLYP&z}6tnur6&d94RpJiGOEAP+y za}j_m+1b5MVG>vJr>lG?CYf{20^!6bgiSB0PhjyY@tI(%f(9`Ub_k-p;DB8S$o390 ziW2K>m*Q8x8{j^=2xh3-&}3}Z7Qt^WGl>CbMV~Q+U6!B;Tkl-ayB|1SFQBcr@i{7yd zrt(iMthIj@DG3dYGzUcdX_Ao4`OoiBt_D^;HmQh$o|Fe5b0kL|dPb<0`pHv5{ksmg zR7GK_>Ld>()8)q~aFtX_#2+q0*#dZ8gSV6v4ssYG<0}(??h~#n zPJd-(sCfN>Q63|Sv>t3lkyTWKHK<)|ec)SlX%t>_UYCv zYGZN`?y2zBc9Xt@4sf*Zx&%z9E6j@liHCH*MjV(^$IprAO~~v3Y1#32apM+EIgwx3 zx;24DF%Y$%5eTHjSed?x9%`N5_uG*cQmnJqTKop@!syOjk0Rdlbe{j&RUI9gyj%l_ zK^?EEz9?*jbg_kXxAdn3tD3m^+)f5yVj7-?@<=^v{D0no?cdJpiy-tS~_U*-bSkWuFH`!u8mX?Tu*FUwKH@JzmINd~-^}^SCMMyG} z+9{1Du4I<6!aYI`{ZxC#_FDSNW~6U;tJ-sI_Sngr`(uM}!*jDV^NL&vCWIyz&KX?{ zfW{wJ+c#9Sy6FTeF1riW>WeHb#BS@y0ME(!Yw;rxZ*hTd88T#{hz^TBJv%%4!)#RT z(^LJ%hq9p%D)PZMz$5g}jw&5i!tL{EAkDsWrz|^OfN94gPZ|YBpZi;utJ=!3ePWyA zXHlxH?Mn5_NsD8}l>|rEuOS9$$n3AxMeU4Wy-=qM0<$CqLddSuropBO?WTSV;rO*U zaUmu+1d*4|2X}kkyZ}a-DQ^ajA=*7}!JgObI}V(V3>XmI)WHgTUR%jW4$u>0$anG` znsLinpm+Vg_rujffJbc9-&stOc8QspdyP(yGdTH zA3KFZ{oZ2Ey@qlBtS}n1W_g=~e&717fAr8JrvntfW3#IQY1c@D@daLbI#fnGdw~qK zf&pb^?oEKJc2~qm@y9rVt#Gvyzwc>ST6@(%$;jk(>O{buw>lxd*)4L_k?4OSWJbaV zWt$EUkuLi1HyP*?ZmKYT`mhv<32Bj8odk@qn8a+lG>x1mSS;iO{byY9_oFEaG|9Ii zQdDKDtxicojfX%$N3dS#eiR0;#uWN$Twz2|)a3uo3RqU}u-Tz8kl_Nz)V~{+8rNXM z{nDzyfSAYZ8IA{SL5(ZV&!@)CIJ2oWQ?~gTTuqZ_6Nt-fp(`0I$KVQfIca4(-sku@ z^l2`Z4VRFgbB;Xx|aoi|4AN-LxAk3B-8iCAk~FX z<4v(Z+BAE5pjP4-Y(~rZN;nY|+yw0HsLp#v+SCX@%P)YVXh;t3U>WVpAMcT^ws#{M zn>?2PRkv?l@!lA{R#T&Q6RX+<^dm^BI6TTv+FDq-8%yu4j;wHaM#%#_ezJNvr3ljA z|K5pmZsa?%e6D#iE^Nn0d|R0#4ik?<30)Qn$3whs*J6^8nRj zdl0tsuQ<9JpZVNF8CHAD!8f2;#tV?n0k8p}h+xJmCs_g1sn-ACp3hByV`m%(q%qkQ z{mGt9d(*03F$i9=>ruu;FGVs}CLb^lrvx)AtV^B^nkOH2d8EU#GLGx2mA4kavprg0 z^K4iVcFL zqh?`YQ7{XleyZo?d@qrE@l=sKYwPNNA3j!ArT+@XwX{kmcO{!k)#Qq%_bzUMt@y$% z_ywOLH9eb)+NPX%4NWYI;V;3oQT8&<_x}W&mi{pia8_sD+-+P@$fd#j7_Ad zi71c3;?R8TOS9Fpb?DzjuKj_w6l)y`c);>6ug&?#r``mKN8rwlO;B?uf9`zs#6|t; z@CNy8*12q{rNl1V?mFRbSZ9~7iE$m z1*7mdQ$v0dUY;C;Vq;8l)ZOccN2xf53JIte959mtZSsIW0=c1or(W7<9>})UQSN*d z2i#~|O)I5@w-!h4{xyj)tFS8DD}~eO+-Ftld zIE&OwL?byTAJsQ-HiAz+)@6u2+Kw5m#M^p&b~QanJTp1Des*)<)HsNFzheKVZ)cj$ z>FM>VKDTRoitQSB3lfJ>il9E!S`N}0Mf0m&co&og0R4H9v-8sGCm=j^SG{ib(8TnE z-^FmT{SHI@_-m0#9JId3l#Ui3v7pM4hIUnzy6qDP_FKDl9tZvrH=)l~0 zHG`rcSNM;wzfy+)CeFC3e#kbQMMixb+H|LJ?Wr@|%kg~b+0&0*xW%>MU!>Ei-gmP1 zwa^mIIBda!bCgMq&M7B1xAzt8!f5PBpw^VDLky%>r@aJqW^qbYmCg3?K^rF7y1U@KIG&uBuEv;vw(>xyiNCJ?X2XtA?L+Xc%K2Vx{B+u8bqt#GjM>%2n^I zXb9M!ski4u|8g*R#CZWR1ExhEwE!cO1B)S7hLY=Y7_K~dAS6NQ$W4u#Jvm`OIdlEj z>SUo~-c_6CztCte(RkA@P{kFGeDzAk#8 zxSd{=17wMdO<<{0`}4sSL}q5bR{t~Qcw{ZRkoOkz-6$b&sKOgz+CfijRy0GzL?p%# zY8(LiKX9c738dKOvgL>T`dPMMp7ftUE*j-*JYTTtSFYDHQ??{0yv*mx`q;4$zzThF zkt+JtJA^Wn2`LVjay_d7L6SVO+*q6s^@lbyQ{Q#)ZduWTR}h@<_5S``efOkmU(niL z`a4~8jz30V=o?Z72F=)@y4dxL?Z~4YxFX}6(=Sr&G|Fs%^5Y=Jg4hKDQ2&{}%&i^(Pd6F8xBW4CMQ{MpI~AppV?>^NB-AlUZ|PS$%^yH8uBN zoEOU&>TYX2Hy;-QqF8(M3it=StFMQAm@TQThJLr+V?J%BO-*UGc4?kP)dvKLGg{`W zew2*SC+6#odV!m8Nh>rYPs8L$&(Ts`uMgW~5#&JpTO9BCepbb*-Ie?^pAIM|N#joz zFb~&_nohGvOu+ zGLKF0ceI~hScN9!u*yYy1}O2MRnEpBzzbJPbGYvai{uCG-_S2pPaTI{@Wvgvfwn9l z$xIIdo)Mo065aS|`6WnU=A#1HzqPjYt!5Gm`tK>2SCQx}ZBx+Zm1SCmj{$cqO66cs zUc#wHe|r)cJ!ow{8MAt_$+u`;n-}y`wc@K)ia-b^C^TL2SRjiE#*HWRJ~vORYdC)R zHOiAWIX^KGWt*{x`CF6UNzU?-1DB#03r1x3@d8*E|Ifg<_%Q&Rd^xz{7S~%n2Jz}r;Q+%fLR>8V$4#%rK7>pvyAtv zRq>_%{zYrjcRjl0B?F+MlOl@tm-tI;Ng`(3g_FQ1FA}AR^6D=%7&~v7sC2s1o~zOa z(8Yp6MArd4`7wDxwc1f6$HO$>(72}n&o}=XQSX~ZL9w2ST0phjMI#(p$S8iSHCA!B z{woX+(!5JK-v_WJ`bkA1;Mx{etc92~6p9s#1;qAL@vsIBC*Te&5qbH_Eg`Z$;| z*zq&MmLjG*3p^ZWa3*z#zL3zjW$X7B>P(c-Mjf7XBF1g-Qom}5^u0ZyJv!*UgQ6UV z+o1>M-5D@a*El}$xnB`2cX@9Acw(-3MkcQ6^Mj(XeT5relSAa0&>^Mfm0v_&tHYvJ zqf9hgW<=E3mT{}74ES%kE2GEri7hG^ zzxiyU3eJ(V`YPHPmys%WeQDsNSLUA*#rRj}HP->Kl z40^*N)!z%e>OD(g3cv4pa(=+7)j)l39p8=dHQ$FcDtVH1I1$#pgmIiXMjGj3BAt2x z-uSONN5s=r*93ra=N0>vKUdrT`9y|roO~TKG$YYrzXD-|^~r={>-qq)fUg~1uIsK| zE-tE}t$hNi3MOA*@8I=_Rg{!~Gb6ug8559rK^kKb^YJjAx>FK$r~ILC;J$^gdYgjFPSiGu8aAeEENAhxpO-=jho$eZaawr!;e2P6Mms; z zLk=}I%^PnEUJ+%#Vhw)H@SgH9e4V;!!vLOrzEfQqORMo`+2=R4YpL-QTwLZ8mt3b1pH8sl3d?{lAAc zBsR{ujEXdD59Q&gxVLUe%H>LH3}5jio_6}jMg_mrwGp2x{k3dv%c7KhpBel@K-|&s zVj@S%88lyazp|#ENz6~~b3ut^FK=~7n*MG2D+p~O=)MA{)n9>|^cW_^QQ*94d5&7b zqwvSQ*(*po7C2BM=&AL6s6od=OE!aTtj}au8aMZ>!sJnm!t_z#V1z`l+S4J@;*MD*JnZ99MjhYZ2d@(+0a=U5v08re)oY7%EH13X`i0MV{eR5&uUy0k zWw7fLQpz266=!A&8XE9;Vwn2YQA7L?gg4ChYt?>O#-)K8D<0mt#**KOG+KJM`|^mvAr_<3GP7$XV3l&3Ki$-Tc|zEqle(F+J0ISs&i@()74?8gJML z)2=4_e3xn(eO$GPNHU5MR?EVQlbf5{WP~8H^PswCGc+%5`)>+kf^=^fVYKEOa--Q5 z((tKs|Mn__4mo=FlE|O~<*dKdk;E1%O$a@(CS7SB`sgbmK zoWS#}kbE($#q-A(T7gx`-lOX9oy5f9Bk@9k7-C;K1Co?1^o{Xo>JKvbSM8+~S9cG9 z9PKtLs}qooBfkkH$6^QdItv8ICB^GCI!VZcsl{k=GrffUuTqP*8Ke#-8F3Hv(dwrb zW=vK;NbM?-iv?kV!@Ie~df?Zzov3J0jlPc(bI_CqKT;PmUVOg5n4p%_f$#}6CjP8{ z>YcjTX8ixW0Oldc(X*4miiz+rka{RcnebI=Hc@9TkrEx=Npi7)I zy!9Q6OxF$&W^BcUZ!`DxI)7FcG$4PeY3^X(twZE&pkpi-u$OT`5=L4qR&VbJh$<*@ zZTTeIMiN0Vot~Z}6=%KL;(2wnOsi7**^T~&zY?@5be8^VxK5Yi*xuDcB^>1w{6lUB zf3{mIekfJeO!gbZC;6SC8w?~}>FvJ{^c42IWuevQCxp!=0W$Z5g|DCqQ-a@W!zV6M zweYu>w$c5DY)Q=6%)$&4mTY2_xL_OPDmk8?HZKiuh6Qy*V?K@%vEvFKQILsc`BxLb zDCwz)4rYv(`%2Il>wd;(D<2=T)crPL(T{LyVi_cDfRksV$9mqFF+1?LsDg%!R= zI+k9+qP;qUhmD)1DMGH%Za(X;4ALiywDTqKL*B|%;VN$I(c}8CIp;S^Pil^Pvur=gQvsJZnJ35R@|Wc9BNo!K^QtGY*Y*En?5(4!+T(B0 zttcuX-AHU21e6q{LqaL(RzN^Ox?AZk=@d}9Rge~GkxnToX^?JspY6H7``-KKj=RSh zo-xiD!rE(n*C*y@&iSFmi;Ig3kBHb2Qj((JxAOS?=0=QLF*u=YZf;`T6_o2BrAhF! z=#1v~nbV5OY-C(@lD-8AdQi8*gunBdR7hkX@c2O>5x9hdZsht5{u?YiZ4Slcln5JA9~ z{>5tQq#2VFc6n$TxPAaJIU$Dd;iSEF!||USx!8-Nc2UI)5&erFiw|CkH6i5tPkLAu z$Y%Xac(2`Mj|iuJ*BXP_S^fovwcPlHb>qjtR?gW@HU{E}bAS)3O8ZM*t zx9*mDj%I|8h!Z=c_xY46==jRRWAfE!#bh3q{`+_Rv?@&%JUxZ+Rvc=uDfreWsy$>S zP;g9PkxXyrv)0v+$0uJg8oS4DiUG9;O#(CvIsWRT9v8bAN)AmBhUyGB@la=|IlQ&C z^+!DW#Fy6-(R4CuaXgtpSJbY@Qi$0`>&Fxn6d*;_-Co+#WT7EC@LRBS%>Gp!OalcU z%1#*Nh`9|zFxr4j`Aj{*yl2P4Eg8pubz$p5y$+E!i#4g(AJHmM@gxXf*`G_rVJ+rty`(R z(L(rovek$99E1Q!SX{Km(dFmve;+pfbrQ{!^XMXsZ2K)bqY63R4i%}z4CM~hvkb*L za(p3L%BHt|LvDh!rU+$Ph#xPX^I|uiEpi5%|N8V2=+5w|b>6yI^1fIiV$;Cw2O44P znn;V2H-}zz)EdzYGna9qusa_Yx-!#9?W5(m(mgwxj83xs?q+me>qR=alZc?t=F?-* zo{b`|zZ)+SUMuK(#+nQ!))7)YKpx6UQ!tmiT^FdS6L+6I7yc8L`WAh*BM)7^oSUfa z7k?#AR&xNMo8T26LFig!F&~pRTHjrir^(sM3C^hs4mswljtSoJNBK zN=QgZ2>KU)B-qzXS}3<5l7SHT)0Epuk@hi?jdTG^eWXQ0Bm~I22qdsyoyNP^2Wt$+ zAgwMk`&J6$dnsv{(U*7_d?AU&D}L>HAaOp?edTzNgx(na$`1*SHJRAbEiR)gnH@M54N|r^8y1UXpsXe zb|=C?D!rMG(XH5S^#*D6JL0+vg!k#QE{Z)AP_%~YMm`a4ZB=ph_Lh^9@}(cdHm2)S zmRw^y)d0=h(|JeNNIS633+pLKBl($g9q|Vjv9pS3d2=JvCQqri)W)rKKkcv~1II%O zpq8e(Ye0DXvcsK5rMoE%DtB#?mb6Kl3kgJ~9hB-O#|yDaSp@_x>A4p3#7KCd;r?X^ zI<96%iXf3+UJ_xUXWur~kF)!t6oN$Wpnx1Sv(?_il5;l=dKktpJHr_uNLT=446MHX z!i<1Ox8@1UNmiu9Leyh8K8#3!8b{Zbx|6c^>{8y1?(6u$y*%TmL4>ecejqf7id z3EBN`6KPrQK6~J~p7VF5;nKyd-+7ZEt2){@+ofM;T=-pLlyl?4edCQ3N2PiOJ4CPZ z>i%_}f;%*#5d5O}UUa>KUQ3z*n}A7?lAK)7{!jN%zG`8CRUSdz%Ey#to%m!9Hx~JopGIZpXITu&eb9`~(D6R=HnyHTq~20~oAXUWZU5PJ)<}!} zd+NIe3w`Vnb<%a2Z}8frWM+?hb~CINj};GIb`A|UXCN}Yq~$pgVid4fF^2*ej-E%e zfiq`+_|p{4hQ2{fnr*Ron=v-H_15Wu{w1~j14 z9VlgpC`eVB^|pO7>v(+E`0wetM4+dSluJ6)n&5K%Spl3UlU_G5d@_0_oXNfaDXEn! zpyNFu6iW4HQ^j>~ns7YVHKcee?u+GBDT64NtJI)T7{V?Lr zLj$kl#oEo9!cU*x1x>rmhr?sFp{#;2NpHPn z%NRltbQ6_JwDE`8Q&^?l z&!`m6>V9hkF*|0EoH9I!Y=L}bjBcr{{&Ks=*M9EF81dY-_to%V7nuzRA94vgok$>6 zWJ2gM)}7S&5P8%P--i^ExE9+*FSbKD8>(G*|A6)9>2AiQ2k?d<(*&6h7pONUE^m2X zo?17aAN2M0#V|Z>*!#fgxzouck`WoS*?4)OYhBN~$qgDvK%gck^;A{o9RwM61M*aQ zZ<1#A<$1f4*m3T3d1`!%N*NuNIw2C!(@%prZXZ(V$Z>>NPGpE@0sZtG^HQVk+d6N{ zPQbiwGn&lBe1{ZkMwQ*T{D%a`I}pNeQ9#NdaP z192%R#Y9i~BO6YJOEKD?r0{M0U8P$y;Iz)Dko@V@Z~-)hYG<9=h9Cd@ zF_qVw^g*H{9uZ8`MxhCC7|BYVuO!^lyMua$WYH4cO%PA)U_p#idCnV_J=?x=)6$ju zCmyF&nr!t^T1ZrNBB01GYX9+=?7+77ovR(SW8 z*OpsTFC7XS=HhbFi4k^Tq2zX$Fs7TFoE#WvE}*Qbt-W;xP0XnI#jh~|c4pRFq((32 z{7kIVo^GY|E*aBtAP}F}7U73>z1*CVzDyq97t4Xyr1GO21UM=xs*Caz3j` z=Cgc>k}qCJyU&Lc#pp7s{%0(={qJ%CC#Yng6iX?r$MlKuc{zViD)-vA%hP!t!!+xe zyIdr0aI;U^9Qlh5<~ciEep8ZyoZ)m}8RpI=Cn+47>>+I@o(g=i3jGZ{B z6{`ces_}!6-ET`uN=)+`1)T@fB|gicss6tIUA8?vCV*iFC!(g6$LaGe^?h@*;bXey zjp3!pGEq;}Kjn4L`@2e&8KFU3DZ-STK9`uztmH@>tLAVr`E>Rdg@SbvvD5=MVBV?r z&h5bOvoy$rAH!2qoDgbv1xCH{hd{AQ!viHFE@u6yQpFo9t$I&l|5A#0IwP-wBn zP1$z_iXPEKr1GWL5n|i}NvoFg8ZT@ZqJsJagQaiFbIOEk$>evuAKUR>d4GLfet7t?tV2rrmf+e|&-t2|k@uZS^{p3S z;bf!&coGouS&Fd#^#VTR-dU;le2TJUdhRc8`4fN4aQfu1G7JTkY0Il z)!YY~ODDz85lgNpGT7<3)D_};=161QvN?35kzDY=k6;|UI|#9gfutoNT#@*1aj+_J z(B~T#7r54>4F2r(_+8D$rSo9$toueptztVS{x!PIBNad4zqQcYs(N1BtlHAtNq{Hp z>lvATarAh-H`-oT8hK+oH<=5Y<*JxSlax7P82FSc%gfIy$+T*4HSO&yCpN6i&0W^Z z+wH0a5yb;7&kTY-yyuXUQ*pXkNhxp|ui}~wdLn`8JD1{JaoElz=N5w6*IR}cv7vEN zNaAsL;Q$Ef7wZ{CDHu$`a-a`ck5xJOZo4gZ#T{K%$V-JgMA(Jy=5nWrDmZMt(az_8 zY-qzpzf=a-Ce!meyuRLKb#*8N2VeMkvJxiZt6KMk;Z?+{ilO1m*qD|!>ce8EB`GOs zZEX$a1MRlRH`fsN)=v(f-6O^DSF5eUjCM)KxpuXvU-{+B{7#dBl^wH&cLt?6{t|D* zd_0Tx?B<^J-)3WYZ^`lWXJy3|gbA0;pUCfxN*m=Q%@>!go&uF?EL!^0zd64g8B7lB zZce{{)3i8vUIXAIZvTqcR7Z!+QP)>!JB%oV@iclK0NQlst&RO?(p^#bSU(!Ar}psO z5NE%4iC}-dalLSU{ilvW14Dy3wP#^l^vLs^oExlVfnlwMA!6N#Od`~KR|Gm|I42Gc zMOx)oUD15#p+2}rY6qRc%CjqyG`KhYCDz}%`F@L1BJ&j+>!PNj(s+$%(`fz0{NklQ z`~Vsp(hdnJw0H7sIhYIW%F9o*x3h83uO?($2~CwggnztUN0wdC@RB|%@+K%K8#%t> z7ZSSbhYfFqd6{SX@im30YsQ|!+~kb}hb6%og;bU^(Z3#t3bB9RP0L94)L17w>Iseo zz5C+|&f*NUb}HrtK$xdKkttDx_IgoUjpAu71ln0~d?4q0XK$~qafQYH^M0x4CSB)u#lyAf zsfSXO1Me_DgESPd7Me*c)gHui)Nw&5jHzX!!sI4Fsqb;44OT=kWeeXnZvddRi zQ)De8m4@ms*6oI)2KT?s*C)cr$`4l^h|hCs0J~yREJ!gp*fW{0XQ3ws#Px|EddCgR zR}K#-OY-x-<(MPnB-*`sasIGVHs_fkLHKMrR5=jZ#iD@qyv@cDfso_dq@}3pYAb%~ zMoaT;cx3CYdN6~@fP-;jCh{Ac<%izgM`=0 zv)>E*`dT<&9;eToxovEUx})FFr}lE`wf34inY~d=?S*?tws(?q%6Y|S4zT|yQ9yj7 z-gQj#GFx@jzhyU)rN7}BGVt!h96EqhVj?U{f8y=!Ur$P+%^H(*aPF#DwxJb<_zZQh zmk5Y2>|B_F1FusINxoL)JeQOE9upilEJws& zCc{vZu=J2KtbuOHHH)0N*k#EXjf6w$&b)y8i2Xs)`~hc&Ar&GIB|F@~fZi&`e=dO1 zxc|2McPJ5_6GKxIHwP^1?hC3o15AXE+jvM!q2*t{D%WPChXFLr!}0QOBrJ3d+cdLY z`vxZXO`nYyRTU_nKR)^?DA?eSj>A^}v6;a@y{Usmn>pW*Yw&pRI+LWK`FVDCf(S&n zl@@`(v!`gY9V0lR)l2-1!~#2T6Mu0(VBURsMeHZ)Zrz`spP#i!oUg7v44I6x1^87~ z{>wxk+V>FBu>&59R^O*F)kB7pQRB0#D5_AM3C-iDFR-O}#M6Hp*N@+LCr7U%g1VO2z7$+#G|Q=U*%p77!^mIu9bfo(>_d;T zEOMGHsYXY1<<-D%frrZi?iy!DZ$e2DG%v$bKVR`lhV)Lu4F%Nm%JBwhyk(|(cF!Jj z*6)2T_55jCIpw;PHgnwLe6Tf>;kyq)TN-V1$qWWd(PaIc-jZ<{JYV{sMErk+pzlT? z)Rs20ycL{Gea$>{4nEh0A_Wbg#>QT0M&YyUlL9b&GmN;@0NdBG!CEq(OxZ z1lr&>ai*A|1@!2y0G2@wru~`{9MN||C~E5Q75Ibf9v|NqxBXQynrB=|l(z$I+?fe$ zE-y}@l%2V8_07w{kJo+0GkOn4bgkp!<9pJDAKt(O`55YBZN0U&CTR-+i;&-hn9b;! zdmnhJ6a|T|NWTmYfW7i>5Fct}{~g!)4zWL11Q~b#VlGtK;=FK_cFnJ|lz2suK3bCB zb!7C(?5_>na%r3g&2hcioh)qvQCu2NajP(B{S(D^1dP+1w}MYuEl--Yy1SRwO1T^z zJBJEiO05M_%M$b4JE$OAjAi;EfR9kaM17;bbD^B+f{v^Q0P9tGL(c_HA&Yh!GmV!W z(R4E>BUM4>yMKN{3i+z7>*-nlV^IRWg9o#ftg0Fw8sq&ONw!vO%V@7gYLp#jbl1z0 zaQEeJS)Mzg6zI$58VT=8*EJ+7aBO+99APqyO&KjjzwXL=1M`hm5e97q?)#kQog_M! zi8|f5$EjR6R4YLla#E(Z=A0cnL&<_V93^V@fIDy-5W^aH>RWbSH*3~P#%cjRn8E8$ z=C#lghP4qBWzWB}S54Zj415qhUs3w1mjh~+uX=ax+yQw4?6^zd#LkpX9-CIDaFFYw zQphnxq0%%GULPa`e*RpQ-%+1LmsfvbX4i=SQ*MZV1)UVTI5nv!1A{J&Bo)i^+kShD z+t*660q2hlv*zaU%u)du5YWRyG_&w;%4}?K8UE1Fi2sGWA|{Li+g_NMn4F*NFD@=p z@L2}ctU;4)P?`|5`E`kEwry^1?!}LIy#8pq0nG@Lc;(68HV>31l@kH-(RBBI^;ZJIJ|?AqySL9Z_b>tV*7mlJ>Y6UH(^ zEpS??w#+|0qvTQH!n@jx{(%95H0BOJ*W9!{<2OXWgB#B4a%v-Dqs;+ONWXa0%C@dl z-@vg-3Lzh^-u9Hlgz6Tez~8A8@zV8VB^P#Pqfi_c)sIqBK;V>-a;x|H)14GuHRCk# zT54!wBBfIL5!7d33j{^mtPOC)v8|;DwnCCqS7e^0x^MlY}Fz-r2$7U68!Ie3q5j z1P2L+UdJ~Kg6CvtAru%bfD`L)oU0_%RR20j@UG<^Uo*rY{y{p{Rx@CsLgh}a6-ycR zyh9kadhn&lO*x{W`29iZiuSFKi2>^g^HprOX{tRskPH@NWG@j`Q+H~!;;pNGPHYrF z(Gi4OJ#JxF7IoFRD8uVW(Z#))4ggGGs$ou zdNi^eEgz?0xG$+K$F%GUxl8W333H)KmmL~1v#GcVY`?!GMTikn94cp(UAZrL^62U` zm33{$6}ayL@n@pCJC)hH6lU&HD-47@#P{xwlV8j}oHafNrF5N%g^N2=u+(j2@Z0V( z@r#^5!beJhbvLrC%6}%7?>1P62$?K-&Pc7%`<(e~$|3Sesj0o^f|)oB>Z;)dkc(vu zrY3WI%uI+xrYRE5c!EiNP;yF2@G=;rsk#Y7xz1ho?WK}3>?z9!FuIMJP}b1r6R=r5 z+h-_vz2Sdhj6kRW4!Afu`R1>Rk_$!chtxm6LNuP^I-Il^qnkeXedo4|!iN#cA{lPe z?j_Swyd=z@KMf>743~!dOa)_W*ZNWo&sQ}Aai}lmNE(mE%`)x? zIs^s57nGHPwU2%8CE=ynocwCZ%|RNrsrbEyHQ%gIF>zA)ACeKxzd!&OG;(zZy|zxg z(>p+d{<(Vh&+m%n^MU zfP?2h+fAMEzC4d((|j~db@Q4=iJmq%2a8A7D^G(X3a8@}*3;lI{{e_V&JP@H}le{#mGS z>-+5AZ@xEzJ6@^lw{nC~>_pa&FxxYd<~%x|sFf3M%6u8ULUKx><|b{6a`X@zfQVph zZQ@^$PLSP>xYyjvS{HUN?>r`wr4}-mW zz;P46!>^=vla-yFA&Vd2zm{ME%64|$FLy^n<8QQLAGetDjuoSCKh_y5&5z-K=UvA#W3uE+PD^psbiv*#KBS4Msi|3;YUuD$o&2Jhj-^I+NBz+-k1CQ$ znyo&b{;v@9^PVEq6gB`zh9}bElr_o&GrUrslS$;?K-*uO2C!N3PMa*74ji0d-^KrO<}R2qS8Sfzp9g$ z^1drQb`%k^({NoMX5iH_ZOO)8XJutnrL*W_;TA;Ei%N)%fz3g+jg}QqUs-A$Rt5|& zPc*apQ60QmPPt#CKX&3|CLbi&_J{I2C0fBJxy4hj%Cy4|bh6KObfY3SHVP`)u^8_Y z(h#LbMSsAuR2S;q6^gXSM__0R4&QProb|`9>gVM@_DC*_Jl3x%#WX6w@E~{sYxOpg?6uX0;EXCMRG#Cq-545OZSK>m1F6% zyiVW(B|1V!v(9$@(T7n))TLF;%EyX|ikKMuh*UWJiUdYiDVYmXFR9~b&{(XB_9{%-_V#3`G_GC+iGBOmop`*P@RPMOK>ka zLAg?#0p7L{_04Nn--t02awR>1!WrFHJokIi$G1&AVqYptkH$L`TY^|%#+Iq9y zM7C|r$S3l?lH=W1Rzx2UL`#}txDVy!<=NTBtsz8|?X=d)eIeAIzqiq|z3^T@=`vzY zjE%GY`O!5jf$V?{{q&{r&0^)2CO#)3Z7gQl?Y+l}BMf(A7I7b_fHhp=55~=3DJQ&* zF_*XR;)-N!c`F_$^6G`u|4@5XoK%H=AI+rm*OEw#5F;z$C(^H?vZ6r|`-A0PCp$$H zCE6y>VWva~NoKh0zcWpWR&~dl)Es~qg!&mCuLJlzl^t7rJH8Q@2+eR#Xp8C4|&QHOvJ0-4uZ9{wclsUzR%j! zPRVoTDp&ua54h&!>YIP=gfR}t3=Cd^JC=5D`Py)Y0+YGk7ChX>Egy9QG^=||CQ9MI z8%4wb1jJkqR#WR}1fpQkyg=FQ7Wwzx(W;mJiEqxcL-S829tOeBSaf-=?6WY0-D0(8 zz4mV6#ex4x%H$9f#&W-Ewc>qrQQ=gSvC#bzxBIh=DOuxcFg*s9b<~3j-Pluql|KZ; zaX*K&Nml>C-PQ(!T+g@Bq+f8yy3ry!&`_wv(5+T%u-vFMh* zpvH8gUh;XSuq*)P&a&}i5|VJSzEkxD1 z_6hr+&c?5$ALl^&@-!P`7N{jOGwf4XrZ4kd>kbtazishk~Y?G5~!k}=vunF z4gUkNAnc?a-0e&7TJKB1LCJX$Z$S zf=H^YkA9TQVOaeYk= zcp^%RSl~xpSsPs01jNQ@@74F2;`V-Ns*N+$&b55)sEZ@uv{IJ4j}4d_&6YqiYYku8 zljGUq_w~S@nwxI5@>Z^Tu*jr2Irc%Z)40dGM%{251Don2g#~#<9Z!e-#6yAztLYIk z#yO2gEr|65F32?V*uQcrBsGX=wMS?wGsQ37C2&|PE0!c}GhOqk3xti49VoOW?&qtq z{YUz08*fn*RviPW`U2B(&xyP_^y{URff8-3ra>LR7|eY9fGAj&fk0fVEvm=m76LIG zGnqixVqnyq%or?0U-2P^7)8RJ{YE!?NTrSMX5YEDx!RuwI-TLzfOx;@oOxZlGKr4I zMK5DIu0*rPAv@2Uyp9bNg=Dp~+keJ6ODCOC({QQ22}9kj`nhlle%5-pLVgsKJOpz) zTRp&M27Yw%AL!7XP7PS`mY5gV@Mr_KbEo2#d@1JB_7Z|6*M{8Or9mZ807t+!hA}q( z)2E?l_m&-)#r#qS*7l)wf%=D>oSc<|Lt{2S56orI(H@JB<;sIXgC>@~l+KAqXZ>@( z0`E-y+_s-msHlz4qj-{u0i9F{mxkTu<%h@{PmUM5!U*1XnzgS;P~)l32ubp~_Ihd}bv1-k738$O+P9f*Ac%0#w|ZqO(8(HQhKnOA)jFC|%f zD!LfU#*m>G?GXdmAh4gsVt_wN8qJ*bgF>%%CFkgqFI<$mjJw8+^5ngC38<6mJ*=Pj z+;@3!HcdCnzc!ZP;PKd`6KDZ~?y~ahE&er8mwf|>Y)U<%^qh&iW zQ<+p{E{XH?ojJbmN$;boiF2U7xd^3iZd!d9y$T?0$(M_2-Pm9w^j?=4Xd;j(8e_MBv z)`(0C&4@~oBTF>?g16$(7e!H(VZuyH0?vvatOt)2p4cxQ_k4q`>DG;locP81bBXsebPrykk6b&JSkQe2MQ4gB z>ZW>>0i*p!;+C6ak(f-Fxk^N88Lbs-)ZgDhCj};zN(g2x)bvJXtOPfNBD1M;a_og# zbv>plUA}7ckON=EWlHtbCJYWuun@{Og{Cu81ClI6E#fRA_MUAc1Fg#c<{$ZYv+~$k zSq$kd6Jn5)ZtC9RfBW91t4{<(APBbRPn zL7*fM7|&{@$5`LiwV%+H=ZSeMVDx6E|L7FYrl)Y~OgODnF@L89lfk||pG#W=f_@HT ze2myEmT+t%<|obhvZJf`4ubk!xk$WnqnqhV=U$>OcKsY` zr<6pF7f$xqz>M}^QEzE(o>x@VJpju+7OuFf5aGEt=NfOtP;=w1jjCDjBq(&WAqR5@ zwfACIf#5%q^k*gDWLd%xL#cV{zS=)yHTk zLTFUKC`oty8VCLw0`YPu?9d_n5Oza>0z_sTsjH%{_Snrf`D>IbfcEt=PhBYg@DNrE zl`M*mD9N0blJIwz_Z0|Q^@OMVg~IL0hOXs5q8oOf%0Yg(uCx@4(Pn+ZMtNN7zGYYn zvMhC|eUt|~pk}a1Q;r#2v9z)>O#yL`*dUVM2~4izIrdC-+nR4%^BG+I#KE77d;ugC z#{0mi_xo2-EcUSkO+?s7c^5@;e) zuW24XgfzSGdS;^N(X25rYm{7c7wVgHN52P|sAlUBnKBh&K;Tyo^R8cqxqPpuJYXJxsz+r_oHy;wvaH%IIfodkyoAQKl zB<)djxYz7}BcKK)%zkf@O0kkxEpJBrb8HgB$PnLEj9I`lDwty ziA?tO`OGUcEKndL9K~(X@?xJBzofsF5Sv~7UM%lGjXrlup@V;zGTF67R)mXe`&0pD?B=IttVql$x#4GbAsG zS^X92Rg^{o0;ax{FDq5_2}z0-AVC}1uBxpKxhTV9rxRB2b#-+uWq41oIA~~Su+~38 z_`EFx0nAhP-(tTj+8@?(^;9(G?p5F-+Hhk>JtEwQ61lF_wfUpZ>CxLeJ6PQ5wOnA>SP@J`=7ke=x&R{9;? z2A7)p5%W^s_yk4V2(z`J=_*k~9^yZiKSIm{vI?{|qy*R@%DZv%NJt{^xz8e)VZNtE zpQT^xbbi`+S=&BO3oIZ1F;WCgyU_G+r2&iPi{=3BvO8DyzG4Brbp1owsdg%y#Zh8(*;Umxtu)Y zQ@m%Y~kL~Xw5JsqiYY4Ly8;YumZ7~{L4F4yLsz4k0_Dp#xZr-;1wfP9Mp``8r zZs^kSvwIy}=&#d4tg31O0_tSS*mDtbo^~~Z3Uy-RVsc3&Fk=>YF&YMZw4Z6QuR3+w ze;kR`_YM5+J7C z^*n!1SrLQ}fLREsuoFA#bu^SYvo-Ri%+k#Z0o6c0KL4cK5(S0XzW@t_2k~%-FA?L# z0aErBi?U1QU-@jLcB0Cb)UC+em={wdpYCP^FMp^!ch-=0=0`s7l89xX8{Mh;vOmt> zEx$_pB};uPf;vuwLvE*$n4O6IiVrbLq<{@T1{4rud2cQIHcLt#5Z?nblOJ|+=9H>R zPo7!spqx}k7?fmp(>kl3B=F}2*ULsX$c?r>2?-FQ8Q_<*QDzN~noLemrFtj9rKt!6 z2iEAXeSB7N;qJ`ixeTr>#*-+wm=$J}iU?r`9V#%w`uqC_2Iib<;|vtPz#y%}DR@p# zmU?0sJaQ}x#2p141~l0Bjfe_v!(`gIthk%Bl(#uqdS#?7p@H-hYtR z1KJX>b5&Ix1eNgj7grI494W(5riz)tiL}8tuRNFZiVnkl`hY8b!Tg0d#&h3r_l~w= zc^l0Tz?B7(`Rx`_)&;Xu0@e-(~w9CvLlC5VR6E8I2d!Y-Dt+gK{r(JeRE2pejz zAaYPor`YIJkHyk1Kej{E0L6)?(2UJbadLL#zV7NPU#1%ESyZgrk0JqXMnv4M8Np@& zi7bpVg(LaL93iun(QbZu=>aD?UDH40iq!!*YevG44qE6HV)ij6*Liu|6|6?klA6D) z_=lELDiEg(lOF%*A9YuhA7K+RFm-x9i9(MWGR(bWRR98gXfLMTV91X*&) zR2HT^hr0atW6dYBt_UVeG(|15%M+r&D4)A5)77@w17OoGEB%l9wFM=VK*ZpQRRX}$ zIgF!veBZ3XxxZm8{B{M24ahKPjqfEr5!9!RU@?05YaP44Z_`O+)>Q=eCKe9PnuFlK z_xKcEViWdA5Ht?16#e_Cx#YV7X0doqum}7KL%sq3hP5gz zs`rsIe}eLaWS*m$mG!k-Kc-X_5j9(T69yB{|DvjPHT2T70+s0gMtaCgC%LPTOm|#-`3l7=DnnpQB*2&uw0uMy{jytt zoldz|o`!&4u|J5fvhn6#aJPR1yE&;ql_OlWRC~e`ebAUX4y*;|;YSUYKB=%2UJ$-F z(jc%P+$54VR;_5J4=heuBRPJjxfe4>bA?wCvIIaJ65E9qJSYzaCfTjnbKvv9gIjG` z$ea9waluk9xs8JYID4@5%Y+M9CgfP?#d-qi6rh_Z9lhZz4uA#4LyFH@N_2$x)ig9j zF3)!Vu}olyW%@2bfd&~dk1TbF0EMR4PW`H#z~vF85aq>>NBw9KkgUw@6axn1dzXUD z?dx zp0fvcm9XaPZ4dbD6FBHejw32LMIe2;B4NNMfL^6~T z$v`NjD19&u6+`8CQQTAXs)-Go2ViFiHPv{pdiQIIj2)Ne8l0M3GXFHAyOu`6Tp zKHiC;%Kuay?H7qw{e*PXCl2WVF{?6nS!cZ7DD_A5P*k!niA**l^S!yL7uRhAT?uY@fdbO!_>?hR zar9g^3+HfB0qzxCd+RU_zxyuAife(0otS^D2z{F>P0BBkHeUH#69+|UNy#HT$ya0P z58RpJ3_>-eM+U)Lu{brPDCpa)je~;&usSrp`6Pn=6!Br8$@6bnH`;gW5tX@H7~^jf z#amIS*{!z|V+-$K2}+C`oCb{&h8L4N)p1vla5#Qo*V9Kn*<+vI?qYuwscVC~vzg%W zTkG@>59*fO?SEAH4B?YgW?=_FLa;1BD>h%D%0h-u^!`^dW}}X)d=k%GT*d%Yb5>s= zdg<$=Bpv1kUWHh)rfi}f9+-D#nqi*5xEpn4p%4(e9SqhG{-$FRv(w-c|0IkZdrkpP z61ma@_cx6l(Q}3$L7nor;8|L^_B=f@_=Hg!Zk5RvJG^T*U|CUz5-OxQ@bUAHf=57O zQVhJ|PmM!i`$ugp)U+@chc$2F*LuODdYbuXS~yA$Z1Dp9`_a(@JR+jj(iZH%@09I} zPC)a%&NMr+8g{(HMiImeS1Dr=#j}vaVO{pQSgG2ktKXztJ3N@L+SoW?%{gs@2}#Tc zbKB0)ZPi+;$EBsQMVib>HG&6^k_m?&kYPh&3(Bybtkdq1lHM4U(2m}9&RV3e*!!A1raPd?~cdG&9WSW&?) z!-yzlcooI0Ehq{dg#)*c7>T_`H zILu%4z~sEbX|S`p_CtSy9rX;p;&XIKsr%QUbHl?sCE$_vII&&lsFM}<{oRuieyPp- z_@tA9-IlGaFK_z3m?3faAS5UIoFx6Uz~seu5NYp)ujP=$ z|7L)dgt;#BZQ=4@v_!K8u^K+VCMH0+sMauQTFU#&B7E@$!8?N>qkr`3H)1q|7)eh) z4h%f?{gyfS{w8PcSiB&GL$?U11G=7>&Hw#drkKmd&d!_kL`MM1tixC(5inkn7_I44 zM>R8fIj^Vdj(fc?xbc#nFb007oxC_%E4>``K2PX3_t^M6n(lS75(o@g7nh@>?Rfxq zXO7zVtzgu>7>@;Ac}?9n=fm3@zYbqcy2IS{tL0mL^ZSM(8FX3S=sN4${DZWsePsZW zm62M^v+l!><<{@{x+`&GC|Z%=RH>YYM{oqTj|+I=qi95 z&?W&61j`51fhYvpoY;E+b}TI|*O!;I%8jnK+p_jjV8lYTwM&Fa>NlbeGalzp6wc*7 z&w*P9BP+$+-Q%SUYfH-^BXANwJ=~i4^m0(&d1`;O@q(B2rOTfrv#W2KaJ>HdmU`_M zN~x)-eKPOQs+x8KHs-SR#UE>{#&f4d4X}~G0s1t3g`7ee^6md{0pvBEtz{B8)4le0 zcaACXG(|*L>S*zs(TkytVBVy1&OuosxZ3@lTef}_upqR1CpNrlk|)~FqD-FYCMP6T zuwghk`AQ097SVq|Uh^oYxN6wrCWWYz`e_QeVQ$j_HT2M2kHv>`{RZ-Pc% zEr^4lsRW7;d?46^HieOqe}N5}ok+ZUd6bx>V>6lt0ocF7Yd<|))t-degz$q0N53pe zK}E)}S^_d~Bn&1{S{;z;{}25T3T*~H?k5rd@tQ_Od!;0B59+$uB?mG&Y-QLU8~mX@ zoP~rf1kzp{9MTDTD?e!2|4w9XKy7BbEYa5%Z#9SJE_k@JjcaL{IR*To>8l|h>lRDn8 z_O1ot?F}lIXS2=z-=6JRA7y7}OQ}75itqUFArmL4gHuo}N48GP@7HbrNXvA)Dyk&o z1a=4CDW(*-rFZesY2o5jG*0{Wfh;|Cezg5`Tbd0A$7fD%mf&eK@Du_4*-SOZf-nu$ zJy@|O^AC4Y#-Df(B1lUsRudu$PPig1>U5Y5LK*bFUY`c}k2piOrot1F7H&EHdE9cO zFMk=O47x#~1IUX$hh};!7Q9F)e6MR3<8?=hLuV*yRF-<@=8TXv9>;c*?ocn@KGwA1 zR?)3WWuMxVle$S!!I1Ci^dIkrj=I?@c(N~{vTD=3ZdT_4;y)v+_A`KsgbZ|Oz0;mN zjk_T?rO4u$wA1OD0qBoUKqlY^7-`URsjB*#%8%m?pBm`GSnuvX5+$$BWad6H;A}01 z@P&uRSuj(2wafNgJi9J%a_GHGhS=XL2LVTZ8L-cP0`(vkz)II`_sQ4F@P5JgPfoz{w`r-|#v7PrWT$VxMss-Q z`D$JRup^>K%B+$ErZ2TqBhG%c|*@@c79haA_clarA z^eKsU0^sgns3t8!VzX<=tDZQt>zT;o=5xw6Bz=nSYJy?-(FL|OUYy=NV7P+FL+xny zDO8?}V!26*;RhV#!&7zL$;_$Ba6q+3so_)yl#M`e@9{a^r~Z8RC+c|n1<<+*yNpE&|ujw{i`BG40LS&&gGr?i053; zjCc9wtlo+_;Uc(3dag1|FINwhvd$ZrQ~gE<3cAcfNl5_tjHIBST>o8bq$=LWlmsHu&S}6$D}RpFe*9JSODtcn>G9gJwidZhH=WBR$+-yM=~@6ssqNKT@6h zCcg-9?0`;@DB^hn3R!g>9eF8Oebg&*dbi#7@_gpfbFH|FwaNh8w`d!P)==$uxNXXO z;7rlu4Wig^GW?CLrRuO}J`oKMFVMD)H#ts5ClmDUUOMHben*kO>_n&Lu`i?yUWg5$ z`3JURlhW(n3XXk1LHFu9{v9%PSDGXq6z(1r{yeeTkg?PKaO^bx&nXrnQwN1O2jR40 z$Be~uoNDRn)r<-Y)a6+&xJ2243o+9-(#iYRf~Ogd zv7-k(GJvOo3Bw3631A2XK_Njqq1Duc%%k+f{&i;`Y&chR;)BCzwSjEuzWbBk`=BzT z9)uiFNibyrJ-Jxt^C~ztfddA3b2Yd9Ip@Sz@Pp_bHi^&jx zsXbF2yV+o3t7h}f^EA6hJ&J+^wHfIeTSa*<=(#az??k(H4j*GH5Jz{RB`HxL-2y7Ln9+rh#u(ir1t~5JPC*u~&oK%zx{H(1 zM)L4BDCV=WvL-npvjP+1E;8kdtrRgEebX)dn3za1S%nwZcIfnq21nn1OW za!Ftc+mj`GNHM;f2#r5<_b9aOA&73ii%W4N{8+T3H3iR)I$mQDCc!a*@y=eA7*;x5 zQJMwes2#3rcF1cKRjjMTov*Dxd;A}_Ue+lz)#7Y%>udXz5(!xrjrZxppV~K{#INGO z*m?&?v4wj&wwW9`GZt0{kEY-)4EucOhek(1ky^)T)wlU#K2zc)F~9ktr4$}`c@XA} zTRg}DvOxJ^4jH#HW7kcIX*958@J|G(IMfu7wrM`^kA-N|Kjh#)i!#iP`s0UooaT!E z+Uy5qajGo31zv@kca)v*8?(B0#}^r3wjV+Q4i%Qt>hGS;v-~4Mt_$8z{)KwM`1Br7 zYPi8;N^Uv8-L*uE-dL@O{QS8Pa~0%?-66&c3)rZp$$|AzxEn}PJ94RE=LEtI=9zEk zMt5OcCon;mk8K*X0}c-KYeXPY0NVfh#{a@ArbWta(;BveheqaaHF6B}$!W=D{iQi* zc7jfTARl{;gs&TaCNr`iFzE3g|6RE!D?u=ROnWf*H*N92SGUOsnz^dwCJ=4<{mMh&=i2wr~n?GD7$;^78QP9UPPxHm1)% zDBhyq`QH>zBZ_Y*ey8LVg$e#+OuskO!MBagvX#-Eb0vMUW38Fm1g>obkU*=dM!`2N zttTKLpsP#%!{~K@QT#fI)I>5MZnI^yd#+sCR9y%w^oac+NB*Z=B@z9Y`v0`|T~SeW z%eswhp;bbwNJeawpddj|lq?{q2nZ-hjtU5pgTzK@$r1!bBnOFtM9H8a0+Mr(Ai2qs zW5cQCzxO#$_l|MLxR0kFl!orL=9+U>)mJsEzKYgvz11glA%MY;5U_q9EabGD;pIvE*8nH82hDHSiYPT z5PE)nZn+OUF0>9UE)>X*cwhtC%=XmtR_^wj?s?wmJ+NmB_6zv=BwvHhMP}S;)Y-+m zx_{iwR-vuj%~xlU`2FNb)2fvdhJ4R}GmR4n5iP1UVhOLox5k8Vx_>yIf97G{Oi;O2 zqmFzpvJJ_3vR7Ck?ZW*$>$0frBa$C@965Z^=JFg$&z1DU=m~Athno~Vd@2ER`++r z)Jxwyxct&2`;O`c`D&B=zus*83%C%9;)?>9rDXYr*3VfaLollYa}0I-Gy*3m%&e@e z%*{L6C&>UNOM4oao)aY&MnA^_u0q|vo0N+ksJfHa*$5pHy@KUl``v!prQb^Cks@1r zR@F)`0zaYsJYD)%a%V8`gZ|3RArZ zF^(ArkbhsEA|1Rf7+@^VhsitgYF_pPW6p=a`8|`AwiYK%4k{xG@7^nZqDo+>TZ^5M z9R9hc!TJbj7yp=EfY3Xt;RT{(o7E~xNJvQ2ePas39#hoT)_PX!i<|NsA%h8gcygBK z`-km7JSD_5X)ZCrtofh4+FKPhc}5t*XE&k`X1`O=*k@EhkdHgcg<7Ld7QLVrY=ve@ zF(zZfW?_JaW%W>Qay|QQraS)Qm46aF8C@d(m_O(@;Ld#W$?|#bqffbHs00iRLZINa zKl$%8UK>S4MFjGln>2`?Miic z5k!Of2}cIwZY!{KVU!-d8(amjylab+oEa?kK!Y)<_7QT(Rl57E;NU(`Y#gZja~`0f z9<@eS;H0#)s{Bt@SL{rKiJKf`K)mcPN7_N4Ot}7YveTgbKUsh3&X-(}BL2Toro5(F zN-}RH-9zSmW*S5;UZ@z=A3 z!o&V-xt+*KPNTmk6zF(}e);POXS^TF{C55j=jP1H^4MjDa{u_TQ(vXL5<>mTv|7I9 zoGXeh?D?swpXH`=$*RbxKzGxuh}==b6CM?we45M(Xnw8pLozO=1HTN*vgzWASaQF>Xtx({UE7FYP>*M>m>8ch~vz zg@Sk}XS;>)p+GK8)E4Z+S9VtIs{MGkTEK@7 zBmEnVoxDDa)~?3=e?Fg~*>BUBB~*-KYP1`vMVSu0_pLR~#Jp|2Ktd)Ecpv4f&O;km zX9P){Q1a<9Qkv*!KfEwt?^CPBdLSe>%$St5Au~gk9Y=C*@1uPmt}mMAOlySzzTL3v zmBh)#G#ZgX)r(ra%O$nnoBh?4FMf#srX;^uXuYiCIQu;#jiz!Sv%?|Ur&;`s`}~Z{ zjHfsr6TItMym8#+nU<)7QGYX2v^DV;1xHun`c}|jJfSMNc1gFIhevngkWbG>9X*yu zYB3l>BZ!g(aa;EV;0Q0od;$fDGOa-JuOG1fCypOa`t{=>wArSrQ#L-N5thA0(Q)uZ zh3k>Jda56!S+-~wxgD-e6}lcNF8y5n`emaj?L7(mhV45ZdPAXh37cEk$)eAe?_KY9 zzzhcS-e7xZ!tb~mCamMOzhnAZ)OG*l>`>5X5m%lW?tri&e^2})R{-<0zP--6)1oiC z{=UlA@`{UY1nVTr4FOBnFY|dW@;Gs3;)WI9z_aYe+^7@ByGC{{#jb{NZS0hIDiv#3 zSmjuEWgE_gPDpnbj2YP0Mquk(_)50-_cP2}F$OkG3LN32;^bbn2-7V1vVy!;?Q>BJ z9g>m|P)1%VUL6{J-E#~myVe~IC){aQ^q3^;p_WLkMD>QXpcy8%DomJ|8rXZpx@YN` z+QUEUiz9mPuBPmK6Wv^yZ#=wv-W-ix9*Xx(t~x6%Tz+{f)>ZNL=TvOx`s6B=g<@wA z!=R;BkLJvu2hHu>>p$uphdC*+_~g49XK0=FUwLFrd0&(XR+wQ!`BDpiJ+hwlh({f2 zeROqMq|?*WZ`=D9%qH0U(X(bCC1u~e5%lHSoNxROE@LxG%c1xc zdz9uI#oKucK$vWi8_Ng*bgH>X~W8n*;LYewAT5)pFTu=$KMCIc zjuNWPsP?!IWL_`Ao`7RVmS6w%Kxh+O6|fYOWe!Wb%LyH}GgOY6wS@Z4!KI5I3q)7S z&n!lFH+^E;(U-iNwILmi9$UmwX0Q1qSH%fW$%{8!7U?w9Slkrh^DfDAj1StJIv*A? zKP`0CQH@>DwfW&QC*>mv7EqA#f+pMZi~cSRf2er=Tw0#Ii%hgS)L@|+%ymE4ZE-#E zWA4mNoTrQsiMZL1>^o;(u~K=y*++~_T#gSv{aKl>q@Z_ADR__Vw%Bs&=n}=Z!_0qgE5CGH^8Vf)NS9n? zs;Jt1egS-L^;$mE_(&l<7ACLE1V2JiHk5}@Z$F!0p3cwoOB7^*qdoRxD6-1pr(0D! zt#Peiek<$uZPjh5e#j0IJ$>ltfyN$~c=*QW6tKM5mE!b>6Ev&DNN-yb=d!u2ci=z5 zSW15qrY0}%77LYUfzz^ab&f*OxZkM=sy*eDwb$J5-G4N+?wRZ#GI;JbwMh^k@2we; zc{M}I9oZwWkZA0jD$`<0x8n@ib=ko}*Ie4>-#n&tFM3a}j$`EyAD+06L~5xlCCjg-#^-Sm26i{iAJDM15x(Msa4bXwW82~DpRQw_;A%6YI842Ph#nJFK9`}VGshp9%m`zC+dFW>6(^8RF z>hvtq^%_`e9n=#UUt;JMKWdx;@Jx+yGOr3`? zKFzY+KNhcE=`)E>XQrkKLy}`9vcs%(t^b_5{8rA{6cQLy?1T)^?JdV z23AimZj=#~pgp_wG+0iq@g|HS*|#H}#fQ@4jNp2AnTOlbPKxJnm3T+3%LJznX8Nte zkOVgSTWmdrt}jD;&!;7xCw`XMRgWF&);r#I$uKJBPE_Z_Unw=4`_}$3ZM0b9q{PB%9re-+4dz5&GI85nS$viX&k8`l(y>-_@SQa-je7|p(?PA6c3f=y) z{4B1d*Y%#nYL0i`gsHp^0FowD*G;TA_*}F~Xq$39DN~#sN9=|4TE=T@Kc=-0zX)q^ zy?2*`={jyY@_t%QT-R)rx^(09zHWJW;?k0`2=574C0=zx$M2lcsU_t(ne=#JPowBa z2i4anlQ}`+me~{StP4a2xn30leCy#>eIwtjv)xdfC1$$3 zBH!A&;Y3DDghZAmaV0#&NqnY(5HP#EcyXsKvTN>_*i=N)v564B;JrUg;|YrxW6HzA;g55*dfRwzHdlR+7(QJL%4x zcE+h5wm=`1e*Q8e*ALc0Wp=v}LcTujsTJp$s%%k(ku$7gs8Y5$7pB0vNlJ&yeWX5w z>)u|F4v_Z20ynBteyzw-mwzY7P|$i|%IdbcYnIdU{^Mmw@#)rAoX&Z#Rm~TD97fWu zR%hX{I-jx2qQ|t)2OKQha?01^GDXsUsZ)j<1qQ#qd>lKJyHIJRt@fZL=8>a0xos25 za{@&O1yd7qGO!NTj+1IiIR@-B56RN9)u3e+0qhrPGuauq=?C$P<@bKZ=$Vd$hje4Uz zpk)+38xqKX@;c}{%<5rSm$AxrJlkGm%`!C1)$%Q4f}$p<<4hN49j&9lm51#Z>GxN5 z8ghz#=RPGQUIlIb4wCiTh2J!q=;`SlR%kpJ%Jn4ff|NPqSX)0(9mmqp(fMNR*mTiY zxG~;)Se^zlxP23g%YI$unra!WjD41{o_+Gxun)=F59MY9n>luKrTmQsuG{@u9twMg z*~UJ%X)ZX>m!+H*gp6Vc?p1cea{=98PnL%DU|~jjIw2)oscd&Ht4(aJS%z2zber%3 zEvnLQAo#IXF~`{`7vc#v@1r|iwq9K;BXsdQ?|*k>P0@C0PyTk1Ve&KD4Sz3VM-s^+i1rQmNq1G?H`nNCE?dl>!3-##goni!6jK`}v{46Q%~ZF`So%2CTdM zdY@%wW;$5We@{}P0Q`qVbll`!CLf#J(=y<_qp@d0ENX#1FQcrmt7m7uh5O<&ebqmb z%0(wou0q#WVY)%#&C{i(unOYiB3$8&7BR_7<)cI^=-9o#v-Y`acaG5ff|Q)MX=P;yq1!bz#(T&@QW&l1_c?dai4f(Eg0g&tQQbH`%BUg)Gu&Fn zvu*~<$wDjRz$A#W*@mNW6Rxn^F;0W#SUjEH^Ra&85XD$v&HTmcN=Q`TEuGx_Wxaf; zd5nq7_gZ$GJ+}cmTT5I+UHys6kM{V=ArjQ!Jdb6=C)QO^zMa++L&@J@@led_4#4Mi zUsqQbotT@O>j+lu`fN(LG#c2TnL;(|jPd}G!e90Dc&!_51<>!-OKsSZqs)@6_pn=L zv(@t6$%C(4*guN@< z`$w}%uof4M=%s+7Q3pNt!6L_>L;wE$T${0)s}{YM!(|)J)qA>!TkvEkFP+FUCk#=g zTw07HCiVIpC=~6BJF+()lsj8TuXW_y9VoE*WG|!ce+0DP%n=_@{u}dszTU^wd7n^V z@v>|x+S*Lgu<$2TIoH$htBPK{Xhl#y;$s=!f~+`jhtD;t3xLolp&6*|4_ZZ+C#R-j z!9^w&DN=&zd@feyNpyXdL|ybCYo?|~Iyw6N&Qp~O$zB#nfbJxk9&(0w(qT+^}mb3%m(P` zE!+U4lJk^*OSCZEnKQttO3Cm>fvKyAiV2b&A$!fLF0SE{bUxza; z)X|8b)!ihH&wbMJp}Wx%*_tTSfHGvzVVQZX(sOdCuv}IIX*D%9GMXy!tO3PpP1-Ql1Bi+^| zr8D%FWPGVu2pPx+m%`wK0xmL2rW676onhtw?13yo7oZssJ@gp=!q7Q`>+Z6ZL*%Zs z$W*O?+G>AYn^Kafm^A~y@RDw}ws;dg{K?BRHI>B6ieh)1>=qKhLRA6|^KzifANSFr zrcW{^fsi1I|2LSEb*aK1x|*6%U4}9_$c>RNe}W}TsJAODx%m~|qHMT8D>TSvmLw)6 zu{F_EMgO;1<26QOAsHylPzo}W^J?GyZGgi^f7JeiVRvPLWiXx4<6FW{rz@;tOBu(ErH>oWbJ<=Ju2 zp0VZ|Uj+CdAXtu|Ck7bfLatyPN(q zl>^H0WT;)45E0=*^Nkp75*f3exzhZ6)gOO{?TUj!&T-R5CD}?I)_bQmA8o&&q4i&nsOUuec z@a@!w-s*6m1{(_WiWiS#dLR>G2T`c?W57UXk|FZ|_9*h6pbZb+;NhzM)vIqc;v{} zQ9jcW|L19`PF|&yk{rl?+@z)~-c#oV$WYg1>h0&s%|YZB-Q6_ol(_9$)+FDI6hlb; z0qSo5IwO5Z$)Xyz90i{HQu~<$NZV72y~xG&9&FCbqbGc*SX>Ds&IXG>m<;?NP&$gF zTf7%A=1`79PY4-`(EM54|O1B8A`(Q{QRevA^ti!}*XHNFFG$o#=&m0&;Fp=|WNWpo765Oy%;| zLEuM%-$O)%R+{Vb<>4ZWKA67!)h2+*Rr?6o5dxxK7x*qL00lM(`hvB^i6hV_>vL5Z z@Bne=lqBJ%qXzF}R8&+b+9D1Eh=bH^My~^PfLW@lodX3YXnEdC;ye$no4N)A&Tyad z{|=82!0iraER8fAB33rz14u0BWI-3ex`OPb-V%x$mq(A{=h0#FlvN z*WZX+)Z9>eS&zNg*?+`oJq=4LPU3aQ9(Ef_$~fb32QGVQP7D3Or;Gdj^#w*6$|-;` zA1ugTWcA7qCdj*3AZK-NpU!|C1uQqXl{z{s-sH*-(&GRojiq(0j!vHf+YCgI0SwY; zQ1!y2?)DM5{aIz)Tn}gSUC1|p*)o+zBPHq(0Yn>4HiRMLg#|k0FFSW$5)wYJc#E7; z4y~VjTwIT!`x^8@fhj`>mps8@-nu1rR{5_V4;BVs+h4x~=6pB)1KGLq{q;0S59kEL zTSiENF%`F{A%bEW??KBl>b};3#V@7$7gzT-7n)(77{sP?f5fKQE%?Ougw*3wd;j}cQsjtt9AR|5CTh(T|^O>t;G=cw)k|*)-|ekdw@I=QDohWyQI`&{0@Y6 zXs!pla;Kiz{@$K5gM|C@J-5m5#!2XtLMu&w^=WrTTHIg(bgKzxWG6T zMk?JPrjr(9cNc94;)=z0B+C~wsO#u3OA~Brxsg#*K`MMg^(`W55JB8!ii~Bspnxzn z(3&8AFc}AP3FyRyxX~wUJ+i;vr3{x5y}AuqRidzIx~iYEg_Vr?FsXmmW0BrY!|kR) zdP>kt6e8Q>b%F6N(^32T`v3#!XlZ?vjw{xD>kLgNL5v5=7kh`aeH8kE4OgX(W$6>2 z{-A?0Z+Q6yBTw3^{2DU2fPoaiqar&coLtz282JG99(Cwa)GoH7#6rJY&4MS7#o8=$ z-L{sZ1Wmu(*ny02W}sBd@SX3?)&`LQeI^$~kMOJ&=CB+iFD`zX4Z8q;|Nd`DuD^r0 zctS=BS3Z}S1$2nNNwhgRdgAX``u3r5}Wd%(fKx-YMvF>ZpqdH$KHRmZ)lYaU@r@Jqu28CIw>pUsu z;0UiguLvYbi*ucOtD(08b6)kQ=7d`6J%8ycWQjrSK3sdIH9yTwwA`5M!R=45nl`_; z-CwDv?q-G|pZf(WHAWb=1mX8WLEG7DmXG#G5U*ka_&Y>mEj$5_!nybXsKd3@Ro?Q2 ze9-l`hS7Gz=_<)cE2S@Y7?b!Ab)Qo@4H)JFP?O#Yq$ReD?kh(30R^uBKJ@kl5G*a+ zo#YfwSK3Yl_@}SkH3gnn=c%_ERRHLf#Wx-R8jcX!AEUy%dQ5Ta z&-$8khBrc<+J-l^#P!9(E+owe6$(JnZUhoM=~^@4V&Lm3JOi3SQ%AQks!9g zZRo!O2)qcy6*|WNmtUHzBn4IM8P*}tU|=s1BLFSC+`Coei&*dL=!n^lf8X8R1@oHH z3msu5%N*yW(czrR5)SrHFy$~z`C#UOgZ*QiF`=zZ`p^>$d?E(HC+jku?L$KqkY!3O zvHkmgHG)ManeUK>t_1`JHvRkwdu9_xGGbFpnXv{q0iodoE#gskMuSH){{ry@0uPZ~ zJR$Q=;}G#{5H_ufx82Oh%5sBM0w)l+)1>c2FDMJ1R|QyE2e9@tG4@J@M|=OrAKOUZ zJDLKaCC9wjK>!ESZSnDdL*mt*8bi}F7?%N1)j@L!N#c4JNz5@Ap~+a}cEvTX0 z`RarD?%j!)8}%Fc0MtH$7KEXR6TKJ9-S#$E?OjkUIu0GTwnp5n zqtke+w#Sj=OA%;M77g|f$f;orCu4U2FfEtP#KDqW2w;;&%d-snoO#8kKyU^v#B`-=K*22Ek`O!;oK1_Fz$QaY&g~N*)aO-bQpjv(BfrfWl&rH z=FJ;0ukaf}1}Qn!{vTh-A+T8>vZ*i}tDzET@!|&SFFfo3F&_KOrrYSmFJCr6$icW{ z@u2&uX84W1`+=6bzF`A^`fpUk?EL3iTqWsb4n!C{;lzfWogFk->}8fCr1Qnq#Koaf zdl@t^xY7$4$wr%|!JPojVrmwPM-SR%sCA!@z1kXf*5C8}k5L^nmE0QuCe~Qj9gr|j z(9c24H&&tJN{C1qG+n`g%>|qK84!3G=obOwAHYwxUkkYAlr+7F0|Dv615qnh*le@= zuaOF){{C&GZ_V!dtjAgrtb^B3S}F;>B}5tlQIx!hI~w}VG|nZJ*vMD4&32dZO2L0j zCTkr8g+RJ4YvxbFWk)Mq){wde@DI9w1C&*kw1=w^*ulx-H~4=refdz0heEk3Ltz5N z`>dR@%#@TAYQAlFLV0ooK>Csbriv0lfX3dRZ20W&Ty{tnBMV8C@s%S7ys-(3Hb@P? zUXcaqMoJXA4A-OY2EF|Cw=MAV%8{?lv?;U5Q!!s}@9ex{(h%AmMU@P_xgqNB;~@Dj z2rofwI`Zw?SC}|J$h|Yrc8M3yIF%G~u(!@>K*(qrV%$I5+5jA9 zkWuXH>>z3$7DHcE6{&uMHC%!{0rCRNPDB9IKk@>z=B4-3qVg9C_0=FB$~qvnoD1_@ zSSTbZiAzXBf*{`DalwD!WycJM|NX(M`3}%p!0Ug1_}@wR|Fjc`lF1Evu~LsWtB{R# N=a!Oej|Dl-3o#T($XLd9nxJQEjb|F-R02n zUBh-i@ALkI?>OE$_BNP1*R|HU&ULPJ8K|r%jeC>yCImsavNF$9AqblWf-uCe(ZNsj z@@xaZZ#QgYH0>dX2p{!7no05iI10jYkX4YxTErnBqTq8p6WIViqIHmb>7Zt9?BHZz zX9OvTsmqIrvrws<8c``2IGAc!+nL+5P{~@oVH12gNeqssMjbChTkPE)M=DJafDR;t)gy$vzWPcTU)t^!Q4EOx!-74!%zCQuMl( znPKE@PFv+~tfX8--ww9c-kZPSD{1ZC4B80qrvDzuV8SDfZ#Cax7hL`9*Hi@ge9&k~ ztiZ=EdX?pr4uw8LfuN0_j4$pO&83XX(0m^Jf_{tfyZ)9)z19m?ij`HDEKlbKHnu{~ zybFbW{ljgw>FtV)%uH!C@c36B0yxjw^?(23%_%kT@1LO{>HqsP${7D=hksn+|0_F) zy6kvNmv1HtIPr(vLu&o=2Exh+1mYf&6oNz>+^3y%hHc3e5ID`>Eyp=KYg z3U6N>>z$4Ud8;n+g)F<&Z@QuP!hk&M=dzlfODrd6N$Si}ygd z#?L;JX#Kbh1LBZ*!;;aLEE(%3D~0#24if#s4MEEIwE8wW8casSQaU=5joo3~3ZGhD zhs?`}&;^nGbC|jec({*Ww@(LfJGd2?UND|j?KuxSGFe@H4XHdd13*IRq7#lE_{_Gg zpSzn|K>@+|_uDWk@U6bOY~!6^S7FPTbaWE`)b(lt-Y>jYXM6WQ0|DL0$YeOUuPkHh zSFm1gd0Nl@;db*W{y&$mD?&qq8rwU`klGI5^wnyL&^Ddn?nOI-zgJKZMO{H=S5S!) z6TvNQuU$gGOY9%kwJ6vN-sIn-!kX(bAgI}*Qc4IfEW_;IAOCamPWyT|w{}`m0JZkS zOtqCDMX0;%)!kF}zE6USD}VSzY-l2~MtF|)*C>r2b5>VZ16^?;C=y;vjR_xQw3svD zjQuwL__*GBynOrg-#ZxmWCJ($TdFRQce@?x+GEH`r^}XNrp0nUt@0nh!(k7{grJ+x zsZkHGvTZp2jwc@e?{^R4Z$VIk)Qu2V3hLO28NS;s;FjQ{ztZWJb`A2r`+N?ZCgVvx z>{v2t(T9P`IpEvxs5NVk(fFwxq7#0T_C}CuXSwCS3u=q{^2mFhuYTJt$%I%6nXp93 zW|dVt@Xw_=2Chz~L~3hj5Fvx4;t6<70=DL zx^0T+^SWeoC`&6!Xw8MumzOrCOV(B*DwF-{+nLf40SHnLt7VfV6kK!p2t2KAzF>XH z?&-fqZA9Jpd6O-9@4owVrktwJj~3jd<(Aivr+}w|Pai`$4g^K96n^xv-^cni2h0XO zHd?3$y7@C}*?@q}%0`EmB6Qyvm1!Ywj(5Nwge`|2ZMNFOLyn0mz0Dv0p4CSQtS(BY zKe*3`9Ykg^-eU~>26YkyHDRJbDYcK+Tq4cl?tg0e*Ok%A-$0O2pi1xEPG+l*Ew8H! zr0W>3PPjvYy4F*JLHpG&9k?O$BjpMsV9`NHKY8PX2`N+fs`M6TcV{i*KWrc>SXZ66 zI!knj8pK8a*yd4@qjF%f5;5x4-F?sR9H%g#;&@cZQgd+(Y}iO-<$EF z?1n|&w(BvyFWAgM{OgnH^(gKt?VkPGmn>4YSMCJC1Fbh8?=zKNM@L8Ss?MSRK{DmJ zw`sZnhdJxF1yC<qEU%uRuJkAe) z@N4k9$H0fmO(&PNCczvBta?Pj_SAhLe{IR3%J%uhD0wC zY6{}Jjo%b~Em#NUL%Fbb4r(={yj6O$j5(RKn2g4G{;o){Fjx^r>tI*RXO)#cz7(jV zA*p+0s*rLtF%stweG6_}#?z4bQ(-TFZ&^5a$<=GoVZYp-6LMe6;d*}7`__y6YC)z)lF_~QsM3mSP|Yd4%SXX9mlMF4MFo$um-BJYE@Z4N;N zC2YD?uOZT@>#G@;YIdY*&{sfP1~kZ!0Fz;LBL2V+0p`Qibx@xNr>TuLVRM)rWW}R- z+oxBna^};k>-2nzRih_6)DSpn3N`@vJCCOiEm0^9V?uD#>8CW^;=oU@6pLf(|AYg1 zhjU*3IN83eXt-UVm}uyp6V?QLAQJao@qd`fATxT7I7gKje!a7x;&-qZt6#kg>eh1W zfonzb)oWoiW`%pF9%h+9X|gD1ZCyaU2`&lnZlj=0R*0AmcmfQjYb(KWAK@spCV7>- zm7_t*(l`9;hitN<*D!rml!;N8a z8GnJWQ9q0uYDBRT5SS_C|C=%?Q@v|~^s|0Q;tcrFtr4OzCY?$CcAPA?ghv_>r~6;I zDNe9;52Q>BR)i2hth3-&wG~^;zxd^Yx_C-e0W%_r1c{^mJq5-T({)_Wu15Y%m*DDj z_(%3%kTN4U{kaT+`)_t8CI&v8fSH!$^N5JeYDbX${-@p0tHU9KG8GU4u$b*r6wA~! zi&WRpkUk|yc`J)zbO6I_6S87}A-y^Gm&iU#2#WX8?E4$hK^*ua>=@qez_5LpHnx82 z)w|9KD|f*)Gt0cDi9#vIGa_C0KT9dZd-k}5;vHZMDS7GEoqr4eKKsl5?L}8aa{~+_ zCatHy_;27u;-o0aqu6I-ip(!6cdu#vWGl_zbk+?=O-LGR+^!r*-x*jy^df7yy1F_` z<627k^%mT6OOq1Kt2gEFww+(TZqQu0>)|B2wtD0SS67(7#Idp^Z!6Ao;LndFB@!qx z=nOmD;yW!4(`Esw#kvK`AxcX^!}&nK%NHVX1=g4xmM0kb`T4voV>VNHAybD3XUXd# zjB2K5$+O;Kd?EXZ6Oy~mXWJshMN3PTb-3*4~PT?ZY2 zyE(kmrW^JF1fmaFy6nhJ#t)*FyVo42yUd#>zqnGwnmFox*{T<1GKw?ijE$TTV=8l4 z9fgdf2hP#dBEwP4-2 zL~{>ZqAH%}9IYh*Qy)8>?P09^K|OPpmU4+OJd*!UYA$`l(a_9P!)1G`M9ic)K6sFO z7IkP@jHnz5DyD*U;CXilnXLLy;WK>*?|X;}Yh}ULm?@^`Wr}aj&ASXaGt78+d53B7 zVc8u@Uc%dtBLrRzT^|nlL5-%rax`!&1)pP$MD)ghqYyjdZidzh)yPm45zt$(e8@sUc>^J%%X@k zdKwZTPv6XtxX^+VGXF9H1lw)1(?bxD99w`*mQqUJ z-`7+)T#^Z#LH9-(23O5ie*_=Q>DOa`a2^0(u=@c(&gjwKQfE0CgsyiG5e3#JpQ4+a z+a0d=T>j6f`zI!T9Wz3mq9)`%bCvs|xo7Dov`4R$`|cDNE5pjl z%9!Bt2zj`w>K5SX-qz(1i~w~$2a2c>gS_Ld@@{3g;VSRgQ}!fM_S_r4j8 za@q{D^73-mq-B>R)lOS-1b0M-;iIUacPrZ{ISxx7N&T3b7jx7m_2={b9Ca6#&%^?m4!H-K{}CmP!M&GVrO z1F5E}OC(u9^qK5Y^vTdA{?Kc0*y4ylg@{{)DvUBWQq{}dY)eF!B1VR`gBVih;n{

o{q_L-wh~K_}Ez67uf+bJTPBYr?(FF?51XqqlyR-7N7MPR*nM z!I^>LmrU?b6m_xI81kpouB96&na=lC4JN1+qLxC~G+WP@diC4%%n?k$N7 zPw(?mo=jXGv9q$?WxJ83|JT#lg}lxJg5S*6(6=o;D|-YHKe5<%IOq=`_}UvQO%GJpva+VT7iWxhoU}tgC@~qL!@=yq-Vt1uS2;jz3mjsvHJ= zM4#3`L)9S|jT{5qtp63*1hbvPXIU|jdWd7_R#y$&+-r}rp-hx%XmoURY%C}8t(n;pwIj&@{E8ohk5c^XZ3$OW`Io((q<%!JItJ`fQyT_oIS6Fy?wk*=1 zFXrN4Z3rGelKx*vfr7t)wYvrUKpin>DQESyegT1?(Z>H4rO`LT*V7rrEYxdmWo31> zkejHgN_pyFbNnz{$z!dkjiSrAr0C_wX2tZyBD>cyk=HKKs|qVziuu!vZrBsQMHI7PkfY=EU4Zx%s@I4UHvlW57?QDE>ApC zkR6aYNcrh+p>p=^=F_w5blRC| z>SC+0=!$0T72N-|)EzH!P!x(XOp@Ey4GP5X-v^z{h4Kk}wv*M4ugWc4c3X(7>yM4$ zgBA72{H-n3vjoy>I91w;Oi?nlYinyb%^zKLAn*E)1x&My1wO^WE+B)5|FMc0bQl_x zdEu-2MWe6p_wQ)MOa%n3F$96h36IP$bDFSit6ENS+ZZX*yV#5AXKlbksV1ywfLupV z`=bhG#*YNNjBr#k)qlyYBlKj##cSegTB%}=@vN^uuyJ`g4}5TKD3`YLW!u-vwg2jf-tnW}5|l8>J4eC6uln;$bTd=9HS zn){SiJ?ANNSAssmR!0NDeS;VU&%g>zVaBiwGn7)(Xk%9G`W7*ywmfWI%d+c09}(#K z^rKW|idZWbBV0>MiQ4~9iTq% zv=-GfZN!>$p68Oc$--5;ySw`fZbGn|H9?I#&S$%Ayq05s_PW@eoSgJrSK&@mE}0V- zJp$W|aC)VrghS`i!>4u&?Tm$LGOaUwAqnT5IG9it$6jv@N^NC^<1|yrVS0DktVCx= zP_nfcSQD~`$P<)4*C77XF?5EF>?A-H5{nN-*3dYy z^E-5@!v|AeWz-|=%m%x%`7_Kqk2mbB1ae@?eSK3?Ns5_{It<2;_Y^>q+1;{256jbo zO_9^l-njU9JrCp%nRTu0aDh%!U8Z7Ur(5mzDJ)w>pn1?XL7R;MO#+mbD6_(3Y$XIK zfUI6_dE9^prH~&BB;R67E}jmyp?faZNlM;kW^Enn%1SIGCI)I1KxSasQOp{g*GVB) zkazt9GR)>%KMP!*?Q0b3PL7N??=8qaT^Cz=)W!0iV>O3+KrN;@Ey+=A#H&_Ts*WC{ePf0OAt_{JmmzIpPt);3 z9aJ`;IHN9sitywW@@N~6?dA>i&Irz~=Mx3#L&Vjh?FbwaYrD;M-5uwEu z-Q`wrTa416a9IeOZwn2uj!_oVdJ~_)Wc#C}SC~vNB{S1x{Wq}1Q~RYqE(@pI4VM?E z+w8Ap>$k_t6T6Ltdbt!Lr~&`}O2E5Ptq9UkBvY%HG+PubHbYiZBI-Mf91~qcqXNQE z5Cg&ijSI#pX^|5Z1%&pnPJ^e1&AiuHo7dTjw1_H9=iR80U6-Pys;JL!PP(=0g=+zTe* zdQqr*el#D-u35YQ)~^x-_~|Ra7E!$38r4pDun1}<6kl>s<;3wT>;@{NqLf6J%T|XW z=h~uv`pf9WYAb2!fP!^aR@O6JjK)SF#`!M*oH$?NZ6Nv7!qVmXr(ZhR>*828g5Kk} zOYZ_02qaXR&{$5RPMT0byB0!?1VI-&kOE@mjeoqqp?5Y%)Np|;#Iso-;WC~8ViH)z zh&jv~9O!_GKsYMO6EiLpsN_$;#%RviW`=8B-%pIh@AM~fodQHK2-(A@U!$aU zRQtmFM_EOMoPtEvhS>J>Vat45d56(ImArIK68E4DS(cY4J zb5gb7!m>ZHRhxokzItSKCaWC}k@#-cBqAh`!5A@Ae{&3^rD{wJ4V5~_pOMa``hFE- zT0A}VcP{NT)_egBI?pHXgX#SPaNk8B5HZ2osuu78|A71xuc}`TobmDpZ2-j~WjH9F ziIDipjH{^x!M7-Gj5}2W3aV&R2DHXafk}jLZiD>mi6a*eT`B8$9?P*(vk0@eT#dqv zBx2|$s&xfo8j_+c92&U`#Xj%X;9>83iREQ zMSHKB1FlZTDzLYe$aC()JEff;={ny%gvb!#NVt_xAa=cjUC(O3(c^e;@!$7=pcxEK zrZH{>AW`V6*PYK{#e~)pPV#eLH<_-06cNUE5w4`vTVvEx{1XbrBNE*ZvH5n0fgkv@ z;ml_CW4YTSJr_dSWu1fe+R$m@Syw1!1EuRjRLKU!Vw1R9NB_osEDpwW(L0sd^x_Ky?Ok0n z1y6P2&Zidb;WEqd!*d|8Kv8*1W81?MwF*qn?f1*$%o`|?b{yCsjlr0@ilt1ky!KCA z;)i={j;l9|Y%hgvp8kjvSfh*ms@Je9R}s8=?v1ZR3V7#feOXPKEAqc@rFSKyD$XjBL9tEZ=7!Jo~4o;mvKnXI=W~Jst*b^u7ZwI zXq%%BO40Tf%rJxD!7uyQ*vv+Y(v8|=YTx6$=d;w5*l8Dj6R0XrO3_96<@@od6?`zL zrkd8+RIApKc52|eJpKMv=)5SRoh*5gn+05MB47$5T4in69gam|*Xl2%@{;bC{s_R0n2T1b08Znaw@LOTeyx zNbhHu#bu1@6^V~PxRJ2$8L6vl*_`cK@&e|0I41RmJwIn!cNPtXr>3U*`%~9l<>b2B zfuOH02=pBY7CFyXrOg)8#RLa@6nx|nh7m+?Dn=`+Lv%>=y;9@$cJ#yWengIURUZbo z^3Ay*)l=G0uxcd?n^nMjK(nHg)qE=}S+7Bbsm$fP_KDMAXx};z#r~y>0d@%ims^)r z%b^!9JaKzFp_B=f(<*EEQiH0&EBBvS{`DEdP zU<{y}Iui;LRYyuc`SWy5Q@HQ;&Z-k_X+=dQVm0+p!S&$s+-!y-7Wly_=G0D7RD4rcIRQ7D_WzO<@Bn*+bTC`>}<^Y-pw~N`8-+cIaONH zswiN-QTbRJFx&+0DT+X%@TxweL~a7UHO&`{xesoLO{W7wkN0@Ca;;D}*6EX16K$LA zM?y4pLe#2#3*%jT8Yc5K!;H99Ka_?cDn0|0;NK*-u0t3rLgdcfWAX&In%cF7`JHsu zC#=hfVc96ea=tNouh)=MviAdzg1!0hH*68!`+RFI=@I_8WIQs{=}SvX4=Hlm$ld1R z%$kPOc6VPD$9OKuS!apljRW}vH5Bw$vR{5k@tY%9KO&|UO(ksNQ-&_o_i9^;pE;WD z+e>UI3808lNUu7$j^J6v8T%OF0%eYQYc2f2PV)KETGqQpB0Vp|A7KJfs(6z^MxYTy zGp1yQ$WQ=q4={Lj04^a2+)|ayb|0_)-D$%mV)ODssp0~`d;38=si3}hH7=Azi(1y; zaDDt{2z158d0aq?X}!AK67iT)*VxVk21L0X|)owOnQL4jO z_3GVMp4?Nd4Tr&h1jIc(H?(n~HTJ_0y+K+&37(~oVfs*KIO_aGGlx_Gq`mT=sR@6B z;5~IAQJF2cSsZErV1M}z^o-9!)QC%gD^^|$B{Rmy$Ajcb_v#EFngVc)>fcoog3i=o zUoc@9?&TZ%1_1hr-{Y!mdYf>P=nR7dmx9j8?o2#L#@FcQR}+$S{5f!`e`)Eu#F-{Y z?F*Yx;`cON%+1$vBy?PK=E5@BmaK)m*TfV6u+X&Z*Xj@2v)m_(W|RH!MPZ7{I;9d# zB{iD}N_i`ElpBz|uP4Omv|)ddi&{bE8|itorIWFSrvhi+L2P$T9R}9vRb_2er52`R zhs>{37p%J;%{MhZ!S!>+z;d=ZDwy9^WHd%TTy@Y|hvz!0XTg$d*xEzk9JRdCJQN@xhhZ8+;Z;<5Nkh( zhM|x8ifn4H2$L}~!MAi&a&Lb9!-2mbNyoIh&z0jKbg~*v0`S+vv74z%Yv#_XFlFBr zXW6jD1azGChnbbt?N*1bMt_j6{_NsG%I{E#hnS*?*njo`QjlO)VakH1i=O=(byZA; z*@7-;)$R=D_AX6w*6a@3xt^Y#eAejkFj`@MI2k**I)HALLd($f-a6)+#PJ}1ry(71 z^+LnKv$Z%iSawFs_`7WZn#wvrK0=ckygEDFqErtHvL5JvEPd&I9(If*i&Cx7_TqMT z1G)&q^zkt;tqROiS7f`ijYO2=IzMsmoe&aVd@LyI5z60jq6~q0(Br6s;12K@+`rR7 zUuZy#%0Jwo)2AM~&Q|+qJKC%uHS(nY&^Q~N{wa|RKTYC+X&uT~bGyK!K>d=KnAlwW z^~ZI~Fkjr0nF5KnjDy3xfaHW3m#Mr!JVHB)&~$bXmy3(TnTwOiy)Dct^PO9l7@Vl5 z(btUri39Q!==bKJy3>&4TFFN+*N`C(;aNFKsn6`hGB4Q%E%0CUnf#VDYv0b2StV*DRLG z`qe(%TVgr>^QYEL>B3XO-hLl?Q+n&6T8aW9^1du^Fy8=FT{i@VW3GmpQe@kX`zeuv z&*Cz`2n%=?Rsh0T`UBV$cg(G7J-R2yU$4Zuo2Yge08vrL0>a{1&EI&QayhnMHi2o0p>&m$X`$`Wj zo=hfUf1P*g;<))<$i(X9g`NiBGm%{HeGPErV%QXD@hvSa_X;|PzTw@1qI^&k2f^5+ z(kt6Sk57D>vz<_lmV?v1h)d>Y{9n<%j@tu zd@z0f(A}?^SO!& zs&-7E@q@^;InU_rlbgUdiTyh^9hcerbIIG zrpt+&aaTGctfN;!5&4zp@z~_K+31EYZyt(n$d*8&l$B|y#lSKz-QF4@|cgC`!a>Q@mu4^s!Q>V`4Q(MV`^)-jRQ5}X$ zfL1tdg@WH|59S**U~t4Lp_8NKrq-X5Y3&E4I^m&dfzN(8>NIm0V(Hzaq;p(Jx)s^7x4WYuH(uTaP-0}u- zrztT1hfieM!$O<$K4Evbk<^Fi$|32pUERZ$CgXQK!XK>p`}@n&(<~3?qAxKMtbm;K zBD0J2#3F^(?a(i$U`_qDFh_e7xhG&TOwG)gPP`%IFjNva0`a+C9hV{7sH}^c@KbygQyBLb zU6n&n)ll-~=9imD3p7_b`UqTH+zhjK4h}D)>B#0VoP_xE^+kXDE|6^a&PF+-rk#u% z2}(iz2+ScR)6~c~y@toJ^5vzaUo&Dm41tIEAs6aQA4T!MnPb>Xnku`jYY+~ZH;n^K zzF-{y^j;*@du$Q9LJifUoNE|+R_oREc8i@qycz|;oTv@;5YB+8*~iacp%iKqvgBxh z4i5!&Gl#E&?jGhdy7oFC;wqm2u^&~xfP$;A?x{)`_l!e&rWaextqcOtLzufTIrPg+ zI&V_zJxB@=Y*ce)xYiucjZG5p1qL_t(~Y~`k+nQS_*_qovWGM#8p{wxJm`$S{FeRv z`Lo@H*mj)1zR;{@pDN#+OVR=^N~KW_`s_P8Y3BomPfpYxaB96IBaH0+1}oKIN`fc;2~JuZjVMHCKACpmn4O~6T%KYRQ$Su<_!^wj07Dj-C`04`S9h6883+LqYMHqTby3}+j$Hz(^V7W!ax;Kew{v#m0uL|Ta_vgzklnsXwfY^T zpPl2tNI}KnJDDMIAZrkiblETZxq_FqDNVWHaQwmm%ihxW^8vwh{kVGxxu33~YGchA zOAaHVhq5d{&mGE<>7&b@lLj-d4!?%E75K-c>d4iZI_kg}+=6fYHfqe^2xFaMJjSVO z$)tux^F}8CeR=wb>VkmGCj=LN{to>_9`_5$MU$(-x(lbBRVM92<|iuN9eS8M9Uf0i z;YOyLrJ}|>3L1^_Ds$!Le58}Aon^a1YTc5@ZNnVw-vZX^RnZ2d^0#f>Q)6W-AYm;G zr>%~TJJnZsw%PWOT{g}RH}K82CmwiRL~wIPp??IU8NgI;+HOxDvNxRBX~suRVWxY} z`%oqm)yK)x8#zmGthy?DM3iqkG#gR>lYlUj1Jtq!9{(daLdt~XZ5@kt4ziCDEcRMa z({}LshiinXu+?fdfm?t}!4#aS3rwruzNKXrBMB?^PYDROI42U$H<&Nf>#SLf^1wnd zx=7c@_M0G*;*(dW&g2^cHMU!&2Z}gGVnp(5Jr!IIF|XgZD>RGSPB?QuLIXAM%fl77 zyE^m{V06=1<5!ZaA1^3chYg9MLhR8i=fRSKb$pJ#+gUcM z6I3SEMIE2A-rKW}mv_`bksmX1Gp$f{20xhJD^(PKXh>Te`J{cBd6b;}r%7QApk>U< zgADkALX$+~UQXgRZvf$|R>PgI9KWXyA0!@bnmn0ThrsrTx*bt9%^`WyB-_Vz2p(vPUG(dfR0f7f?j}`2J ziuK`4*+)22x_#kB#&d zHudYId^vGgoX`L%M;(?pavJ5dxxF~)20WKnuR@0j3Bv35gi2u~s&JZmL+kUU zG_9ye#Y(%Jc zb35Fes@e8SUcB(SSenjvr6(@!bHnkwIV7=CJq7yD0#v}-p661U&q0go^XXwNmiwAg z>!Gd^TMVizrGOB0T#K|E2c1A$9p3w&hK7a~?W$^R`+#!X?2mhCc0SE;;3>(3%%pT% z`c}Q{%WDt1E3j-78-4Mx-2tdjAblp=EcA?RjT31XhXQ21iQ0~nb!}FqH!gz?|HkNj z&^sff8(BaKhR$I=`v@v=Zy6S|(SDE^8~yIwjFG2b4E7w&i+S35UHA|TG9pLU3jjuj z%(pK&gAN<~t0+!im)t?O*WP~I>F+I1&+$Sal2W({S5AO8HPQsdOynwdX2z8LKy7|n z8cijywkXx5UpdQq%daw2EyKHH+S}nb-%4HwlC{+-Qc2y^yF^e|xVa1K2-Kns$?gM= zI%e4msG-nD+?lf>0$ZR6v0v`dsdiWe8Go;yE}{dd6FN2Tz*N%uNeZSIGaR(nCl4t{ z#>z~AOaZWM#5MsK1*K24;$Wx;K%$GNEfA5sQbM7ef4j^d?<>?nDL=@o;e!EYg>DXd z&dYTTV%UCm2nF5`ZX~!ld16d-7(qsyKH5TV14*)PYJjVrIlR^I>OG;%-vW38vZO6Y zmKwim=(ndl4hWkTr`{0nWzY;JJcjocV;0R76kvI}C#kOGnkzEFd;V-Suk7W2$5X$xAq*hkzEvy`{Q!~q&J^g zy8~qj0@mwY45sg~7YTV~mbLZ&TxSsJ%npIP?Hm@iB=Nb(tBuwKSYxE>5WfGZkm$1V}{#=0JMGR^sXdzSS8?x$wHfOw2+9H825wntq#hQ_?fp``O{vt zv#ccQ91WiHQTBQ_M0g`Q1osA8W@CGW+Vp^mG6Zkgqhu} zt06PuBvC-Hf!+p4Ccl6Gwi@}KI)3@*eeCpe*aM+`vP;M3?-o0w@VO@5ja%+%g>!?( zrvv}_k6Y|3)w%*!@474Z{oe4fPL+EsizeR#-9mHoaYUlX%Iog2Ur;Z9{!Zw04gWRh z5k4TGDG3~FRSwtUYfhQ4BS9bxShd?G2;&Wz=NM#%tt?H3pf{QUfay|2FO`_SIsi=e;i_>Pxbj>lzmXI1aj_`KR%1*+(-x6^K~3X)uR z6R4%@!OR+{Up}oR)i_D!tG)%D3!pc%Zz)5{x+t`#%LgOGB=~ob)jK{j>2|1zQo=W< ziWMM`K$+TJ2--fFR*k;j5|5FeBPh3C!0P_+hF&)gqhq$Tsjyf8h%vjIU=lPC&e^=l8owmb7+U z{PSwYepk&)xHh+QTo;6W1#7$u7)6@xJ~wbl1(@90D%H#Zyc%;{RF;Vj)vd83XNW>E zzWs<(0dBB}g?VEe%XJ03h!e0yhN0IABs>ae#gwa#gs|ALr3|{1s?CQBhA$A5BFEom9s_x>JLKHX^So7< z3&TM3#SWL%SgGtV5)2_6JVmc=9PRl>vh*yCj*i|*{dyZW1%{F=VPI;cD~5pg=j+GA zjt{`L5wJZCm@|E+W8-|%cb4w6Hzpa+#0Jv#_inh;DC`?8sc$P1u zU_JKm`rQxneD~<(K~GIdXc#e#=LSa2F3+q3B2}Y}HXTJ=P%ehp%8z$5nQA^Df4d=M z%TFaT$UMpns<1IoHw+HC-DlHgw3f8~@avsoCIZALEE{MtgpYh`XGi1%FqNCGV$esW zm+)%i)EDba6?QDh`}LosnNIoP{>LNV4Ya!99=a4#px=0Fjn$A>vo875AKq^%*r1Zk zR`2A%=_(FljQXNuH(D7}?2oo2zAR)5V4{B8dbC&)_*4{~1sE6J7aWZQ{%3c)Z*Q?{ zv3aWIO+kmiptWa=@^)zXfrp;(udYlnChac)fE9I!JLuqDerHfj0Qv++@H6V&-(*U` zWcH;EPo~Q)GUoX}(>WjnDG*uX88@Ui0H(14Q@Ks~=|l1b&_^cq0!m{MN|-UHXHKG+ zVB!d%`g?942mZ;iu}%<0&%y8$bf*ZY1*$XeOd?d@f}TnJcH8Ts zF7^g(CPFYEdPX=g{fV`Ex6!(P+pt&dLw>oo*6;b4dt za4t}d{5iar2xb`5ci$!FfAO7eDyTd5Y8%e${&PG-(yC;%Be6Z&jv6MwJ!c`rQUg%;LaaHCmv$&fEU8k1aCse_CCgg+Nh4@~YpbF;F%D zo6v?SJ;lrO19E?)^lF499_pLge_s|32J;04+Mu6Rpi>jXXZ*z-Y$%hbzv>8F$9#xt zqo>P87>0=NL>h8d*)75p5K~~(LYs{!w2h3Ebm2h#(G#;;q1kpUp-(+Yr6v{%??7@% zS_XSA_9=4@)u z;UuQ|e#c^Y3J)94_{)))u8c8{40``5Hl%ET3Xe1xIwsiT7YKG-4ECcG00E zJ=QlqU9^0)+g&JOd%$bkvztVM@3>O!d5#QHIS)yuTRNK^Hs&#ktk z-OYP~@d@3myZFV++dCH+qI4*lkLvPafDMnI33%HB9Z{3v-sm5i{ShH-*ss0kmdFVh zv)+K|r+1}`Yc@z_PKA9i&Xedko2>Npc#_@yTpyI$d%2C7Sgc7bUEx8q2sReMydxlp za4X!(6o@tgrL#Oem{&XngHP83I2B4#Q^6*NcU zpE_1Ps%0v=Bx$Irfnmkojg4Nsh6_n#Pbd)klRprMdomug#3^QaO!F%2Gs{g))q3jc zmNkL2Ov?|p6S&ML`bi)?y$x{&>K;YGkg-b8)r>k6oL8&T8~DtZ+W!&Q_}Tu?hFWj& zYX%YzkAXzz7j{QJzzQ{LFI|lFG}hx~2%vbG-C7Aw^I#z3y0A_sDJ{j9u%3bMr44NX zSOiKG(>fX&%Pv#VtgjaST!w^%XtVLU9c=WvF9BT|{58cjt)v7P$l!OLrgSJp;=ydo ztoOq_b1%*WZm{>zMR!L>AEg*mMg%|Z-~n~lS7co=P^7XW&H$}u~7^wYwI4A}v>I1MB6c)8{es{H0 zIb(5*Z^_}o!R&ea(INsRF9K?~Fj;xo7%0rU=yr>g9~3Q2=EQv0tL(OziIR{K@WH2V z>QB#4g?~>>B*@d_HjjXW3`QqFt2|N_rFL$NmVm~Gd_eS;XsrCwXQz6bF4hXuxZhl} zN+$xI=iJOkH>oHuf0&#EFhBb7wl$IR8ZD6A!JaX&3onsCwf11ld{?s~n2ZvS!mEc) zg#0j733fZxwM;R*pHvJ>14!D{$N{+AB5zTC{$^uAjd_i=#+4WdL>ACU9jl>!Xl*CK z@lbn!DE7B#E0hw~UxE(Ws{i#b8l=1>z7%m=rkqyy*uHcc;C?EL_*44cP79qpMb!J| z-5e>&U-ZTNVMd7cO~OCM@%Fz~e{UC9X)ilkyzv}$n3~d=$nQLlW6nw(t_tF(Q71}$ zodEY&rRr0~yEBI1u~b4J{?H1^)`LRv&H!b~8Dn4X{%o@}-?DwraRQ}JLht&%YlEto zyHYN*U)`LsqV0u+5EYm31{{qzcC2a>RLNGB0uDYht6S1-4jSu3}~Kx zS5v3EEhF~Rq<4weUxT20b0g@mE+A7P`Pp&8*ubj8oHySiTpv*=U?$*PbL;SwDJY2i zILxr9kK3|j6u9R8k@aDFF?mpDILx>HQj*=b<+TAZ=HdRzNyd~<6tr_W6{n-D-Cw+1 z!FB(_Vx^}nur6C=&D2)WNK5QY=2dGSZbW}G+i)Q_X?GAIGhayaaF8;iy1M${z`(%J zkWmftqEul}bNI-;3_L{HeWRyswpJBn*3nehFS&2P(ItJbuc6~K_i=Y~ywZ$*Q2sg` zAI%qcheWNoNyVMCnh@9^n7O@12xW^NJVuU>->@O6wEovcU+x&v15Un;@Nfh`)# zs%G8yftqf&H*fiirz$fVmTA@0)JUr23GfNo)QWIzCshr%;{DD~R@-x4qi42Gbgz|N z3*X)l=Got(EQcD)V~A3hMen??uI6{=1(Tk>R4?;iuw=X+f`cvyV~_zccOTBClA~kU z-po_-kik7|8cSamz30jI(Z#6lU~6y~;(P?w!(N8v1fpf;hB}5~$6y_m>IVmmT4XT3 z&2xJOzPyG$JFxhPpX~dO(D6++cJ_ul=S?oVgoK2AAGdAzBF`4=A0z400vuzDR#F~1 z&ZY;BO&8WE+$kWsHap7dw}Ju8sTxC4)$)P?8-48>%n=r>aQhlMfn?yfk%@`mGG@XD zzRSnTf0&;nlNT+>bQ+!=^o%G=Oa30zdtkZ$@!Lm!AI2cT-rSYrlZ4}ulm-)P>aaW4 zQun`_*x1-yGBhM`o2e=)hA;+U`k_GtNXc;8Gm((N?YCM_Hwae*m&~?3%uoKT3iei% zmU44*FDTVn9(*Q)sKUKv5liTeTM}OF8YKMTB25Yov0(uXH7mzNF+-FBghWN|&(Fi> z&P|1twW&a_o|yUb@J$hA0;7`A1jXe(vY5Eg&$ zI)0g{$#W}k;gsxpjYTc)K3ghL^0@ba@LkR1+p=O7^D?b|19BWpBTYqG{8<~mFfdlg z54+r8y@@+gB}%KXv;Cd~CFy4=+3+(@FAm~h zhwTKziFodbZ(FYNF&5Xn>+9<&>dVhpupULd)z=pdPj?oy;vlvH`#Q)o+NdS-{Y3bG z3z?YI6=^@pNwuCfQ%^#rq)6b^lUYEB?o~(-SZVYI=IMStqd7 za7mFnX;tW6m8&7h8d6%vklS=9JxHAQ!W`s6CnsKA>fE8AI4nsOxo8&KDs7x*sB!N( z@^DJiJN}lhcQv{K0uF}@C-<%+U&lFUYL2epJ(h-k=!3{^;6Q_M`wOwz+F1LevaSK$X=&a zv)pL*!e7Q*GHY|2rR!Zq;fE@Qca=6)<@o8fHdZ{I%D--A*L`CQn&*=Z7f=1d(uLC; z8691ZybyIzc3Qimsl@$Y8ZkMUC__8uR_wp|lKUwM1i-@9_HkEnvd4iYXRM*-?`<#T zJJ-NJY`{SrJyms!%uC%Pf~D*H{2UOSw0`%UCakw*T6f-icIVJoX3FEtj^u?EU_?C! zdJGmOCQwdw*fgludu&|A514Ld6oR<9f$0ZA+)enPe?v)acv z%PtPdmD&ZMHgXoEaF^-J`?4f{L==PW4|(&?K-qJ{@TXk$y(MPa~e7$Y4zIGXHnUr4SAF4?rfSE|d!g7T|2d#KzL% z67x#Mo!qaU#-Zw|mSF);xTE_TP&)fHzc zYUx{BWUE^KbVpC@*xf(IhK8oxq+mO-%EroLsVBUNi$i_cA!<1uK#$pVuC1>Z&fURE ztH|6Za(v*n|Nm(E?r<*O_wTn&W+8i2l$9OIE_;)`M^<+B-jtCtv$JpIW#wXR=n!QrVJ1b)YVztk^uu9&WMTn*Kfma@h5s6T%W z{xcqM0Ko%>Hvwk3+wv?4NlC1?)KhS?S`HNdMdcMDS{EJT6B43b+HRIl=xJzlI_WpB zPd2&V{#!a>=j}PXpV#q~A9;A+2xh`ZZ(l)Ig=f#rkfh1jW6Nh|F)g{>l}D&bIY3jU zX~RiwTA|HELRst8k>DE{&OJYnBu1|=kUtCy?_kD{k&-3+yy^Y1_(+kTife((EkI&idOgRjB z5uc}QZN^I}E*Hg(BC};bwuSzqc}h>zMJizpE!u#Na&d9_URg>ar&jXQ za{iV6)A+Ch)D)^Ox@Gj(5GPae^KGs4c0^03_5Y6eB#f9(4((I@KMJ?CPhLYaKItfh zgVKAL!`8;x7kcV0&83XQWbg)pEOp!_&77!LPcEPZ8C=Ch?ie^+mzI_UTh4y=wGqa+ z4z^jG<(qjG7BKyQBJ-eBjc+IB+fJS2ASa%bVT=n&i1`%s4>~Zz{qfAmU!Q5IDQr3D z&mXs*G#-(7m|9!a+oFyEstKaTUYO-`t=Kki9nB$Zwf6o zSJBtv=A_@U7mv;SQ=hD6N=@fhuaqtK`?D}Hk&~0Zmdb&nD^Cq4h|{DUJtg0AFvGye zh%U186$sf54p4qUli_o%h~WI#ytm`MY*cOIE0Q_0<#(}FYql8U?D`dJjGsMaU$<`A z0lGsgUQ>pSwKgil@>=+viLem?9gB`n(k)4nky|A~0y)Gs5W-(=lX)x$fGzHBAPcEL zUtnZERDGdyTT+!o649DDL3aLH3zKYhTR$yF{|3|GqK7wj_uxaRu9>r2*dg+C;zZk5 zCh{Axb{rg(B?CkQuO~L)y+-VEw7=2ipCZkS9=Wx-Z}idM3reM{>m$X{wd~dG@u|L6McpmENgPB^F? z{%xTQG5UacTp%-L_qQ_&hpjTMI$e1cwKO!ER#Ov`A4yL!EV$s6&<<0~z)7#6p}|Cw zZ4E&J?9>Dxl#{rdHEh*qaS)MkLVJ6g(o1E*sD=5MwzsdZZ(sm^m@>`5=0DbPXS^4Z zGpi0@xlNG6K)kGOFduZ_;pUc5{kI`{C0sov=5Mo=>OSi=xc%js%%vUvyvD1$-d!4m zoPW0}cDvjD@Xx&U%T+5_-gv8$YNYTgf5+Xw0~5&x|An zIN0J;h>*jPzLjIHfVBU;H?NxX9R;YnYJ98aJ?}cbk~KQ}dA{Q?*4N}@B`@&!a(3mF z!RwnQj5MGrPRYj*-}MmEEP148Y^-yfu!Wm(t(Y;hC6(L;eDj?B-`wn=kECccRJ9zB z4Gk`B88+Xv_d!R|g_c!S$_aGwX!W)h%u@2JOR&Z?HQ&G;PPdbzBgq_9gi4Wma&q#)r}FQ~9=exI zh#^bT#M%9SLkHQFHvn_3?p0z^&>cPExou!%WjE8bWe?}6Y3B_RJk-E|pD#(#16R*v z7)BPV_*qX_W*MXxs!OaH5n`Bq9|4b`4W%O?mzp3)7kB(RSIDKWauxyWz<%#Ll^}BX zQc|ELLl@5(CXbei?BpI7zDuO^aoCDH?55=V)w4Ydd*lq!-ihpyy$KE%SE(%QFalL}Q8|I{=-DEP;9^9iNza&1bc1I_e^MO9Ws>y}$V1OC80f^f9Rt7UbZ z%t6a)T_8UqZtRRH`I&puA%u1h><#`@?mT&>RPg-fgAu7(r}-FqY^4GoBJ9)4m|;y; z&6ls9r2DlP5rv4+t7vG1y5U2RQq`1SRmF49+}fr_Z1>2QFktX1&TJh&)T?=&T^MqM znrvBmn%gn1`IGRZXSxy@9_F6DEuWsEVl-Q?u&}UH4%dSR(nKMS0{_5#M@Z{6V*D?& zv)8Dj|N3e`t6I0ruv~hxLt#euV`2MaHF55#(>;!th7a3}+;MNSX;;3Gb#QQiEeHZf zw%)E;jA!PU4DKUKCP^In$M(~=eyF@lP4xzs^vssqN--uXO3v`w$%R?PtptHw8L2TM5v!m{lS^msqcCkiNgTvc`FrEt^ER9~d)Ghu-F7LVf>J zVWEJL>9b<(qsfzYf%6zclbm6g$L`({I(ynwY2q^U%jF4acgN6OnTV0r%F>@NC6TXp zL^is(7@CB+c^-qTRo1Roliq@zE#Cacza}ss70_iy-wkJwtz?6(5)lE2zze?AieE7c zJEHp6JS_`Guk;jue~&rTE$dxr&lUrHAk0vsR=im%GKnkT2c4N=?R_OK-UhzQiJ_q( z$SxRN$5VGv?zdZX^l)?}LbyDkL1^2R+*ti5aO6TMdKIc$#+TZ!S>ifXX}+?u;@2Yj zpM;QFz){S+VYzYkttY=j)8e0hg!3~DX%acZW8>pprd;N_8WrYR8yZj58i4&o*Q>lF zK5xD`YKfC{H>I9GUluoOHu>>AUa1O{&3VWgipg+vXHmKRvs^GewqFa~&e+s%U%0p*ln^IglwB z?XB!cu%zg}T|U3KP&FH};+5Z-4Yj!|?WeA%$6E4M$>6i!n%lFMD+x1r0Yj?78#9UF z>DD3cEj!*OEQ*z=D~0yQqAL0So~ofX=S1Dsie#@=I+Ilu%t#o{Zzc}7p9wp?97z1s zyiaV}A$XkmQ$v$aQ?uRi=rvJFKD>CWEG#6VZAl{MDis@a&2CFX+C@cIlXE0Tx+(rk zXA8gU=YH*ZFvwCCWm;!o{(aExWMw195!7$d(erE)5hgT(pr>lN7xAbJ6K25&)d0uK!FXmj2feu?DqkJNaL~0~Q z9M}6Cki%BVMo2)gq>vvK6;(eW68KPh1TQ-nQ)mhLQHERMiwyVf-J^}66FglyQ=@E{ z7U_JY{Ic5X2ixi)hNy-nMLw|oJ2*wPT+{AiNy7ZDC11)#hslwxVB}M&6y#^Q`~Ba< zx?bRDVSbxMZtRc)+&3@kP``gV#S@K30RjQ}!6>N;1-+w2D<0v(=d&JkVSVpn`rG`a zH-Y*lRHlQK+NxvTGW39RGk3bAFML!5+7Vm=S;fUaUREb2CB+=Fg1=Wbc8EO7HdG!F zuWFxwlV;Qz) zY8`;ZJRK*Z#ISyU4xOI!34p=3(Fx9)suqCqqAdxy@ ztV9;OX+g6Or61YaJS-8XPrEyHWn&q*@ZjYp4{LLBO!F;g!gpvAeOF_m8CYVPzOv{l zz800oKKO8YsNtj=-g!`e#`WY##}xnEkhsfrFulqXzA0ugFYN1EejnM)0_>o{qQRY< zi-%#!%!3GEx#!Rx@Bi1n91Wq9h|>CkyI*f#^j@`too9(-7a2~ZW*}cdfWe{gry5VN zu0Iiu^SjaTuSNyiC`qk4{&?U6^o&|q>=d$Q+R)#8k3*hqB;315ELDr7k_|Tqpd(3D zhK*!S+SXNll1^hzD=2~O2;?Ke4slWf6iV^ywUzA!3BpTDStYfAB|lukm0{Mkh|}EKsH0||L-mtUgfKDm}TQ0C}Sd)e`kK^E1-}QnQo{w zK96XpaQ{-%*h%NP8b<1nahb6a=OCIdt3?&v_4n`JzFg3*eH~~ z;lca(>|4DAA&e%&ymr;P6`CVMtH_Sg$`_uY--yK4pNJ(6mnCF1FwddgBtQahi$Z|T zcRL9U+VD~)np1?`;YKq_d#9^_v(SZXaNuc1*|Fxx(&kcKtu2Yxm{7Z;-9y-hdWON=)b8$+_^XC#R z3?-^^aBjBJK#^6j{dvvST2Nddia<3gBNhqyQ2)ojFWdB&g=_iJHjYPdp5y-RcgPLb zx)+!4OCx{h=uL zB7}!fY1t>3rGK5jl3I)sl!~KJf7cfff*H$vPcOw!r5k~0sJDw{I66KinA;xSsRCFo zG&Gcd*0IB;Iinl?cL;h6I7-4C2-l%p^O8RP!9zj5;J zOzvJo8twO73d#&WpBh=Z{WG5|mBPZp@AkC^LUbbk=wISN8>yWsCp(FW5GR7n?cSAX zP&smYY3npQ+8;9&aEi!|`w*Ik{br4fb;!u{ae$YWLcI9FO{m7^IB&e}6NLr+!Hkx= zhaJS$``a7I#Gto(+}~W)L;2`_6cVG=(rD6wS)7fE2*ZCZl5#*MlTq_RYpKVf_?q9f zXG+<^U4U9Zee1{z$}xaG^w{Cgo@+FiQ10N)Gs*6lu{=s+`}ohfL&_qliQ!&fnLQU#7H zT0bQ#g!;Ri!qvBva^or)=6g2BF0)hygYwp$hGI%Z(GmH{{=BJ~?-+V^PH=;ac_||! zBXtrbS%cLSaS`w^yO+fm1G5V&NiW$a?#7OC-lbulR`cJSJPHQ74<8AtVTbhMFovPX zjPV3=qDtl5G-?cPqaR*`H#JajO8%IL68mwKhs9Txt>(zF z!6Co20jQ^g}XMjm>M^?|FNy!=Fp zZ~s@Ha1}=dq=aH8IdMK2mdzJ2@P?d_P_J#J|CWilo;%*pMjiz9)iAHrdK-CqKCaQa zmGwMk?NvPs3k#I_-by{GcN9d`i{!s&HQjL z^En(U@dCHEuitKD4Bt|ON1SlObMrnt zV)>LWEV7WwZp#2+lUdk{N3005| z{jXDpw>mchKbFDd^;4FTpMof@J11H#I&&z7h)L&P>U(!fKYW2UK8Q0XJNqdSdig|& zLO9(GOg`K5=R0VkJG4z^tVzn-_TBm$qm}RJ3>M<2QSg$E9b*BLytu^cFjl8Rj(v6Y z^;4?{*1Rc>0&Ed?dn=hR@s8>G`ci_uKWGwNpFbmnxhS>&Ha0rs-XL}P@86q%y}-g5 zXzgLEf5U{DzqK@)Dh{T{GO+($r2JO>I;W(n?(EFdoCUDZ+vO;!<-iz&Ncq~1klmkder1uWL^ZYJRWf?5U0SE zv-kAN-B*-x8QRUf_B9T=Pmlc+nZs<5KDY{TU&{jj=Aes$s5$BS-eqbZ64Jc>MaML# zR}vNggE0T^;E*Q~Ct{F|HGfB-9SgPDSgMQthZq9mY>Mj3> zUnUlCi8ucn=0lt!@A9c@YTgJ62t6Hb%^KO*c-gX$nUlF7$cd7)x~4o9l4VV~Ndk{3 z&s6Q@IzwoqEF;b0Gt0HO`+LV%LIEpZuLSoe(+v?sN|mdvBV%EKVgcqlVJ6@cdX}Za zNuFz+vg%o_YnO2qESrBi?Arq4Is~e9?K!37mlPNOYrZCqmMT9xzX-cB50?; zzJM^kxw*MYHY&U@@9p|kh*!{W_VE;;Ze9$dijp#u${^s$#K(N5_bUm$4f@@WI}%1(^(Iuzg+YH8MQrHnQGr) zeeBZzcU|!6eEkh^6u~ZXl0Y#ocXwsD#YK+i)g(eqKzDkY)R5M$|0l$lvp926A~FPX zjQdMD*uPAprdBL#s>fm!5KRlkQho8dGa`Y z0LyRw^2o*wJ4nS~E=CDEwZF?LZDFVU)2A-3H4}dW+bidpWWn4>RyzOdq|>F@^i!SK zTx#E>Y-hZ~ZCu$q5!u>_l4dA_2N0xI^*1#>WHstL)r6sU8Ca*ze13d(u&}U@l9F0$ zy@W5?!GEr(sAy)kJl0t*Ga?r)^;}<{IP7Ht`Fz3U`{w9P$ zmP8T=Rmkd`2B50RFs2*G2;@dePOkr*S{?1L$K|>)=DIoV>h2zyt*yQ<=(S`mi%BEB zK>B18h5p{XXR!=#m*ItZY=5t}k}nlpL}u53x5UuJNadiRp}`!ChgbM>12B6l-j@Rg zJ{y$j(OKdcXqRQ-Cn8CyEvI-HVa;gogtg9)KQ%g4=Gyij1V~5VU5?1+oVw^CQ(#C% zksT!mdBbOJDyXHI|HBa3aa4@yRR=?y2EHohG>M!KF4_4qsP*G#GjZcRYc~C_>=GKM z>}j7Yji7dh!E9Gt%py({Ul*#bA`0jqppxano2VZ^k96rLsyg$2 zA4$p13^VtbaYENyYgQXUR!{wHjsHme6rrBVbT}&niX!o#P&h(O~s6(^Cb z)=eK<$cAp(IOA(k)ip6&(Qmh}pg=T#%)?VvUd};Hz|Y4A&?)KVWl9QawMeM6x zPDEdTLfV<}_3(q;fu&pUOC&ZwcH}NGbC%poCiD+|ik!3^rMSn-^!Uepp&_#D?TV(N z^E+Lv*v42Cy4U*(0u_PaVftar`Jvw;B75xR(dTFkar)5;4juM^x%!|?6lG!$sfV2O zUB5O^N#ib82(vUx@G;R4F7EDtP5EfGjMW7>?0x<}G7=Sf^abx#veIsMihWRj6=Vvc zB2pKuz#X`$mv?41mm~i=JNs_c)Zc?M$T)nK^$v)s>9Bn3i0uEyuvQ|B%t44LMnHDo zAD%g$uuX#BbN|jhtpe+eNBqI5@)~~rIeT|ba`nv!^_0deZzU=~m3Q z?hYfGXW~5%iLhm2B}PHFLXo&ix#@Qk+6)5j)EH>gy27B{cp-uvxT`ahTu|t{jw*K} zq8Q(_*Qb{8@3;pCYVnNrt)`2+M-eHr4-pM#e^M{b&*wc?X|i%M21FOXuUjwB;Lw$y2s!o^H^du8$!zC#65o%~e1e1c zJw$h}DH=u?^~9mS$|%PEtG;n!7n`qgX12BoGa5{BS2H?7l6r}kkPxg9_Wnyn_)JDh zLLMe1OpF~eV^Jg&K0wc>?`zK;90W&CYCpq&Ek+mB@{3*Hv*N>FIn=&nd++cuR?W-x zY6q70{vD0xbtER6>Wr@*z#zT9{|d=desG)%{KChY$-8xy@Ordq%gq}i7&NtSp||ap zvc?`syj=Dft@x)8X$hF;f;{-d&$ZUa(58l;5&rXOt4Y!kC;I0nN-z|OlrwFQFYf`p ztg5>Bs(#z>ah3UX7~ye-BcBA8M+KciTnm-Z?hZ^@2*+Qv{IxS%LW6Wkht}x}#B5s| zUQVz+;KH@A&}B>1v#;-5Jpd~5U*6&2s4~>}uHc*F$G?X*iFYr*z4W)3|CW@dR6sBA zxmDfT+8WrQpD#5&1w-F_ap`}#X#@zIrsg=nws+sRzLkyr#)+pm+Gb2-j_gW?o)Kc6`go0d z7t~|KZ1eBBUe`^5(x+0$lXI7mzC#b$WxR)~hTgu$Io0|CZGm4mbwp=%%hCD|W~r*< z{IL>p(3Fo2b*>_?_9X~^hI8XSJruQK#_Qw_m$Oei zA?D`^a+kb{&eYupLQhB!rSG@36RNrIcPW33^QnUSTXgtb#cC=mxk+xAw*z7NdKfn{ z(ruKtzp@6V@MZt%ncbYRONr1lt(sL+WzZvbmXg(Sr}i^4GHRCmw6E1G(~Ob@3YITb zF*aA?_jAN+ONG&Oiu4RFR2Mo=_S=zAbE2hyM{ZvPRZ6~f!}{qL&}44i0BkRrqC_v% z2oSp`>D%X<<`j|TKoW z5jc4JH%fW`j}Rfkhx&Lz2!W`w90WQOK4KXFM6BsZt$Ki0btaLXl+9E-LxYX}IY?CV znVgL#Oh#H-1)3#fY}zWCnl;v=_x}x(;$cE7;?J=$pkP2_qmu~P zAi8BB`|Np9S-tYm;+V#=<`Dx*?9ga46+%~U{zv*3?VeCW0sf1kZdMF&0L6@T##dfd zu(4tX&1_{jpd^|bO*Q`t)6qi#aavRohrDYhf0^iFHb1IxoE6@G%*y|8M-`da z5K1&i+HK$sbmWU42qPQa6i%x-Mh*OfsY>#{(W?thtGEx*kr487Cu%Y3l>jpzqSb>! zR9H|gogJ;|!biji$QQ*?>jOd%d`e1&PHg(_V~pAiPS+(hgC@@Pa7|T}gzTX%?_Q{R zW~vv;FPq_oHLtj^>S&Mz@`!&Y)~azB7;V`ZhHqCyKqNU9=NydN$ojLa4QT_9XM1s@(l8IX9=!+?PK zVvx#+Da})QN#U8!h5$lLe)#}sE)Y^6$nnCc(ghQCMBF}rN5_1a9u?uyt!g2Lv4j_1 zuO_qY%Wl^rswb-DyDZwB%LB_(8TKC=>zHu|c{(PAakXduP|tX_YyVu0Ip^Dp4!bJ# zPq;!%A)WEOl=%Nsz%K4Hx)xFnn@jDY-K3Iw>eTSNBx4W52eAuvz+twItGXXR_mcJW z%M=X{&mB-kaohJ~Gvy33^>Rz9N-Gw`Cg(gZ-Zp-h%~UX2Z$I~h`bF)O?T4=j=C~D| zL_o3v#Q^dUOdlwq&8#-C*-R;=8+ARqKYCAkjN!!M$R` z^Us-H*fU?Y>v!DsYK*P;5?!B?W;HZW8ikU$V{hOC#|PWx0~tPo+@`{!pR#twu0neV z6V663&wbH-D5(ludVPI82>EGaN`7vX&|HUlZ!Ws8D(R+ur>;Md4PXFbgz>1h=qGHq zvY#*Q_-3@qr!hZcBcM)oJ4H+aLlD8s{prs>5MYa(2hpREJw<;vyYl&AVYnZdK_0%@ z92S(W8r#{ry~S`k+D${EFzG}%XsB<5N~n&#tk%XoY8;HZuj-e?jnt>@4F;&<)}YqC z(dbY4c*|^etFzeOptzD$KQ{-2-ob5^IK51}CX zU7?tJf0YV|55jNiB-+^6NUE|iGcO9*gZyJFvqc|#BWh}>2%$lsh^oJQ0iBL!Nn}LC zU$?Ivi%bt6{*Ph29huz!C$02*JPuaEl1%V0!KcNE_cFP)wfr0$k79J6h; zjUt}Mq6HbJ;8wVj@ma&jQaCv5nF9`mDV$BG5_;+M&V{(P?{O5cPg3Bbi>GtOL1?>9k6#~@%@&wnL09yhuEF2;+fs1 z5$LBz!_-cE$id+bvM_$YLhqiisE|~@=!pdo06Nu}?kbD^6e#bpN5eNyH$C=C4-`X?8h7grLX4Nv&c-HE zDhGBXi6k&^e~)L+gX#Vu{O3Wto@7{Nx0A+y_;L+vA;YYSs}Bba9Tw4Z3kmWX1s;(l z!!6gpKm_QLEV()Uu+74+B{RElWJE2Vno|n(Adyk_22!FzG=~>Nf9fN`h}p4o;xPT? z4Om&2UQ}qSvye7xn6ExeA#@ohs%BYxbw-dPK7%YeC51Anw|b+qgtQ{dF6Je4_s8z@Cvo0_e6}7n*+K1R zS3&g9U4%Zpvnl$#k_}Yzc%GODm>>?$K3A#~E4_15K@g#vfNUX%o)d5R;0z36WuJv^ zc5oJzQzaxMfc&9^(BvC$2WNKOTx`dP%XE zxt_J}oVeFcFy=f-u(x=bWV#shGq|6`TyZORbX|g!f#gR2hsV-7q%^!tnZvb#1TY6O zN9cZadnkp}!=CvxLj;2=37jZU{ikVE`U*=*Y;0{M%!ABzpixh?OwlTEV|$b(PKqUi zTB!U`)*{W#q%&$0!-Una!OXx}ox<}+F<_9wj61*LaS9p}jCikgh(f-w?ZKMi$^InQ zPVDr4k`LNQ&;a}oj7C~YJ{&6`*R9>RBHCJhI<6^oC4EL6KgMcX`(p;*{icQ&d%SI5 z!((gvH4_FJWTe&g<;e41GZT=lPaq1pVVY$nrqu z3(8`p&F0z8u&agActRg^1gv9W|MMzV5y9pAIXSQKArfR!5E?{B`C;N6EPwZ}^dO`1 zO`kKV{VFFf5BGu%u6D4<5(*!x&=aYY{KV@Bd3vW*IdmNT|BK#NUKg^DO-z82$){e- zJScx13=43nJ@ z>NH&xV1Mr_HzLz(q0;+KJ>8KLFVgEH?MYAN-%t6Et!)I)^Is77y?)X?wJK`H#BUf* zeHq<^M(lV7%wdj$z#pP$c=Gz_-*I{1bJ|1DaX8XW-CE!pDL#I&QzOwqn$PQFogP5e z=8SDvDrypSQp;#m8V;ksoF$sG>Wu`TcTAC**pS{JpvpjkYE|mZ#rHpnTY)F#{f$O@ zcWldVW^=S-RF3MDk<2DNl%+r48isRiT-670qs3y=2ynI6jPug^Exk#Vb6n0q~ zlIrgIX+yJy+IC&8QzaG4P&;Fwrw3B9m++p zz!WEP{71IH1_-rOj!u;Ye%O;=F5c8Pr0+dK7_YEKeQ*m*m~bcETss}qX)n}dTK?yiZklU%9E zZSo1=bN+{dpb+;U+cw=4$cp+^ZI*;&u7s!c7k7w>(oP>7Ok+^gK2`{#|MkVI4+nuL{h+K$a{Ch$0`gl>6&xo|xYK2cMR!&2 zy5NaMVjL*;wp=p01wE?((84o~;9%4lH!1Y2g@AydrnZ(tuO)|A3>(woD z+ZZc?w1^I!1MMe0s|TQ&gckVZ0wzLw=iO(KolA}a9vR(~av*a(!c<2EI3JAJxHoPD zwf%~+$xQL?CUH=(&(6-svyCgXfk0f%^tVR>f$43=+MkWZ z0rC2@B0#W$|F^8u6t07j2A^^G&Q+>rN#_~{_^8nCv2sxRuop15?hxSu|dV6CdC4Oe%L8ct{b4KNO z8MWSzumuX2)+OWKabDME42-9>3x+q%^?1~d?LAdh9Y)@3(zS4>5YtnLw(&c!V!)IVK48BpM9%Dq|81%z*nK#u9Ce(Csf*YNc2AA135q16Q2b9?=h*Y=v8H?r zQEq=m*FQww2yVBNfcv~f6~N5Pyq44j7CN^lP+M2lY`>qMX(HAPgclbgX)zJu6BmpF zs5}v)5j&fQeKzGyH89g;4u+!)^D4527O=3g%FD^YU6POAf=CZmmRR!ravj_ z!W5F+7vUFN3)jX_pLGVC_HonF^b`H4&g`Y+Wmgg$RX8T3$x3>5#~&Wx<;lX1+t){w_>!tt5<{Cur{g&! zB<)Ua;zWG5lL*9GEObz046;wC8&=9Qm9936y#k83GHP|piaKAbs8eFk-%EJe8Io~5lb28qfO_w-+L`Kow(zmz#- zecNOe?TIAcn~=x;rzuTBMe4nCI+FaV4%hYQaO9mnc5Jf8LMZ# zTDFLQw1);OLBHI-s*0bDED~GCjK(rX3ehS<_dK`?fB|&M?IwFb>SYd2%+5lNl#~=^ zK4mH70>TOcWej`4ggj%l!e@xdY+T@N%zC#r>znLCBz^i-+RmeeJnX%BeRcIChXM4w zxMA^UP?Wvc;8g(S0|MNQU+C-R>{IfgMV4^ZvN%6OK`=zsCMHU8Edwq0*N*M>^OBz! z7#Nx*q>l*Mu5!iz4#QE-{qlw6Q*=>61J2@(jtXW`pHwqqBY7sKlpJecWwA( zf*I6~3`RO*Ur*iV(eBzm(!5FVpJdt$*Haj&)Od~^MBiJ#?ZV4u*` z1g_;yXB(%>ePV)dVDjehSiTy-LF|qe+-m4E=QZf&Q~-B&r)klhzMeG`#5;x}NDxgl zPsxYgH<3*zsP+~Dq+#95$txa?lg@p)`w0WRmA2Ko;Hm>BMX~~b(V%~WA~k)aj#}OU z19U%WXAnIJEMGV3Ljvtso1H~jYeD}-<)?S2qhgY8bp>b?I6CLuCEm_*-IXTjW)?=6 z<1l^Ie?*=-mwzSNfhfYt@9lfS`?73ZX4VmTm%Fg)Vk_BSr^YJrLBTNLqr0Z!` zRa3hgds#PG^E0IXbH=b^fF%>UuXWYI+mYswa8UQuYA4EWW;l;Tao+i(!vU3DuS3db z$09#9rGYh!c>8{B&L6rAimi3I0%7w-mU-mH2oWm$A6YDuvpx(s6v(!2HEzTCe#*Xg@vah837d-otTX4l!GVoe^-$_f+2V~G*BWt zf!0p^S)v7ZXy#1r{>?l_kFgwV+|DF^BcVL12W)jX0S%xG?99wlbxzAbAO0L34(!1f zU|j%^^~LQ)Pg;bdu|YC6A!1lOn47wM*vhZ&$>^r9HLz1O7tLnXx;*4kJ$hXc+8+4= zB!1VIC(lVpqj#U6@f^MmR+E;&!w44dlW*n4NV5-};H;+FO0R(7U0+X4t-X@%&oh{A z!%Y14tLj0%7vFH;p`0*L5*YX624Zr{O)|N4-m7W8xVU((KN1w4fh59cN-X%W{eLEb zoIjhB59i7aJuxp`<|$TFx7+HU%tE3^Lks7_;|X3(h6SSru0J&d#s&@sa~R^@t-$Ri zp-;2K=y!qdAtfWLVvAhBh{(>EO7rh1Evw7Sx*wL6P_EsS@W>~AI+-x9oXNd@F`&*z zLpY5s-NnIkIcLF=tgnf_)8h@&1I14BU5^W73@y1Dvfx~QQToo&ufDdC%TCtY(iWC^ z#_eVD&VW_s<a0!3`Jn`24+66_DP3w~eg>ph{10*p$xY#hQt zV?y4ae^f7T7u`_r>nn_5A3bd0j_W!ty5jb!Q6YMl;xJIPV3TkSCfW1Li-dQWJo+ z3brR;#hAh3#GZ6`C1JE*?5=tG=kR$Imk0LN*m|?c#UQ{Y==6OJUYPHwE`@{rr zGH7m?A$}csRZG)FD*AFCNu1vE7yfk_sx;VFw-Gp=SQ|3ng@DoVNjf`aw5ckyY^=ar zy~-CjiPq3Odb{-+Ta2eAidaqI!h0IWb2MzAc!u<&<+1bZXKu1Fao}r^?JoT)7E>PQ zz|y=jJ;rf*`u%H<=U{n)Me4Orig#@jPYr~zSS3A<`QKRf@pzefO~nsJ znhvwMNLCb`#EwPIuqg0Fg~oy&Li=R1FSj|Ih@BEncMW?H0t8P1g_L!on>$R@Ws3m< zw!K#}X{swDK@cOG8uH-0Q((B20Wg4C- z14Do4A~Ym(K5(h4c%y$)y?5y6ys6ECk1eT+8GHxgS>4@js;8aF*t%yXd>Yd^fSUTK zLP9F9TeI_oQ60!ByT!)8^1tc2Lb|(Kz(U)xE25e>At~AXV_tdWM_l)8;15 zeXI+``_FA`N|+*mor9}RLH7cjcxxzMzFAUp{6MHz-y5by*LD|#=5N#}z^a|lbYpPRor>y_NO0Tnwk@T>kao{6+U8*Gxzoh<)}7 z8-;-A*GJWyY^l5tYSa0eb~ViA)mv6y?MusOPK0as=E|`$y=^8gGUm1{ZQLE~c6{pu zYiG7=Y-*d@tEa$@sDrfhE&^C&clVQtS?060KRlYf;_2=1l+7 zfR2l_1Ca+<3ZEt}T$^6K0{edN3O6~P+7NHU4HYLa5&&AA&Gd(a{NB>K`vhyEg;p7J zYk*acZXnn2NXgX522#2{VmPrP$_=8KBFzP{AtkqNxD*G=ldk-21SMUAr7_C(J7qh>kN{@%H_ux;+T%^I-bPUi-D;4V zw^qPvEQGYu^$=wlPf|4>41~<(IpZ-6j?!$BnmO4+eV$kQ_=y0=mw|ux%m;aeEK>x; zJc{AB+Se|>x{CL$aE%@Icydi4-(?YFIl~9v2iHTadTPv{pG|M3eIg5PGd3|+d^%=?MW2>us4p<3R-lq7QR*ZaLhI*m9ff|)Bdvh zMo=qfAM4CGirCNKEy7a4*X8gYw6(!8vEl}#IsgRY$GC5o!@|S6yTO2|0TK(g+i+

p%eMuxu=oqS|qAb#{XZcV$y^Fi)Z$36Ox^_70Oc2>Kv|e_)irh@x zb@P_re-S%}Mm$H@^JeJ#%8$^DHM0*{H@5*devX4A)Y~7SSiH|#O>&XFs}NV@O?Ngp zV^!^0YqTGrEO%}EWg*YQYCXkupA>7^pnoq|V}F1B1<&70=>~;*H0hDVV^MMTNF|jf zaziWSlhKkJ3ijBcPYuhHBz_?MhY6+~zKmEI0;~QV(#=IJPo0xZ7~D0yUiH$8PNhZ^ zWFGjmD2;6%@knY~lIKHcplJp0nz%PIKgd}Nyz+4z*(?4#wcz)ctMs}-pWW8&3ozM0 zI*pItkGT73Jc$GqM<^6bf>XAq7>WB_i=J@RE=p(4$1uEr`rZ}*VFPdFPuMoAPEXj^ znmN&3G69FTriApXwQ(xcY+rPkEmrL`sN?SC41oqsHM5mZn#mOcj|ew5H&Kj7IS5?- zX)vX_>pm8XL8XP^Kq5!ATG!zD^Jk-nkaS5N1}&(XO9*VBdRcC;wOTo~YGVht1#pqG zk~Iw+6c~~4+O<*~v7SkRD4<~UF()U;mf3EDBJtqQ%Ia!ub#-Wm2{my{H;UN(H~^uc zp;sk=82$)iX8~&JZU7SMi{nQ!h~pJQ{m5vyRR*qBN~0{#RB5fe99=>cT;0U3jSn3h zq90DA$1Mc#(;;%RMT5+mxxJ^{`Mu+6jT*87|Kr>@!pEjzEeeuJh&vR{BqZu6WvoA? z^tqIxJwH;E!z5H=>oq9&kk}RQ^)!6R8uO4)syw4JEa?;RXUfy(WqodV^J@w+$Jl&S zA}unS?izfNQgp(Ss{eCDYDMhlrTj@^;fy3j6pxeWGhRO&peGNTa->VRJ4qkP^7ZFN zFi#~q3-RgB1L0olV2WXA54EP0jci-@8%Sn^6tA4OZ3pAUXzhRhyziiku6;`W{aT)((t zs#DX@Fb&@!eUF4{_n8WBmb{J*Az~%-LU6aG?9(SGUbiDL2-TiHUv?A#4G07Ur1r<~ zhn-{PAe_N>v>>e<2EOAyeCVNoKnKh82&3@Q{3EGw%ACXbA6dFS$pQ+G2b$OX4K?*Hy-YiqOOEgrUtms?p|v)UIot(e^1{jARp z4i~_*)|ka>Z-D3N;r>76b{)~Kw#Pq|796n@NAamJ@xuB~v;CK)1LITqgfs(K-sf&J zl&BQ4e>8hGJ^4@V=6wUS*3PNox6^Eh&$$h6kqc~+FNPFV>@tT)2oGANxL>$$5tQo1 z`I}Rr6zurA{Q53)ZOp4km{W%+5$KPN{W7gS9&S5lQG?LU8m z`QI{%v}h+bua5i-kjnXgOr3W)*KgSVKSl^4o2<$vgtA9uWo6H7*?VNqki9Ys*`ktB z_DTrZGLrGJ_sm|uOW)^tj-S6A9S7lkzwi6Huj@QtXN&zPyvWP{Mu$?Vk9OL$m=@$8 zz`0iF!Qk>b1Bt}Tk81g{t!>rDT0zX>^W{3e2L4yRCiTD&?+?Fp*-5Q*PC`KBsg5)V zkV}^TArtEff$z_GNH@E?y5P^>y)f%JWyTF^VD~y`R_`pzj^htbw%*|$`R*jp)G_CI z=!EnBN!tWd1Azuok|y?+&;xka z9udG~m>6?%oTt=(+m@_67K1j1+Mfu4i-C4PXF?u2SFKT^dF5b7XO4h!od_MJ0SBne zZ}=RbtL!2vDQRk&+u?7@d$Wi0r-O)iO3xfnBY^9Wdp%RaD;a!B!&_K3Cm;eJGm0p% z0^Q8$8hn5Z0Ca>IEiI4I3jo{DKGAfi$9>|>B}l-zh;?%ZsD#|v#l#FtM{}`*dSj<{ zwxql-@?pU)IPXZ-L%4F90yL};0nuNbc`OQ zTJ!zs%kFMhFWU2&PE#u{W)hpEwvevBm^D}|3#Noz1)ZP9T2@|oLVAc&v-LZ#o9djk zxC^N-B!G%`dqQ0Mt>IpOt;JHO5d7UL2rvfO}hxQJe?2U=Im;l}QRwQVY*7kKjYNm8Eq;z{` zUQSHBH)h)XaI5L`OMdEdKSEfb|l8f-;9=4 ztlj0LC{cUPme|Q0kz?iM>I$bEeD6Wt=y=`xJ)?KR$02y(yu0=7u8mtk&l|oveU6Q@ z%dNDfS_xmynVYOBkEfk8_oPMib^@U`NC`LBN$h-m#uji$FHndSUz!|jToJpe@O|%M znjU;%W~Y}$TIOpGHIe_b;rlEDDliK}c6hHaK>oT^^}0fbU|eIEs#A8kwOb(lTLrV$ z1_nnYMvTeFaysSA#=t@I!=S%Rp)cC->zOxO9Pr!g45BtZslF~vEM-n!P+G#`QDUmr zzmmz>f{Bnn=09^1*Bmp4dXCU{h!OkX$iTRnB-A0@(Ce;+<-c!s^K24;c zdUiARtZi<`h=3Z=&-?N1xjg^HJ@8wmDRHmlQs~GtZf3rsf|6lu^wk`HL{4p8UG6}U z>U(qqx#zX=EoBYAg3WB2g=MUW879BUXO=3wf2hkQzcDP1J3-yCkTvy+dx<%}+bd9Ws%F19e&{x)JZ)0; z4uejL7y6X17f-1*8!l`uU7T?;epIJFUmiksYOeA3m0midJ?B9nI95wbN?P$`fq*hc zmpd>vGP1bi0koIrbS_lDk^0;5>}X`!KC^09I4diQQ|+FD=xCxC@5M~GsoJw=Uw2c< zNhGrg+~vCZ{cfeKF0r2}-XT3II@bd}068wJx1UBM<9;+1!Yr!k7AZO?6F{G9`Qkj)>-J+Vz0N`L z0v+A-U;C+k@Hj)m9FF!6cIFFb;d{liI3&8;itXnM9Lu1@WQxX&M_2uLo_h~~*k(aI zYqBs_t8zcGB5n%>wJz}n_L~=qJCp@MlR4||LL`?zpY2V_U8p#XcUjTAgva!W9SG!s z;;Hd*MN7&QOE;vBzCRCAC_KCgOM=4pq^It@$Gi8yB%vOUaoOULc)t*WHF&mZftlV&b~ z?s08(HKuVlvi=<{xA^k0Y;AIie*+y~g&N^4^>Ug&H@)vLbljs;&EsjOdB+MpPR~qG zA$b@?OD7gy8Vk#*GwWW|ts`4?X647z{8sd9(k|{&duvdv{y3r+fWYe4E?rA#>;0Bo z*nm!6@W^Jc?7) zBr8Eo17=G{Dhpmp7}ms63l(qD{^#~OG&lAaX4XuwTD2&pq2cpeJbDAsB&}~ zX5)NE?AGeiLYs2_x)2vP6PyUc6Hk7}1Wv(KXS%lOjU4I%9~H~7*3+IKEA)0*Qc(2; z4PHZ-SvrU;mtLy0X;Mip5idK`u$?3uOyzvjNq~pOHyDWzODG^a&D%+A(npd z^j-u`(ydLl_quA1Ge2GpGprEapt|O{`yM^&#$m<-Uj2xhx6>BKT6o1o$hXp6PZtDF z3&YJ^B$1K2WVj<0E>e${5zW)9;qL4#Fsd0M!a zWKlXhd3n~J+4v-&i_`b?CF@-^k&{Hnk=VLJF#u2@d%f5>n3&My`7@N#3wDT^O#z22 z#|_+9Xv&ajF{DkE{jU}PyLdS1BCV!7Wo2`H!^dnBVM(cAl~)aT+D97 z*66$XW1c?8WWr+C^Qyg}E-xR+9P!Woha!&TE@t}O5=%TA#tC*lO3H0#`g|0&^}z=w zlK`U|xBUvgOre*`EE4}2)3X*ME-E~W=NZ~&zaKjNlr(&LPiHu8_62nOU9zpxdpkR? zW3~7QTFf?PqHs#7F!Rv6%zAW&+4UWtPdOf?c?ff0NnCs|WY^wlb=myr9~&u@5fy!K z4FRq?zY;rRqYns#-(Hu#zS7IN{7jXE`GAu&;`5B0G&yNn^emtH=%eOaxEL|svBr3` ze>q`Az-{BxYRkc5sj?gAmFR3W$mcs089Zn#s}w0{iLjjz4MC-G=f>-TTwVnWO(-yn zzoB;8Ij&&f5p!v3@+-adu-g(-sQUAF;k9jOB+nfMGp%(ae-rX11LiFq<}Cr5EMMWw z;pvC>eYmEQoGZKC4wM=Ghr5#&33b|T5$K3G?!y8V*#0iy@N8uA=aSiK;+`MVxkONb z)oaoO229&0!D!r-(@OSiFB@La)Vrv&if8fdqC6lBHGawnnoWLBVtIu4*UMOzy4Pe> zlapH45%ErL&1=7`FMDhsf*Zq$>XQgyHD@I*=C55OLt@wQh)#Wy?+p1O5a8A(;2m?$3)@PoG2&fx`?USBq0>8JaTEl_?uS>S1ot$2 z*Yu`AY5o!5FIu!Kls}p4M)`!X5p>TBJUgWi}YG&$f!aTL-x8!`-*Y6SOI}% z!1AD6Qpa;t@g(9;we69*<~Vp2{{SxHZ7RQ!(#62tuvi)ap97MYJee2>#~OX+Js*$R znT>8u#XpmN%ja#~){OSCZLfa^-SYPOgWLLJVHd8m*|AFz1pRuPTLA}e^4=9|me-TlA05}?z%`6TzN1;sOgD(mQbde5Rv=Cbg%i4c8$ zy0VwpzZLXvCqfp7J{B>=ft?6RluR+Bu$4gZ8q?qR8i(VTGn z+3eze#P0{fm7;9kB2pO#y!tP18oQcVFjuPO>SQG~82t928_183z881+A+F9zzU9FwWO=3jTJ>_ z9$i}bH@~_R2gIMb`2s*>LkS~Wk?*X4|1VKc4P5$jW;RO3~F!p zBzE9~li=-JDvf~`JT57PxJOHMF%-D+o{cY+QG2UV_+u(`KQcR`qoQ;K;$NP#T{3wd z9?VfQ)oi-G_?YRDi1IGaZ2U&j<%iL=`;m2xjd1H1+0#!MTG993dkWTy=3=u9TxIL3 z35{|Zg>M0s*ZY_SjL@&GDyZTx65smkB?3f(LSv=tqD(+62*B*fP@=BVX2*}GWls<-vdf^+SpyKh_X_9ub| z4Tv~e@6~rh08s#)(*YUiXDsXEoWmIy71?Ds2VNFPKiZDDL94`4itpNlT(iDssB2d> z0g}z`1w!=O1;@I*-%t_c`Asg%FUwP{g@0FgJ34*_y(geGs;l{FVnKKv+aakk46Etr z$m7wYN8nOXQHht%MS5l$lj~n_Vg(IY+S=K*>4%9sSX*iuj0m%z&#|6<_*TP$)^27E z78AIYK01|PCYH#0srwNl0Ho1T?_mWUjrW*wKj3qCz2rwRK~To-y<}(lP_JpI6X{j{ zGbp;#;&>zRm^4y~fbn{Bv;RlU68Hj^HbsZY=z;|TN5GzW-+Zvsu}oPz7kKyOHci4 zo?xohK=VY4jDGc)a=tzri%g~8VQM4A`6h>#iRyt7CG-j5P+OthgQ_Tjp6li?u4V14 z`0QCh;NnqBNG^4DfA0_N)9-Wd>|4k*Y1GFH1cRg>etkMMMB8mx$gDh->2r{TRAXx` zJSbjT*XWZI5K^HG_@9e3PrMg%b_ELG?5gei0PmV!pe+@ZjUq-E9sW2Pf&^TuQ!gPU zt2K>oI-G6RiHjrbg6{=|C`%@~^E=U-4+Y>q)YP%DF)XEq6ED$nL@u3oXT>!cG2tYqW;@4FIDTt^M&^Li>4_)2W9S;RY zqDIvtCCMb}@Tj5$rkeTM1k921G5e|)uC6fdq*&Eh=y^gDmxcw79w>GMHt{Xlo1;*^ z=r+J;Wt{=MzEEg=b(rS3a(F{O40^QWxQoqMu5FPe4ke%7>llC0wMr+IDuXyXj+DL; zsuW$*h36*}&ruXcOypV5g#2a zTvDj^S==u#(BwH$g>eVFp1t17`HbB0IB=he)}y3k)gH0>5(G`CUDmws*Q{iSbGB`W zi=Ms&q5<&Sv!7y(4#Jwv>SJ;X`X;KLT9aYh1KTgOKePCB(zowFvKI|>%#OpaggU7> z0FF1CJZ6*?$(seGq((XAu0?1v(gr?XO0C@<{YnqQ8ALekr!&T3cg1q`A#^e#;pxIIJGO}Q*iPc$&6@0%iy zEVq%5*=P1g(3(H!RDhL^&;AeeD?Vzj!I9kVL?xvno$CZ|2r$Q}(dRJpeqbZ|S6rdh zol_L@yGr|Dd#blCSLCw1-^?V{ZDpU;R{AA%7^v)Ed=8eo?giGQD@A!_r7MJ8gI6er zpPPGobF;%iZ*ORRvcg5lQy8VwXU37g|8~n>J%DVT#k!O%B`L6aoern(Z5Zquofd2n zBYA1Oma}2s^dUqbF3rg?92zTeo=_&>sp#rpt zE%Z)BDG6=>2n7-E!exs@I>M_RP%Nv*LyD9PGi~kVi<1|NA{M5&{cE3*jW}Gq3a+t0*BrQ`*N@NoF0l}I4~auIS%!bKk978(RNocJ zywJMj+AYZ%o?ul|(jvf_rWSTzD>@7jo>S3y6mcU6fjAn)k3@}^oqwVn2CWFJm#zxG zC9mUr=!~r6ya^Y^;(+le_n=66sW5R6o@OW&g8UI11Wm6=leQ-7v~AWz`2usNwZB+vn2Gz({{T}KcayWt>3c#1IhF)OnXA4BWPo#x@ZGz) zm6esSg_@RJdn7)c2jXJ696OW4&B^Si%j#Q+B{!zCnIj5Tu2psU|Ej!2hlY6V+8&{C z>vAWy6=(1Dvk0kb;meW|i_3M{0$#baJG5K4?zC{2Lq$Bc6K*~ZvwcX|9$ka}H9LSh zl!46C&l_EpF;@+D4t*ooj&@CzcX*>asnl3*K;|twsjw_?sK;#~BrVTMmm>u&K%b+- zM&-Raq;nwvF~&=|P<;Ttw*J2{$zm41|QB`M&>VUqes7Jf&w`B_TZe5c#`MKq36e-_PDy)d&< z{$k(>|IV|=eI&c#${P>GR@>h>jfh>cHW9Vx8k>1$#9sz%_jZK|lNU4X2S+(}WkMs} zVzBsL|2RX4M}{BCPU*$Jd2w9g^z*vZ%BNDTH`Bk5(=Mw_dy~~*CAv@B+#7i&w!ONA zX>i`U-S`59ZYf(w?JX&`2@(!nK6Ayv@nnQWItxnkd$q#BVU~ZyxN6GOF-bXVL4O@e zW@8-+7d#H%uS9aauNFP0Mt-f1qA&TB31iT`_>po?Pg6%HTz(i9-`W)9V zezJu}TP)}EqE<~rZ|RLdoQTt$w9iVJ89w6Z&TIt=0`w9fo@R#r)zI+p%UP6+Jl7;`c%j2;ZEXc^3xXJ1il6EtY%d>)L;{@Ne<6@WiD|=C z5FpeZnSA89u_6cLG*k}kev#a0t85s-$lR8**JRAxpQH^@KP3WYM=6{(#ft%X-V&;- zDw!9Ke_PZP2EGEvZ->8>Vra7WB#SP@$Kj$HpZwzx`Q*H77SG8nRV>IwCnjSp!N%d> z(7)Y)gADo`urmKp9`-oHGkHU&>|KYRyDv13`-D983tpSdkoSdTlW=`z%$^SvVD1*; z3cq!i&D-~6Qw||M1Wq=k##yOURjX>ZVI0KaWB-Km22PdF_uL^OxQC$}p-V-xc7FK! zey|insgHT?xyxG9xuKX&WB#*)-v@_YnF=&pDM`9gz0n0I0zzung&00Xeh=CB{iOm zp5Cou>Z2lv(y^QPx+B~KHbU3{t=zftRN)O_P9XJ2#V=d$}|3yR<8nM+xJxKnqp z=TtwnvZ|D=nDrDLw-5e=#S-@iVsEC4-+P^FiHtQm53C`s?wvLaZW|?$g?#sdcuG|! zCEc{V1kt}m1ri^@(aMAltWJGt2BU=FtiF(bF>(?rvkEhA9!m&tK^N|;)`e9TPpO9%G$9VK36$WCBgvLNs%>ysQ ztB5qVpu^1wYO`|h*TXAr)|M>QLLRt?uixqe3#|?3}=3U#7_@vnX2b%JIdpXPr zP08RBMh_26fem=+^hQY}VCNm-R&+Plwn9#%2CH3+M6mB{`h9al|!(Y@EV2fz_X81!mr z%*~yfZz)_%5la^~Aot=V#kQNOuW8!S!}pOx1Qhx$UJv2+KNVt3@9#`7!+6Q^!3dk} zbr;fz3uI7IDypU~x~vC~`| zoKkw5D$r5!KP|^j0^zsR<7UkKhP)CW8K=k*HW4o`<7k8 z7W1+nn_SmP5bu#(^nJ|i<iG2u$PVzs43 zyYHO#?zF&y9?Xs(*GUVkU(bY39+*0mYEiYK2+i>^Z58FU@0NQ-h6 zU}1g!jhKq#&AeJ%@!8p-ovRs>$Rn#}g!Rhc9n+0g$%*pvQ490Z!Xg~3)gxZWl(9^2 zSL%P90X^cER)a2P@?FV9c9*rYdk)XyJN0pl8c5XMIURqkWKa}#ru}@-CsVr%T|y`boCT}~DV*HN0P6C8c)x@<&@ML%uU;L$2W?o2CXspwEuWrKmZgUe%1u@e=2ZLO>`U;n@ zx;f=Fnz7j6yQca}ftL@-aY0{lx!X`-_wYe_+1we~-MLk{tv=K_{OQKSY5Ow4wJPSwLc*<8W0`V z@yUszpC#nIF$KZ)6;IWbnVO;LYnVl|}yf zk!i_-=-#zAb46*E3ikKP-Dqpl&;Vb!nM-E6dhwpQ;(2r&4Y6`%kz`XZ2Nqu zEGPb{qma7->+k3+j9=lo$J?V)<$4W{Huyd*A~S0O2!@e~N7&qec&I&Hf#E;)ClUmTZ@ zWE6T1KZa7ut8Pnf{7!@~EHts%I%1G)Wkj8ZVYfe%+}OmybRYh-oD}_Ds2E)RzS= zcsRya-|1=9c+94jT_C}Em0ke3tI(r`iceZP^eS7%VlAuM&p-l$8?h`@le;xm;ao#y zn)PCRY$t8P`IBKbdO$7{nb>(&bl*N|PPR)B*7XR9kImGAV z?V2-Q)M8BybvC*aB%>RwJ9yX5SAM+Baj9Xj83;EF)msdI1!Y4q~` zCx{{ws>rg+xaoOV6*iZZF>Wz4IE3%Zv|U)9U_2q3xRXDi)W7D~^G~@?F8srZ>R*5N z+v8AL)*q9bVrqQr*NPhEY8lVs-KRwI+y*-9S_Vur2687`~lAr@%z&r47j zuF34I)m(c$V2O+0l-*_EHT&9t(q*?w0%iH8+ z>G}a@i>cA)s21qmRTKFo?FQPotpEy}?+7*~PcHz`Gccw=u%yQt5?ClKLDi9c6nG;N zl*~loFQ4Q;p(iA#Y~hOfcfUpu;DzZVPad^7EEew}jOe*^Gvc*}%CD4~9A}@i=zYKVvCLt(DOtft zjW2hekswFwLQP?#yfgv%1g@Amm&Ag{UqcZ!zCS+s zh3d$gdoQN=@=Kl_BnaD01hu?VeZRi7X|6+x z@bdP)yf|$lk8a=Mdyp;GY{Uf^h0pA#!xav0uJ;rLey5)vUNG3Xe{!6!o)pEkIJd zfQ6ocszLCN3JfaFuxNAvZG*c1)dE=Kk}rd*4R{$3O{}f0zpZ_flnd`41iam&3eUao z-7W44gNYBF5XgujZRN0y}}zk@3};)8bbvo8fR&GGTi>d;_-&~4dmgxAHDeS1s%x0B2s$~&>Efp^G_ z*8~x)+2u^(ic>=AN+0D0$Psj$EZl-=xYi1C(fJPV%>29wL+I+ev!tz3`H^NW?Rl?E zvgj%e=e}aR{5M6oeGT|yRQLJI2C$Kdw`;-(Ytd&=PowGiN^0s|K^EYROr8;8#{ z-!dslT7QpC1W841ZZ4E22h;-jY9#%<4NJckEqR})KzJ!phm&JLzB24R*+gyJZS*OO zLmy6yHV(Cox7OCwn2F)5IPTqx{^4~ed}vKd)eHmSA#~O+W>;RF^@GKJ8*-!8*KKR` zIU;hFT6MqZQpa{c2mwn(S6|=gitBEDMGLNEy#Cx-z~vvlzKAHtP-}8p#8s|$Cq-yk zRei((YO=Wsr`*U}##)2VVrFy%2n3W%Sg4Jia%F8sZ_&Qa+u7RM+StHP0%RceZr}uW z4iSVuHshv1YzvDmMl#c(F*Y+}bCW|FAP9on?^&vW94sPUTm;RRocU??SpXwV=Nss? zS*Cvlsqvd0Gr@DETQ9O=6j5k#SE@oCHOdxb4V919(HuP7E?*?~p7ajd@Jhyrr!r!% z;Il!AaspXo-GJ_xWD|)TdX+*w_QIM7J^~ z@aHRoQcf0T`!zw=-Xj!N!8@r6j4^Y%y1JljP%2zYJr%HVHR$-$*He0o(YME|xF@`| zcl`Q^`HL4-%n`8qQz|Rif%I0!@)WwLKw%rV?TDcUIfh_HFFgNfX~-RMuR}4iwOv2j znZs>ORVaWO>Z4wj=*e>KZ%?;G1G1!Sid9brFxmqk$jFF}G;)BK8ao6eX=z?02zEAC z^Agp>LGB`4^U&S3rm2+p_-rsSHyj!~A^`XV)b_$OeO+CIQYwW*8X)LUS1)quKJhJN z`v?Lxi_5*8+s=uB78Pc$?1okWu*cea($}%QGpy<*0 zg(H8|9rO+-&=|$bLJF_16@x-3uGwT`Vk$Cf;|&0SJToD4d$}9dD(DPBn;t|5(^KNx zFz+rDcyoa2wbz?(7uwCMzgw}2RErI0nd?u=6YpWfS zG~7TgH9AOv4s>h*jF5si;}!S9EYHESzm|L`up~%i!zBbHKNze>!7NLLRZ$XJIC39+}g zxAI$lxQjbGvja!*^KY-&V9u5OliJ!8kWYhKfjYe)h10ON{DZq@ek+py&$tjTRdS4> z&d8MB-yb{Ke?loI^Ge^F*))^t;f38L$8Dc;s>Csx;!fTLO3IFs$=$o_hA(>}5r_rQ zLV$X%djahEL3B@v^VM0M<}F?6<e^xM@LW_j5<+N0&OG6EKnltDhr+NZmC0f(F4J%w)| zxPxgC>6dqT%G$-sFx9bLxL+G~{kkYD)%u+8yQsxLV2&`K7`L~jnY;Q=Dl(p2 z6UK*61%LbcO^YMNvyMMz7+RlX{cRQITgCT5o*a~ieF@X-PT~5M=<{8uN2vUfW;VyG zkV2~aI(-a5!ykM9$&4Vb))`tz)z5Epw`v3pOJ0}XaAY*(6VZOuPPo@00@hhUn0}E) z5Z|XOx%+!y0J(Rpz^JBZch7y|#g%vwAWoGwvI6MZP5{pXxXDyK*mNtue5sk-1kCNw zU;iH3INznhR)pgs^6>!b7wp&$NQ{7RUd>PX;SaHdV<3ditKpxV5aJ>*X*}NL=H4X? zXC}t>Kg=4FN<8`l#8USR>OFeWALK9tQ9cZGu{q3NA51p|Tyzaebu(>_ zjZQ;L4BRbHbAg+Naf1Rk6h^DD9Wv6=z#XQ;LOPNgwtVFq8RUhCB7vAITMR9&))kNb z#7Fc^4`ak^`o0@WA+yn00~&*sDA&mFFi1TfK6n7$Z1=$VUMZ;f!OOMc3jg?!mv^Q+ z(2w{n>)V~jCXabmNvS%(Hy4@1?4~R@3j&Wg0|Ny z`Yz6v#4gAC{J#309!%D~AR{I1%@8`2h;@;wWy*Jz8?^qi%ys^<@R9g)*Ecs6lTBQC z-M3|n!}UzSNx_zE-gK1G_`cm}>CXEG)%19^o7f%p4S}9L54V3LW-LvTEhRc%hx3@% zy6roLB3a-aRL`YE3WWH5;;&1p-$u(xMI*1|w9Gj!!L-IRv`0TVOWSwb(&GyfgnsDW`&!;*3Y z=*i|~g0bCwOl>A*GpQ#hC(1@%V;tcHR^Z437lgzO1T!mh(vwi*{#sy?LE1c|C456V z0E(U^6xfLV$M0&bn$d-YGpm!zUjHo;!t3Jh$Mp6 zg_!j9pwAY4H2JE>Gr{<qZ%kDsFGTdAil)f3%GRGbQ+f)mclMVtN$n`52oX z9P3J-VV)IU5aWfx2k`%@9gRV$2dU-ZL`(>y&IATHThT61T7%4qwpzP|E>e?{z_boD zUYMHcsjL6pZpHWC@}35X1DocD>Xm{w_SMMHgapDz1kTRRu==0m>wY$BnQe=Nabc)k z5VW}Wj^;p@gz;00-!sRh_sj+LE#{fju16*F(y%({ns338`iKB#-9TTV!o!qO8I!@9 z9)veLd*>U3w0!-_jT_8oNPwg*}MyTiWK`&eSwu25m)lmCwySBi)G7$p6Adq;wN2pTqGjyJ!K2ZRLh#ljvV1$UQ7N@ zWNP1$@gmQLIsPHZ$0N%Dvftf}to;fG{X{HrP8bK14!(=~Oq(mUPJZ*s)3JwHLu)L= z*DPo&-CJ@{Dc;q66lN0HZX`7xrn}s? zER$2epJ>q3h6XjHy#Q#v1$28_S}9lQM_=>vLkd=)69-RJjw9pL(pMW&!yda7 zrZQ9BEofkWD;z=*x3O6R!QY=67cx$RCEH_lf{QZRp?(L0gYGFaF=h1gmBD;4 zTP^K{5XsM#4eVGxrNZAhJw2Ie78?C{79PbhS38}_W1$3GD8HW|sDKB5-orP&zV9W| zn)}GulA}a9v+vf{`ZoS?{}&*(D!t`*S|7V#qc8emQ(xVXIRbXk7k`{&glQlz%dg4b z)s(;)|R=I23aGVFj}>CQo{1 zI#^pvyl=MTg|ow>VQOSV6ZQevxJmON(FLe)F;>>rU7ejZd%Z$%{7~bCje@%S%Ree4 zE!#hz%((KG zuPFz3f6*@nj{SsbWHvBcA8vbI>VE+)^yO7Qj#%QrCw2+D!d2+OlIKN#w&c~*1TajgW){=Z!!%`SD^OEt z@$fXzr%Vy`Z$)lSioI<#6Qhjz2yF!YBHO8r=`Y^9lqU?T`bG6swMB3RJkSzIy%VLI zm>*}7!+=CChsWQ)?UZJbOJXE{tqYeh7nzD{*1}NObfevLD@_*JwfinC<(J!m75_Fc^Y@IYxsG&y_tEvi;WQkkrvEiM{jd%RCc8UpDXn?Z2ZXK zTpzFeI}?m^a)TZ53RA1_2QFbYa{w+W$&ca}hcC9+2GCQZUa1lpnVq}X4(Nrct2?zD zeO-5zt}@KF@65c6ayQq`3{)8##UtCXfukOXZ+^m=|Nk3dG{`-&z$OdVvQPRosvIfa!ZaTW(GXoU zSINuKjD*+W0C~y`C^EaM$;G{6eGal0vwhhpdeh-zS^Q@v3mc_BbxuCM%%SJ;Mw#AQ zf(#5P0`!#br1<#w#6-w4)929Qr!uHe?45O1(83>S6#by^aAcsp(@ZIxlsS(7cOsYk)a0` zto#hBEBZi!c-QqR=K5-E45tP|=weRp$ydH))v?{p zN#JFF?lfb)Cz3${+qksKf9@0j?!I|w_stZ<;g-Cs?scc9r&22F%)}6Z14%bjl$7aW z{#WtV{8TjLY690BWP`%GxUI5J^wJMaHA|A__)RQRAHe~LXvTGcS|XI<>uR)kYB&Ux zqahlPdmN@*hZGUwD#HbeZw}VSU4V=PjHFZGPc{t_3FD+255znH${sBdbkzP&cVsrY z*&KLx3140orGk{B(qWKy+|l7WLV+ntFl|=CT*J5phcm0TI#Kf@3-bu;o5Q30xbTWV z(k(>}gqa)4+grOn*1{)DQ~r@BwslM?e|~Y|6$)^+^B~028|4UF?)Wc$em;AU{l_z6 zu61|T{_LT9y>QQ?x4zp81&>AF4k3B(=0v%sGz>Hy^|aY&5;tn)dRdfu^&0F`ovrZZ ze!h+f=mcyS*62xm6Y>h-TYbkUD)4nd}C-JEK;<;@EsRj{bI*WLG!BW{C?*~Z4k$9J+JW=}j{_1?2ub&eF!#Jj7K`$(gux+(F~Lo^hzx-q8X1mEgeb zWlz6>SoQ2`4o|B)B4 zlItFxcV53)r28{m>Ms45V%@NkM{IE<)AXBmp)Aug0@dcAYf>sOk;@$*DE${N{RxY_ zq}%B&9oF(KS&T{Cr46Y)CorExOV2I#yaD%snQL=6v^4*k&5)|od3E$P>ZG@Yj$IQ# zMc1DM=;B`B+5%T2Il^xY9oWP3orzGc7sUF_-I@jxyWUq@r@BelXmMM?1q`a)>x0?` z_~@wNk8=Rl3)pbL*d=tD?ReDJ)xEije*oJGY(H=Z4Ux#N8qU{$MW+YQRw$$qbi~*n zpVf{08$QTtLHGttzoBakiU{N3lr0#=8 zC_1{~;$+RE^3NarP-FY1b9Yewx(Y&*RbSxAf-i%os74767Y)_g3RMUEy0IMq7IysA z#LGAA21ztSE8jU($J((GFn=0a!3_ahjycG!AiLAPN=hFRc1;_ zjmx-Ckv40Og}>5$YnmdypT$4c{rCiTJhczT6K2L%G$_FW5>BgHOk>N*q24%_x*8~p z7Wyo=`Qdx>M}xXQPAk*Ck=4a)H26M1{1hzrR|?$?9>lQ;Ql!&Yi}PE9*S7MA2p_$xLk$h{~lO>PM+JlNKZ1X_qLNa#ydz zzaV6RVitm*oh*kTzax zInr^Vv5Yi--|!Pj%#;_}Xd`C*>z z^`9HJxWzs=>%@q>F}x}-F!KPw{4KGw zaJ)sNL)-$Wc7CqQ~a(yzFz$Ze7Rqa6`KSs_IumBlY zMDcTjF?$wus(4A=tbn-&f2Ifxes?*f@IeR%=y_>k`5s)6Kw{H(FQ_w=$go4UdD599K;KkxZoyKxDO3iKazsFj z(O9*UDRe_%DMmyD{|;7Q#K8#eBujX+k`i$N$0xDW0Pizh-QuAY=Bq|4h&5m%G&7?I zb9qwNhYy!o4STURCBmndNpUYFu^h2bQ1jwce`DnH+6@dE^8O|*bAMtn>Q*6mFlM!6 z$}}M@i!3XBtVFG>wc`O*|x2(b`GDp*-s;Ig0yegEOZ<2Q^7pCJYrvN0@wwmH3hlF!P_ z4B$%6yUB(>%($;wmw$v$^aD8)#Kub0Sz#1Qjyv(y&U-GyKXd(@H&3zinf(0w>qptp zc$)e0)Td{M_z}xB0I{?lb#STnJ3eq8cG>jf7xFPag#A?`co^=ODanB_b(NLHdNv=4 z9|_Mh#aLm9?Ebrnc5@00B;zVp_@R>?{V!yp8C{!J9Q_ zCae!gU-*mI+1pbYRudpmrGHP@TFkr;$^CVGNsCqXv84ari01bwP4YbK<>uVl{>_-w zW<4I{t0#^QB0p(v)W*FErO&zjA)1^jVGk9}@ZJDl91`tSXefz{sJ7F*){(vYL>ODl zSuw|!kelaWwbBxf+Cq&Hf4>4wgX#!27({@kR4S@(S_dD7(z0nUil8VG%jqtMSO-8!8t!K@2#+>GbFVUV7)`)lPdpAz2Cax3b}{+d;yX<%&gcH57Y2dtdlk7oOF~6 zH_VdMS)bK=?4aQb6Bu9U=BqN$(*u#~;%gxf56`m!u?LO0dJSG*H0y3%JwvD`!L0-C z)#AY(zL@%i=j`*62IMg1p}C{KdU~ET0=Gy9Vv9!qvzT}+XitOY5yNjUjbER z8m;{iqDTrzBNmMUlF}lAbV@1RASIoL5=KHKq(e$TN=lFp5s?Pz?vn2QH{N^yvu4e5 zjj~2K?|HwypSf9j3l)#X2hJ?xX=rF-=kMdCu$ca%L&ydAU`D>Bg~~+s&IOFkhq7s za34=}Upd~G&ZQtad8tl))PEX4Hre@d^!hvBAupdikzyZZqnWDt8EVrnw^R9;QHH8L zWD^8vsf^d_hG6 zmV`(YQ2SaK3-_TRC{x+>{(~_6b5DD%>~`<=TCblFx(FiR`8UliEo`qU2oWGaA*cA{ zOlEKZsV_Rd;r*-+hq)?m!zsxXB3R&JkN^CF`D5QQ^{rc-U0rqSm8(Fpvp-6O27uQ* zvmT!C-UITdtE+2ZVBkFJ?p1eTKg$C%L%&5yaWNoo^htH^Lqn5tR0SP~gU~)E)YhRD z*2A%bHUP+IYMb9aIRi%;q~wCX3*6mR&Ko~%;0r=o+d6BvoQvMs!|1+;GBD<4@6xk+ zqN7HPu;bn&vb*DA8^B~5td&3URbP*_YwZ8D01yW_l@xW`>>JG$jKC%i_dPF!98 z*@)z*GAqpiaKp!*SH#Fx2YcIx#DMcqDQq@{vfEU6KiI$eh^R!-dNbmwQ@IzLpozNm zWzl@cd3d04&7Xzl5^>YT@&9M*j91}q zL#uCTX2+n=_IzAn_2HxQ!TkN7Wqo#Q9y(kIT#}kk|0ef$VTiVs&R=M4?;PQ=b=bIY z6xH2C;1HHw#m%oQL)S$832|HhfiiO4HJb5==&-#pZ8-?JBQ18ZGq&HaUP|Eo3o*Im z*jOiAG%9LKY#g>Q?`a$jC0Udm_x^0GxiEM!7^~YSR5wKWo#S{Ee0!l17zm$09bZG+;arKK{Qr#KQ}s=_b6p9lq| z&CJen7`o2?{-_~ziAbj^LOZQ0^9u+k1C%Ka?S^EQhL#pko+btuh%f}W>l9vSzB1I= zy^Wl9Z(mKlTQa$Cr-LtwFQ}6a-zzNKKy~N#ryYc|d`Qqx{JHTxX(XQE;$WMq?`dAS zMs!DO>k|x6y?_*v9W`idQ$TzXnuV23smS<#T#Y9Dc>_;wv zCttG!D?bjMioja2Mps$c*J^!ukFZ`JA@|sJDpzW&*{s<;M z!O!cI1&o=Y?2iAni{6&Kvi%}bw4!v1AE#WvVU4GfdAcg*{fE0)#ql3E-wy8``>RZ7 ztZrV33V7bO&z3lomQiqv7Js%^lX?2w?<`$RTIg=rrtkX~uN$R*Gs*azyzN#4cNe&&R`+W6M=WoJnW|0i z=!eys$vL9h6oB~XFj2`-)ygL|%!bA)ih$v7R#cP<%|=E9bc{zjlNa+BLt64RYDXw+ zY;4f*L1w5$nSogGrAsTi3#)!G_Awel8a(f2Z17p|&&e}t^6z#5zf-a^%ts(faLozw zCp=G_#_lw+E9a0n!~ZTenV;WvcZcfM>!0ZVO^w-vD4Us^w^rHxVH`^D59!`Iole#m z>Hl+csJKl-MI~J=7nXOB2wEwa&28tLzpd-;5Iw@|``9ze%)k(6JdAM_UvKI5vE1}B zC+<#RR{}S--FI`QhAInMqgDROBbKLqrJ!%;Cqm!@@l}JhiC3s2`wz1Da`XY)>AkP! zXHT_#W|7TelqM^qjWvJcM#qL3&WZW^tHi0U1ayLAQ_If-dARqu5 z)O-8-j@C$n-=dra*Vfh`s#y2%6C?Yl>L)?u*T~-f%AIA&vvQu(SrmUUHpR53YE(8O@A~YcuZUiYBz!dn znKWXlw^5f7t1s|4iYu7;yy$nC>`tSZdPjFGk>}FqnsX)$!d(8ZA0MlgvH1LSoWCP; zZnwbea&MzwMM(*Q1f(;2i@x$z#0W?qoBZ{y(hl_F-5+`dk37J_1du;T+7~^eZIBX1 zO|5D)Ce|E)`tN$QeG+&Y?ytU+7D|X~DC1itC&zfBx53Pn0X3 z!^G4SAR}s#L(iZz((!YBr!id(jw++sp8(%`;nR@yYO;crkh1!<&hFGT8ZuVS+uw5< zjR&)+ZT27`$(9e28J+L*WQ023kG`n3T|5nJW)D$h#6+O@jgJp5Pe_xGlBR1be)sNO z*Xio!4%G(kM1RQ5azo5v;lFYiMr3YbAz*DUP~>!asK~I&X{}PR22I@wnlFOVE=30h9Lp<*zb@y$yKVan zQ^7ejWYWLPvUEQ9WD?|DZ@pryok1_-peu8nPb**f09esen7Zyv|9Az#XMSOA1$VoGJS=t>rXN!_|!Kz`5A z?(b_v!{H?GuihfZS(5p%<=qgqL|Yc;ea2@>FfT$FbE8Lk5A;p9*a7RKW$hv(HBK|x zy>Sfr4?sKtrJFkhe+q=3&m~frnSzL*9*Oht%&SP_bfD;1j)g32ax|ymM(NF&I+<-< z25_mdvi@0ifHbZj?}#DY;XYAE%0A^YCN$_AqfVjgUihU4Ll>5;*SV>LewciD_qM~( z)_Do%(2dAx)%fw*|X4|5M(Z(gy{}hFMqiw#N52#zPMQXmj1^;N7S_S-))EBoIEF$_NC? z$Y18Ss#*)`2}Y(-Ye7);S)khituTWLoW-c1B{s>&hmRijaDA;4+-+;k&?H-3&Onvw z#FFoXOjqbh2;Fb?Hn>L3aYJkW?eT7MU|2AP(fl1O>De|)tw%A2nonP!EWW0L8qDJt=@ zYy`5*>8=91^B9yZyMNZie*X6WYN(eTNP{yA3OY9qSV*Gd@NCXLy=tPJm()6$q?+Ax z6Ozy=VPzqDM{*sguWL6GNUvdPQKcxz#(h1M5IohFl4=F4Q@_366inRYU3z6&&g)~t z$KRQ>lZ0y13$tk2h@q4U`p!lk!W){Y{LY7XDZzh0ic3y~q?x_l2ji+%y$k)Lz_ zG-dHsgK{WY@`9Dd)?^Zn$!qvan?MnjNlD9W>jSr3_pZB_1S@}1L0(>nZgIT~x{CwQ zt}&G?ZqruXTwbRlsQmez&PZUv7I)xWVrQ_iY@=?DO@(h{Y`OpZVG^JZdb?*z@LNt* z+V_c$&dxJ3?!%1PW7hpE0B^+gJ>vsx14`XER zh657p@!u(te30#TQI=k|qff;eJsCY6mNLpFMpF06dmb$i)}~T03cS}f-s5W zv-7sY^4a3katX*>v=H8|aP`qI;<6U<)R%hh&lXt`n=L^0quRApo0XgtCt&ciheKc5 zsno?1$>a;?gQRow+3TS-|HWyYL>>Vp-)hvU@p(~nw zQxn``Wm=`f4YhDgpqFG1LrUPHhX6ra4qEpyr->f4)kaxa<#(7+!8k=hG3=t?q^!&( z5-_B}k;GVVQkr6{8I%UC1A~RSDapy}l*%sOdn9LkCWvcjPR{Om@iVCtMN;m|4kv3v zay2-S5wmy`O+e=%&iF5o0MHq+?C>p-KQ1=@R*H*G=CY`B*7tRC+9pL+)gN|=VyX3a zvC6bU(;I^@^VMEzXjDL*$XhWx=;n^hch~H6b=;8@IPP-V%L57)ay{4ff&WiTOoX)s z1i28m4Oyhc?pL-}(L_DR>EEtIe^$7NPfX0~w2Y)hCS^PYlA*D~6S{=T+dP}B5(!NFBP0D-swUIP65 zU^=+e2nmFYEU?C-Jyv^Tn;{-Jlm) zar5Y8t`?zJ^PS6NmbDLbui*(G`7oyLcqO;)u$fKxXf6_T9mogiOaR0Hkvs0D76ZQn zs6?Acc|T;EHpaB7rX{d(t@G^?wnog%-S=Y9x1@Q<7UM>)(bRKu>7pKGK*n3?@?~PO z(sEAGD-DZ;BRrS5(@^T=rD5yIR!n}W+H!*&wxbiV#vkz z6z@IO?Vrp(U%oI;%w08|;BeP090cGhD2+d$Q>f*7+8nt&T-E#R_KXijR<_0aC`M|!@n|jozNk2BsOdS}8u!@gAg6^G z6Zj@Tsgp{!@P?Wpvh}yz_i8?WigEf#sT|d`X5wc`%77_-{G$5BadiOTg4DkN1*j-1 zM?^-#K<4hj$j)Z6OHs^5XZh9g!)yicV(>#1#FXoUP8Q~m(y59XtkI~8lS$x8L4<36 zJ9(_9X)>_KpbLEuEpmnI^yXLH=gWJ4BZ^HtUu;JIsb$8#?>Ra!;yA2Sx*X`Jos2tDaK zi&BoHv$to<6Gn;zsv~)iyXy0TC5xT?tqFEf9}bJAdSdH$j=HHS6WNnRQ*B%>w3V<) zQ_(PGtb8vx?$_NU<4ard>G|l;+U-dE_aa~_b3aT)SJMHemHT=>oKsG|qOW7F|9IrX z`iIp;bEK;1p#8m-!_(R9Hnod!CFH$Spw=T5TbD=q`nSR<9ty>d)wAPDU5?J`Wa1_j zEA5H^~ao3LLGLAtFeZgYLa$*whe^L4T}uN`xd3-JSyV7_njvTI~-Mbjow%^Hp1h=^75gD#Mj@L1Dd5cNO^gBqS*h0gFX_`Sk z5iU>2S~n;{yg|xd z=z%8Jf=1J4UqKd>%5B1bq_C2rqW3Z-W6-9sl4)0RnFec@@X22)o9fg=m1bS8jjvIk z%^h(KX(&Aar0vQ7Qj7gF~j^i6Y7;dcIhog)4bb%4uKi4}XBm~0B z)<9konFb2D%j#v_N0Ab|&U=TACX|Lm+kZGeH0}EalN_G58y zmR+$>wKXdBJ`3;Ke?m^BgCL5y*wG{CDvFc=S9Z{~iBRg%qU*uO@ zo^xXcIr^UQ4~0G8Jg%D2Dt6~&IMs+8Y4ixbUO|jmeC{pqX!^o+#QXw^Z6CrC{54Wdi#~p*9vI*O6UmK$BA(lzeKevB}UZ{(03mWfBjJ7hH zwp=B8_haKA-6vHmf8VV}<5t6E=^?bTkvtnubQ=%dd4x63$vxn6;sP=oH1T5g94XNc6JQ^-5rFnXPzhiGMtTDm8i$CsAS!%`k`UiW(X&f)|OynY>TDHOU%Uo;hBPybop! z$bkS|lvX|vxf-9n&4(b@4!l8(oS%mLblsICLH7i|6HRr?=Vgj?-OZ^koI2;-`BdW4 zJ7uD&ivQxAIj&JcaUz1S3eA&UAI{EZgiAW6ZKG$ z&>w@wDiSN<=vS!O69MG(jZ~dhQiX@MgpKMqCOR4OCJ68J9j!c+d0wq9)-`nFZKnJ`f+O{V|L88;x`8*m_(&c&7~5xD5~G8uw2PI zos`244SvBSBhpXf`oww8zP4eqKkTO?!!t$7naU>h6wEOwl{{(IB^X}MYM!v0tY^4; z$4)gcTt68!s8%~M9edSW{y>F|t%hc+-7!Yv+ zX#5{I4}g6S{jZ6wCzd-@fSsn3oO+?)<>0{eu)Jm6y1WXUT}O^MK_*>`VcVPeR00^o zDPgQw-jyY*>CMRkj-;i}A^q)>x!ZW9BXtV}E*6aD<)aYi-Q#9<`mEFK6qovtRE@d& zQVyU67+&*b4K2jOzb!JuMCx4@!R!GZAX?fD^D~Iue6N-N6a7YHtHbV6PjfI?OL^<7 zxb!e9z{a7Cr2gpvs(LEftOMzgR2cV4-|13TTQUz+pLAPE z&#Ouc%&agmoo^JbE;@Qdd42^+_5`)d~}SWjLw$7XNNw0+jZ?|2itMt!Elf$6LP|IjbL?T9XYS|VtSGH|w= zwB0Z;lP5X~JL#Ki@?9K@5cx_921d#jM06Q;nWi+KZb}ltfrD;zO0XJ2RW`4C;ve&<_IE6R+x1YRx+7204e^Y@aH0zsFA zAzflIL~<>?_(x27rFyP!1`r^h?B^#hCR^I?BIGy)q8wNa;|9;U*Q@jMtz2CAI5?Ct zm8VJl8btd*S^x(P=EZ7HKkLuyq#KbNk|J1$=u_KgSN=tG0%HZEsko11s`+t!KCin; z2jU%xI!>w>jN9MrVlRfuD;!Mp0DY&8i4G@%`P_w&b;}C2!}#j7lOq}wiTne9puXFR4I4cIy+ff!I57b7_6t9>V_3M8^nh>y z=j`+Qz@q=_t_pwtqc~54b-&^yqxi>`-)<2G=r554R>q)EnW^%NIbM{I#gOw%tiG)+ zAp%ql0G^7BQPP<`Jw4>r@Jn_PJtHH3-H?rglR-8dm1g+{y>DO7`@&x!9|-$iDk(Lr zaxpT4z91FXTN4M&HnG9pZhp`!{CIup;HN}VmH0m+uD%jVvmUW`s(0~*r;n2{u-u-M^Yu`~d~05iOwT}xM3)GvV<9hV*J;>* z*}siQi9b<2JELEy-VcfuZc)68TuYmi>Z^6FS-FOQ=eT^d#(q&gunAOU2#Gw|#WK}B zkHX1Gm!*&EW8cnuX!Gq-M-&d~ORF|ypT1-#-?@rot>~dXJ`-niiPgBh7-E5*%xiXY=emC1U|`9=m4hL@$+idbe%L;Fv(=Rpd9ysLBGk8YG~L5X@7DIQmt|j~O4&`DsRsF4 z@IpDfK<9pFLblMfvfsoFjWN+(Fz^DKYHrEY-p-@5uJj7icRZ4C;wiTJnB)>TyZ-ei zLI*gbJUecB-?HyP!0?nsS>=~6LHe=4>uecd$bWvBKk&0l`2@MR z?#Hxkv3*ix%rK|KNa^eAtLplbvzSLdSyZ!3NNW14)=gf6pe<&}zq~Aj& zKz)61qWzGp#V)usxY0uk;l<@zk7V20bCh`Y4Dejh+uo0w^iO>0>A4PArKiGfxCU03 zAxkU4LK-y~h4$=s!}LM|$F67ON!o^ewNGy*-|vslpAY!nqqh~O)9A$yO5L);2wM^R=72}n@KS1A zQq|Xe^{ghY)13IaU{jBxsK|etN;fU zlew1gY4G!}DsV_8_trGf^Fq(@=4CR|hgEter&Q z61akV%Fk51FTHbw5(#hX{;2SuBayGlC?FY7e_7n?9k~qmLWLf+X*-B^4>8eekw!gs zRnUcj6_j%2eakrEmum>3TJwvMBq%K{O_J7=1Oe!oBA~~j42E=2nzONWt=)35TvS*e z+8v$JF(B8yHgWNjZ}8`FCjBU{X5hwcY!evL8+u;(}piL%$IRfaHo3gb2qWaW``sPT9;FK2D-4^ z7hHe77R|Z0*N2**+*=8TA2W)JGpvQ;wL5jex#dOA%dLIk`QInDq`N&P$}EqySI=rb_a`MDybw8(4IO2wC<& z^%6cX>uPTY$u;=-L4T+E#n%_T+L}WLXZM_=Vo)-T>Xyq+kx0QAHo_>xU}}tCy{6@7 z^DJ1Xjnt*-7ES{dx9>CZOQqGMYZw1z4k4uEsZ=p!-SU-o7Rq*m>x!%SBX+2melc zZg%r`)n`6JpC79mzj1LTDmw&UQ6sF+g)tF)9yyd#lg)dPgPinV4WB(%82QIs69R)} z-Y-W5b@qjx_wMpJ;mZ7ceqmF5ONN*)24~eK_?QnrAYO6_@68@bpyvZS3RFiE%vKr7 zOf7bx+}JqK-JJ_yS@XD@3yNp|9&ulcY&h3#rcq^?^%O6x9E-s68Q)<7xW~?4L9+ zx8kRTgXJkgB|BjXWTc^_`EG$&mX`bajU}Khfs71eW7v`r5Xsr+(}c5snXWxm#M+mLWl}rSgU)Gr~L|8yk z6_~azw%gd!vmxFfaF1GpLFpeeaG5>NZ8-osFo?A~IUYT{!HL_~-7TsV1w4Wdn(l4- zzrv`YA;rJdAJ|gvM!RL)t3+aw_uqC zV>IY_;InOkj>?aEyz_F_T4}%ft@bWMbJt20=pnnlBx|aDGtnH5ry6A4cykDhlWA5p zTNWkE|Az@5Bnt;QasAw6hei`XyIUajtC0(ygSTbhslJ^{W1uD>lVcA&|9Ib4oLiWT zAJ*ww4!W%@I=cwhg3gKQxbQE80qLG4KU&6b*~D=DnRmLI_F3=KpFg}7YLM{V+VHu? zbz!0@DR-l49lLgY+IG=c$)aSXkVK*X@Rg8(fd3(yq3< zKw;ZbD^#Kh)jFYBUW1#n2tiMZf`>D_KwJAvDdo??`KqoJfndFU3{6)n_Nn4cL03C+-ft!1 z%%hD_=?KZ1F|x9HcuA}&E^r}yhfU$CK1+11JOTP&*Ha;WsIHDS3~I^0{zXujNJ%e6RVcoc=-6o9<}Z5vN@_y#CjbE=V)uT4BZ>t=P~8g-i0)r$43>{ z;In-bmrq`Y_qq?8y*~L*GcJP!P$GGEp;|heLu@8JD;Jh^>x{~@a=(00)NkAlFaE;J zHb_ZhKVhHO(g%^Ozl@4$W1t5ZUysS;*%bHOMKgit_$@L@oy&w$6R^3!+-KQkJe%ot zc+QIG#Xj225EEfM|27x){5oZ$GKiM~YKQ^XA>V!weklxBxy!AoT+O=d8$o`TSk1)c z@LeRC<%K#eNYv9Szn5R+TAs%;+upzT$J88mGOcG`>nV2RiJVj=(M8rYZ5<0^wt{@} zZ_!ijxJZKN%M-NY_H+m!a_{+|*9hQAX&;&79C5g436aO2xIq@i^lB$Ds~uJ*m z{RwN(R4{Evj<;H9%eC^eIaswT|Cp2jFanRzzr-ukfwbSW@-4W*WL9&Y8215UWB91S zyc3IE1iB=6cmU-GZMk!EbAUYf$4;E5_ACyWJ%Jk%csqEEq5FJVo6Bk=(^J2j+o+ryg!-5;QRM*XXdpXWI|L-8pfaOz*&d`NK?EUF6#1=hBU3!`kVPu7AVp zxY}ek=*H$^@6DyaqOS(=p8=KzCg}kbn-S5(m6i!nEF|w@Bl^!jZO7EQONWw;sB!Qh zm960YR5W<%w$ccJ6dm~lF!&S;l(iNJU52FqV3?!)%7No!zz2UUWN7dB+2~P!&^>zN zy3-bns@2Fykzc=y2Rp8=BkA4$YB6Um78ayEM4D;23`^FIOn^!atD!Ea%^m@W{C-m<~_TMFisu_E$o(E{A#jGadv=11_)17R1}qU1=>MaNxxRU z6UgH%%0`SHE$_Kijla*qs%WRZS`G5bYtj)Q?V*oMo%;mt8UAtL*T$?5;sm@n^OQSA zT^AFd7J)*?i-6cTuBjy$TXRVv7kpY&(I zFGDV;EPY#RYtiT$70+vOVasN$P_>05f&(|fWT>bV)U75~jA`tG`if(P3tgD}HaFRk z=b6e-X&Bi$w!WEbzuDK)w&YX=i;_foc&ibNEXG(Fxh-Tf2jqFYdN(ju@Rq9fUOY6r zRzUJ3f9pri=#ev<^*ccz8G3K);=_F8!~Vkd%J1{1H75iI+g<-@tP)lm2Za=x51|fo zx%~*E8}huvf;Ia`D!-JK30JP(a53^oxRIHNdSF0jP-w)*-`lLa0kvgELP9DO_1hve zue^SAM|@9Ir%d}RuWwo?@_^~E0@)l^yu}%Jrk_*`2?zr1jG?Tu-hw ze#H3qywj!kQ<&)Fra|+DgC+LNEJ`=c~!(~oxQN?~5!E5XPwYcbqBJa95V?@v!p z-+B7NJ$30>$fKYBre5JN+e1DB)Y=<8>fwSc5*caf?)i6V*|2ORCWDA#+7_T&c?c&i zlYH^wrpW^h@EkT9{2Goh7wR4uh>nQx^}MV$HudrKkbx5#33LX_S4NsMU87wV15a4Z|-bXMSf z;`XvvYVhXPozv&QREJ7Hn9sAwpS!yb;m=h+BnYcJkbDl~=~Tl#;NuKUDMJ$lbwx<# z+oqunbcFHaZ!jo}-bOBoj;Hhx!?eN@4nHf9?y#{DT!~P4uvR^EiSxX0yw*|STeVpi zb~qYX7vO;$s{3#Cim^iyZf0nylf-nGy*)#S6;v$^BL9nkT=@{s`u(J{6qMt{au~GK zZwi&K=nlzf_;EY(ICyDN@7|6BgMO8$GmOj>8i zy5_Hn^iGGg32%%g-1~3KovzRLasEDegNBf(E*6(MPYT*^h(8#VM+yIRdcSHk%&$CP zo7wPB^?+M>|598&P2}?kW5&5u`)BwoAO9CLw((xoE1!A}s|0RMoj8@|-<19q+adOv z0O2VA)u)_vXl)vET654u-mS}6&D$xCr-eUN%UZ1Ui$H(AAoqItXEJ`*^cplb?P1HCGo0X6DTrs-~Yjki) zT`hqqpHc~D+EIfv24Xhn_uY_oV2fZ?2Q@=G>yCHd9b{tx7)@mt4I2X!T!y>-PwPrF zSb;iT>hb3oj3u=$(y0BuSzU;`&9_Ap%qg2y`Hxo|G~=pxSpqL5^>KwD9ruT$MsFx^WdTz#H#gTn!$mfPS(GiM2oNrq}GH z7-W0Su(CFemfr{_F|DKByb+Z4&3YUpWM^I|Y3bj+nKD}hD(2?P@P@%o0D-ac3MH(T zCBwd!!XR|~{kO&bt(tUB+W1Vmr>c|9e8eD!RB_E@rHZ7!| zJV9Hb1u*ZR#A=jhA~1;HF63xr0?kVq8cT~9x)FSS1cY-4s(w3|^Q?_-nfT%RxXw@( zb~#PNFq0i9@DI0fcT>~{*w21aNbzQ1PI^_V_dD3sS+ym3$n+@i?7Ph#D;L930PZtK zewyg4Dc^wV<gntvxjF71~s_rP4RG`7bzph(&2|0WV{>QrX>= ziq4DRFg^Js-fPa1E@>k}diCBfT% zez~&wtkBasgAVl%QufCCIxr0a1&JZ-aEbz>|2chsehBY>YtV}=-|3u9(5Z7%zlv&w z%db~??@mXrauRM64Ev!!Q=(_)%BvFTC_8A&MjlNN(!bu^&Jh15fBlw~EtkWbe*ht= zmT(i9<-uPt(NMQczb=-gZ%XuoyiEf?zyY?m-z1v0xLV})L!N^Y*5&{zkwvgvV(zhm zpYdKaFIAT!$qOAF9Zk*UgA<5J>J-L+d|(iPp(Fo_oz^eqF5%CO*vUc2 zRiMfYSHUwS);3a7(zI_rKP6$H0=$Gz(}pL(JpOXE?Y9uJof3s)Z6IeQ(sOchrupzM zMz$kipe?Sg)nWc*(Z7ENKJ;1=)kEU_kFa!`?t+rLpCsUfT4FmNO~Qj3^Qg zUypv?low%F%3aevUbmgFXhqWgotDL9v*jkign`S&ZFK<)h20-l)4K{z*8-hy;7@q! zseg6*z}Gmzg!>uP<>zus;PiKzMTtAKIDq@SrB+r#p-er0#g0I?Ho%Yi_P+F-X&-QF0Yq4@m^vrfF9L^g_eCp{U#f6>i12WRvJxh)g+=_4 zG##cs+y_p0+4k$%0HiS!jlv;ThBC6(0Fbo5Bw%i58Y?*i*ZoKb(zRcE*{ex!_6v%BJ>j*~kM&qkV)ZG={|CX3w{3iCgu3=^AbDJZv%`Z>Y7tcTJ zrhhg`1^r+`hlt0okI8Rz*h~)!`#2}(7-a3F&fl)!MQSl@ZOUwehLnanh0rHV5X1Rf z@*L{4ulI_>tf~2U4J>@kGzNd4K$@1@YJx1iAmk1}dJ5l*pptsrCf2`ZxWlO41eCEd z4iGC4(!IWJqDh*i#uNkj zm*F~f5!Kn=eM@}hP@M*;NVcV5aJa02#b@RF)z+5I2$}5MTwIXaIvW9foG;-fmD9AtW0BBX5$GMkc=~%^39q2jae=4&Xf8Lz`GbvG?Xfwt zVeIb;F)PC`tW4f}Rzj^9YM`gosHoQ^tkpB__4KlSiEcYl-j;Rodi+JWbJ0&(Sfr_8 zk*;t8SpcvL@G|=ipe<^@Bn6%g))Uon0y@v!G2c>&ga=scXn=LqARF}*<7UR zOq?%?_th8h@(0Jz-6W&Sq?fsSFdr9m)&q-_{>K3ALS65jUhbc^=+8NYJ=a$g4j*_F zqeoEoRoM-U=6t ztW=Ma*mO?cvvXIEItHS=Zu2WUlz8u9QygR%<5k~Lo~CGcr{EP-c&4rSKaSn4nHnK% z%_7^EMwxd&w&U-Ntxlpb1}VW-JP81_zDW6}FB1cU8U^juP;wEqoPOn?wD&2SbDhEz zrvsxK@`l6L6YqUCuguG1b@ACJ*$c>F!Q*29iZ>N1ejm8@KCD}Pys>P@C-t!QK;Z4w zFeoObCU0Vgk?fF7;t3+^>Usq81*8DU(p#FDxj@t?*e?D$oqQ6kDm|%w!FKUq0zLw= zmS+j~zQ20km&e-X*v@{PaNt}PcA^|r)gvY4K zC;?-1v#pr#equp>cD5)TloPvLHV#Sal5UCuMtWw7PY>m{#68y~EDZa|WU0B!#j zbRTG*40AK(O60f<&QYc~jrB>v`6-WhOJ{y5ENlUoXNvD356{5-n@ej3AIx+Vpw7)fwkscO3x34l(jZ#epqAJaOs0{4t=4O zMau;vbLj04=iw z9*VYj;+5(<8_#{$h}Jm__Vh}^zs(ta%VN7&QFj|}*{w)pggo#9c@Arv{1<(V{DJhR z7<+3Uy4hK z2K4LFETEX%uOYNKY?=aY5G9h#9y7Si&Ef~lxL|MGIDp%;bhk(=A0T@!n{)Y z9FpgO0wT{2mT4@ayG1D%YV@o;fRBPErRG2GTR$qV;>wb~6W1wpwzUNfXjWF%4hJsD zv($om_V%BlR4|jb6?@DDbS*;0FeEPkAqw3ip)krZUmdx)KA)<}RASOzq0)J9C#b&WH2|`2c^8tq4+^=t#Iz2fI!0Sv8JtcoW;@9WcU*=HwIp##%#p!(TjAwasU9o)bIy_9v_lr7NZLBZaqdH=$ZB zgV*yIGRU6wc9RI9Pv_z)QC=Io2C{C{$><~^n$;(?+YLDO)X`!JYB9+fNSC)_(@?|+ zPPD)WfIWG^AA`6y_qONrcB4cNju~{U%V^ z2RP!Cuc#cz-dbyJ2=aH3NjWb^NE2ieXOB%zg*E=+Q97RvkM^h&;!L(?={qkyX}2At zc=A_Iw9E5Bqt~f+YFmp7i0XarQG`o&UR7aJsjXtQ(p4I%{akw#xR$%s^5JKoKvVV= zG-t6ux)R}ZZr!MlfYeUa*8;#x&FjV+ByL`0S03&gkQ)WYKM&9El8`S_pcWt-7$_Tf zM5{1Pl6zbuEK&9M5&p6TgV0V#5k#5useot4=HZu+m{nI9&rG7j=NR#y?F53*vU#U) zg;(%^D*r3K0}ADF(?@drS6cl_<`8zTJC6yP*e`83kWe&NHMy_toLnUD=4|6=?`Ye} zX+mXIHqw#6Tf$0JbG|pbc|4X7Zi9E2c>2@esNiAcQa>Yy^3J`zCQ z%Oa3hCMNU}ltZt1pbieAu!AC`Ga*(XQ(1qz0n7})s6_Rpgh(wmv6}#4*n0=N$oZ>o zStge|g3pw`k(8-ZYmqJ8R4F?rH#DZ>`ONqwBV!KC!W|tQ@UBBR+B=41aK#_`7w{>LoWerX(R|F-2+Up4#;|CkP<7Am|L*LR;P`3u2u2A5$7bnqgM2j%#63g;fv~Cc zachw`bHAphKD8P_m?;w@qv(|@Eny{Vha=OraGCy*_q~FpllP^d;2V14@p5N187kCf zP220>P+=IbnsMttRFI_xPE^QAc`KGWZVgG|adB~XQWb}KU-PhhlorHskO6b#QnG(f zw^!XH6s(Amj?p~x6@RkCu8i5u^Q08xa|{3`Q|2=p&!3y2r7V4jcxpLlo_n!K>>-mJ zZ%fyPd(BI?iO-CjSUr|Qtam|QRxyNC@D;|B?mL;Ph~k9)8J}sVF$FFZ#EL~>HF7sX z@hYUw!)G+vZH4Ld-ob94LV0Pa$NAABWJJywV<8ob$?iIyd;Jhi2`z0><09Dph3Mg{ z*z#O&3&;|#$+|B*h@~GHb+M$6qOFa`HMt`8jg`{u{n)%fc|gD~Y@@TZ)27;01GU|F zEW;})^HM93S=@tB!$Qk9_K9s74yztD#cQ7MmDP&4$|C8X4^6D5O-n^Z% z*`#2A+CL#!#3>O^D+PxtoO9Q}m9cftN5fVbQPUPzgQ;NdXkzyeX1II?FxIdMQxwl% zlsK>3$&DXepco!s#(Q}qPcSgAU`HFME-2f`y)0XPCe#0I*PyM^y3*6#E@6CZB)?#_ zd2iI(p(J7Lb;1kvlKam5N(Hx$R{5a`CFcHXO@v%~BnYd6MRS1n?EC$}8c12^5@s!4O;)+LQsjJ&ZRUma~g~nfYqv?Fix~3Ut`X*M37| ztX(t*CvrQbLIo~-vJb`C0Du9zLUZ$@@Rkyv^OOG-4df0~ILtPi85~ZQe8(@z0Yg+< z+z>dDxhRz6<<*%<%O*V7d`Ivw(8xL(p2NrFEZkw~q<{5FhVx2MGLpV#b}9XBYb$h7 zSJ&3y7&}t`-Hxr5J~g)HGxqJr57N$g@lC2;6ELG;zlO9a;L*>`b@SbeQ2^xy=sCI; z(U5-i`j?5{v;Bv3C;}mDm6>WN~!WKuDq4+OB4Uv zp4uJBD4hIW!11AuQ&uy|D8j<>k|m19@OOCKFpc;v_hs*v;zr2*F#i3zu=av-F?%bx zY3B9o*9!{^KungjAtWrf7MGNbD=hde>Vo#ACkDeO&ANl{p7=&apyF&&V`heZ(e1x% z<6{+PZG{U+-JJo+J%#I5ZT*mY1}aQ1_9s;hPCQ9&d)<|0LLTM*8jf|mqkaE|ovCGT z+Z88EtAiid_I@ZgIryYbY$+Drd2x^=>%lUoQeNRilT0Fwbtfg5gfGw`K%aw2o;c|i zIxhnXioc!Y4w|Z99=Yy8_W8#(jHB(vus8moLWP?CfuF{=j^ z%iztCFwY8JRhmY5se0}tIZ>_%yKcgL3S8Y%fay#>0?poW_2C3)6~Lq7_{$5J&(Plf zx7R8ltk=V}Xkk@*k$S^R6$2lG0Tb@T+x~siEecvhnwymIi}wbXouPbgsQ)qW3>y8= z5CQ^OcJokwzdaQ>F2S-NOyMtV6&$8QMzuZw z0$@rJpju7DLhLqK-iQ5d{c}_W#aC(R4bbqs|K+sEN_sukf{m56yC9^HZg(^KzsWj< zfPt=VaI7YK8yq!(CQ6Kb-yTD1{Z;B$yFV}P(b$W;BjD?vlK;V7q!=`6vn?}Y!^Q_1 zZ?z$K9X&ie7?l&}Tq=Q_ocxlepTeGAkOJJgGmY4SLxXh=$$&Oujd9!OGEADJ3Z3O^ zsQR`3#)zHz2f3nlE^kTykC6uoL3qN>`9`%g`>fF^N0#_vJP_N?7g*F#_O0$$8IQhO zu(j*aKkn>b2B=8rM!vFQgkhFL_t2l2e>+wx)`IUgHBAnRjCFKCV@M6-FtQlBagR6e&$w-yoDYd5nqM@^ zHxx@K>(3;&sSOvVeb2v!tjhPB)lNU>furh2NXPadi|i+6}UD1YgYVP@%uiE-XH zDiV3elEI9d$ZE`th&J?_?sNP&s;RLTwy<=jD@I=Cys=Fn5w83|yV=5WnTd-=5E8Qi zdt{A!y=@slPc1els&(7I3JV$bF>sZu_Lfu!2^TvjXW7brl|((k{oR#y}UX4_gI5DOqeo#p47;^<+{iTV*r7l>rJ>cEJ@G7R2)o<>niQ$Qr_>GH(s~R zi?5!|Y;ra=H*1iB;@qnADIUff!@?Ftu&Exdj}Aevd?u7rCH{b{HfD(Pip!Og10)s( z1{pY|noL77j-s!{TD%fAu(4tJOLKOr3l%bTuxD#!&+J2Y?H!_h3Xa!9NSm2~EvD zyNjabR;D!gm|F^{1&6k|h^vYpMw){V{ZZy^c?}pSyBsp#3gdPA5<*UM=O4A2r38oT z?AXtV zT%@=p$WGw~VR^>UTlYR;l6KYIVym6FutKr25?;tl zICx~Tvn~4M2{q3Mv&h=V))fs6rF)r8yle`1VeReMn^crnC$f>1l$7GR*6b(l~ zbXe^lKifRDwk0GaJj$B8F4=t<_xZ~u9`aOWc_vCpl3P>%fo@idhiEP3bpkJj2m;aO zZ+!BR*6DBhs%*~zeOBc%G*c#Wf_%1w=*ACKAKKNvvv!dCa=U^E1I4e^ygtwm5CB26 zK5o`@Z&k8Op62V8w{)qLRAb4iCaM%T~hh0Y)0VI+CzIX@d|2o(R&R0*3E1kFjabbD@>=JN{*v2O_* z2L-KBAkX+d<#PompYUiiEh0pRb`Ti+z@RH133)m!=PjA0m?Z2EC!%Z%MYy?(va@B` z$-02(UQ;u%?A*(z+{dRt3gvHo1{Y$?49(Pw#%g-AV}7LjPg&+1(3wHmyzKl{o{yg& z=uNHW#l5{6q!0LQ$8?R1!WTo8X^x11t$ic}0`*~TUIk~&1tntvw6Aq6rn}0>_ z8O86h&~e%RSA{%OP`ExZkPqOGFp-UTpo1C~LcB44+)XdBNqBtIJU4{GTcTjf91-Dw zjmb{8MQy^)-ARPfnaLH4kByRAvGD-;v-K)l`@_$tEfS7j%v4}$S42mLZtRki&>jec zlXcZK+@gIca^C%&QSSOT&({4)%dYQUE((X!i)EP6@-vOj7mxR(6VqxGB@L(IO4s+K zylADq-&LgF#QR0E@MSYG?t;knHNnyQrRStcx-J;<_;$l9x&KxsYwtgs81FrH4WIvv zUeoqgKma}!vf(%nHPoxu8*`OniQz_bK>;=)FI%3;4Zr6z^xlCc_GIGP1rCk^3iz%y z6(e3MH>O^NnlxbmRY~ihomqd<@tG*1^!Kg&VMB-F7!Z$??d-G8zCXOrZwPYD31yHP z@4rg5^<*+FwRVl}r=E{G-L{!m97mV@KA9xdD7)b#p&-1QElTH5QaRDY$$Fww`{CWY z*7kPbAn_@mdWnV2!p%x9vN6%k?WjaM_k8H_{=MyLr2FETt*YJ9GJiEdjYnQQzto@j zSQII)R^K2yXLOOeRys}dUGOj^HR9Ewh8sKLF?E9lhcD ziY^Ht!&r-LMQwJnvcb#2brTiW9gZ}LR!W?% zKR^dvl+Ntg3KOn+cK=5<$~;4i!u+<|7GG#+D3A{mS*E{0s-qreeGFGs4ovXMzbEPO z`;KHrm!-trM5az83WB#`vH*t{Pl6g9bi6=n0A(6f;sOGP+2ZFcHA!$_LW=#;&HIu5 z#E&edFbh9@n&Lm^P}aaf-cF>V6p=`mty5LB-uPo2wh%?Ce<6f7{hmV-8%w_kOMDBx znc&Kh4%KDoc}8mPAb1$z(Bbw zTCTBs?W*2gQ*(PmhfLj~^fjV` zWHO3aGe)j~|Nfo8n%T)RNmKxOSJ1L%%dTovKIVDS1nbh_w}BNXPEu285|jd&f+PM+ zXF;r8shj6<_5`|m(vNBz}O+85a63 zBv>tUrku9(cJbZ64`p`PEHN=LS8jp{1@L9Axu$jLlz773EV^YD+AO*i&MX*0AR_&x zkB@+Lm#W2vkMccRT^J$zWZKRR8QdK^MoY&uyxg^+TvL_$cw3 zAHp`%uocLN>Q}L8-}rIN=*O702a}6RG$=wnfwMJAJy`X%m8GdpX)qE~WQ zZ#9?W`?x`6d!@b+NzrOVM#HV&Y=ICw`nue;CB9;y-ojf#tm(fvUq%D1YrWW@A-n)HS7bv&fw(K=`!B4jh?IP2n`gPd5f*i z<{RxA3zsC4LbfR?U$JZczW@6Ab{q0@q6(LQLWuciU3C zRgCu#zSG);pv~M*f!9^ygc&uRmE7GQw`;t1^pTH9G~wl(1qRjUaog}T3P%h43&>c) zo-TqQ($?O!7MFl}SCR2uZacmo4zrIyO`M3giPLE04%R@P1p7Oe5YQB(U;!>5Izo`q zBHg2-U`o!&%tS%VupiKH%Cpy*9y?Oe56(A~JxsVg)<(m&V_%>Y&O#J_ z(NUbIk<&PM{fh>OUF9S9+#Vb`)Q?~@XKZ=%B5L4f*VYb{R4c!Y7`rOU`8-w$*_(Jy zSs(Oc)qADp+Wu`nD9+naK?)DyE*4KB(m;N!yDvNfZmMRmUN3?LXZGqQ~;U;%}9X zm&ei9)?Voru~!#=^X$r9w0PI^%R1<-1bSa&IPH4pt+vD@PqKnmH#3tGZ^euLh{0cl z)A1T(xum80Eg?=$u3gC&j2x;uGzr}29nB;HDS{4~X?i#BdoC9JEI+`k3E_BO^3Czb zZn*y5(m6|{H901tpsoiC8^d(bV^a9JF(bm4oHA|RmzM9{)N0s$!IO8l?|WnOIPpdF z_(4m=Ag-|9*<-zHUrfB}1OyN!L+wm_PrgDP27ulNEJi?cSpMp>z8w-e)k}NNFoPV?6Y$@b|}OqkV-St$f};bL5LxE5bG*yl7?Mgczy} zt=xeXiUr#OFE(!LPoEVne5$J`%xJzRp^y-5J$|p`wqDTmZ#EwR1`Jn=E{I=e0y-=` zcUqYUs06`nE`0|D+#KX^Wy8g=;28n4`&D>k$gE&g>t`)iQJO9S-oDn)-#5f z`r;Q)o{YfoFZp+X(Gt}=0%cu`IUjB0c+WDFH#qDO!Q?myB z7gj*@;8Sj}=aCZh`X~kRi@!3%CK7#oH6;`SejzxUYj5%JhM)f4Yynd-JK32voB&a+ zS_TH|&cZ?)Lx=307;0~64-Z5tcv#4(^b@DzZ1|i&c?6@Tlhf1LnHjJ||2D=-3%3S) zcE4@SDqPxw!f$5QtD^w0g!&pr#BV|m&%lp;Ts1;VLTN|6E948qP*?bU;=|Hs0Y?ew zXpC0Wv9Ru&7XNBt)hmd}( zoZ`FWxf`8J)WoPn>{`@vp$;1k`e&Cau+X#JAK0Bh|#`>MSld=4MS=-_4lq#H$6 z_~D`z>kI5oJ-Kt4+!V1FEzs(1xa<;1>4awgYQYT_(sUvhs@9G0dBhvHf%L`=6Yrbj zmqk?JWKv%RAd}vI;U)JID~ARZySmOrE2jYNZ8a zaAi~C^sNpRLW+XXz`14pTWmP{Nn@}O?cCCg3{(NQgdxUdqfmXu2?)?Ag`)YTEm$<} zduC~p@{{EmRwn`&LOU%gN-EME7>iO;Xe|!IjkL71oMfRaA@$AIViaC2b*JBYJ%L%6 zii!|!F|{E3n$Fx4Bu}^_l^i(SxOjT&R zUGV4BX`CbK-LP{9uD0T7yoSHHivpjSmAvc1@RY8&{QLX+aOeDO4A$rw7ERK5dqI%# z6dIeHqF!0TBHu&X(RoP?GTKk5J5s3x%pB+FF^srY@&s;kSHy+vfGfi5Y`X=Ho}!{6 zkO^_b1?d_8{`E63MkwgMdPwcpz0O#lm2+KS+vB$ zp=y{*kMXk}4y@)aClv_^iK!6d-P60;mqkPATt=y}cMPHb z$+PQ$I&XT12Pw{TSyx$ zbp$hDzM;LYbNBzW0A1r8K5@R3wxuux0TOpmLqyu4oga4xD$SNkVsfQ)VOcL9q^)qN z8`Fbq>o|=U@L&#?t4RfM%rQKX(H9#%f9PV*YuDH6}U& zWCXx{LUVBV`|o9EP^<)+fT6Q(UO`#8X;Z||vd$I*I=ql_wL<+u(6?}aoK3IR2R3WK zDgh9TolGC(VfJY-ekKcLAjER3Hbnlkw?hfQ5f^Il1e{#E?aNOJ{xFvYnKoXQo4L=H z?jm&Miwy@pUAY@bYW*h4LjKLOdvu;I0>}fTP`37?)A^_)AA9kBrbmZ7y{%t$p~>;2Y|Sa+X=Uww))m*%G z4rSTMXFTFX*{OUa+HKn z`+96GWpvb6^oMxzL>KWhAbObGQ2!ncvF{PI7R;8Xv!UtoZlNUmm$a&(abRw7?}e@5 z@EBFiPR<(9{WrIKeD0XavyK*b|4dL;Junn_pTbSNiG^$Mm9*4`A!zhOQ>68Mdf|d5 zxvM$l^_Ehnzb@NvNX&k|B0TVq&?do+Zl?8eMDutKLZ%4{NqB%HrbOh@moPmal6wsa z)Z9;h&jPmO=?ihJ*naov^!ff+ZW;zQPi4akT)yAoTz_e=`>Gv2KkRkB*;Wia1-fA9 z|BU20PexPtbO?>tl5IvlkII5e2)U6LNUlSg-b7Jhy{5y0yji&1N63+a^6166K?9A- zP0yMhNl;;Z26E8Td@nAZRQ6_8LUjN15wLdA%Lg_18#xWf`Pnp(%G@9)&y@DR`G+J+ z^`#;;A7{$FP)(~Glsa=B6KCEHTC=E|feFH|zCBDIF0)I6xCXZez!j<0D>_PLqFFG+ zM>dYkCqsui8(O@Jc)WX#ikF*f?u{Wcm!@71M#0l3zw z$m+4jLg@?hfU;3)Tnq>V)@3J3dmAC)!~}@lkxp30Vq%7wJ)na$y?*T}#daT2JxMB% zeFNoG%#%u;XmgDH*Xk?N8XS4jid>Mm^LXRANQfRXRm&hWTQx&&DDA<6YwfC zF7n;la7Sh!xGgN;+Zz}|uu?lUn+BjGw39o8$eKg@FKa5kUxeec?I&miL0Dd$mLQ(mt7*)U%;I|q(CcB7i)ESuMKuvLz( zPe8<%j7)%bE;!?*_L(kpy~HsY#X(A;Wx)gCM;zo0TtITp$f#d;DJv~CX?Zicz91Nu zwG6Xos1hG^$b^!aJiqqn4c7!RQNrc<>{0BgTRp_sDF4GT()V_0ipw=&SQ5=KcR}OYePGD96YRf;P2| zvWgqa1P67iVtO?`$I0|bJyklqGvI%kg?m6n%1CR(J>MXj@5Cw_LwH0JP}C^NsYR_6 zy3Fqos_fr{(Ta~&WHvmo)cy9G`F;|%)BS2AG6t#;w^FyDmg=;dhTMSnz9<(T5jQ;P zWBGfxYL#djueIVewiG4hQN&To2G!4bj|#7^z1{aeZkYGASbyRpr#dErud zqny2N0ZhO5_yn$Y(r7fzV4)8Uacb8taK@M>#E+P7(RqG<_MSr?KHz7i_-sPBZgw{s zf)yGjjb0i*v1@z?^G^{tF-tHjf>IRD)a(|2SCY+|3AF*|^1UDi(lcnutkf8{Q#JlP z850HZ!9~8$Ex0M8fc+`@=9M3xur3e-fh1)+QQs+odBq@_jiU=6m!E;Ye-$vg`b~?V z1i~IhBqHfCaLk?+UCpHY`lB-BhnN=`nTdNa`dWH}r1=2{$R!eLe;M2MB#-kL~7E;2_yFMU~eNv?-?06hGbM2 z4?`#p5)W7JXckRKEe~bIvYX#4YzUh4%wzWYn8fWnN8b#*N-qkGrbMnGuWcf))}tEwm#Y)W_^ia*$I)Uy z#skZ3{=fZgLpRf}SwTT&Zz+Xjl6s=zLWfAP*R*0Yso2}3*`GXIOi%+u%4EmE>$}`5 z<8U($PomD&?IF6==_1 z8OSbfEc25#(XuKCMpF!+Av!~+XZWu6#y_6EkKgXfFMQ^zqM-0%T{WW7n zRqxfKh|kSsKXWwgKD7xvvGmGdKbCeE*!(`P4wNchaW>``nel^-k0V) zpD!EDuCqX=6eC2x{of*fFMaMUut#%(i{LBW&S0{<;q9@b5iSQd^!k5nn?)qIg+Ae2 zhH}<`wKn&FC1~UKdRR{014gnkz;6!Z>Oj}drwi`Z1p6*E{M~p62_?Rjw0!NKUx|}j zPO7xD-Pe%~f-=U7>1&Duz|0__r7e8$%o2`NawLPA1xV@sdr z4=+w{yMat!JGV*BWbghAC#8%!cwFI5!%5n}bz}#(U$PnQdX&3_YQ}YHrbzed{xrj; zo?Z1Tn2`?OAi5p^+q$#!-bCjHNY>9MFMS$`%~)TFv}s(4O9u;$!g0jId{7ZJ_TO?V zSP3ZW`Erq3Ia(AN&`$boEFsREcd<*0D>$^Dp~VW|00btqA*xRqu~3mMqrD`L7dpYM z?mjdB7Ez4XUoXIiW>#J{xfut(ii8(`qgkdqIEKv}wx)iABrG9U)l7jOP7at9G)!+D zd!b8GO_c4NoNinzpVB|5*1Q;7xc47Qzp1eiLOeLU?!t%-oZUc5p0=Wxq=N+5tJTYV z)d$5F@;N(_A`nHtQkg%_(TejBL`98DYe$C)vQ@XNd=leDskPSGY7Uro)_1tR18RK zFopSkFB#d)kQK%hH0WB6KVH2X<~W%4BYRYBHt|*V&U$NcR%^CU0h6Q0lv?CJ6(y}b ziJ@Q@c_Qb?n|cGaXVUJ6W*RP7Xt%*ZrYXL(J>{lh0Jc zTcbmbzDc;5Ajc``uZTm7NzEYywvIxh+Kc`iO@!;!iq>nnxpEv2TGi4#fuxSUECOoQ9a#B!u*)#3eR=ILg!7fmPxT7l6T-4hUiL>(^sNqKV#gITqr|(0 z@uWoy&^;BujH;3PLSR%rn=TF&dMoZrtsY!NP+6&NKHcRcS9u-Q{g`k zyjXk3f+SH`CuZ5ey>mAo7lC#WEELKQ6zEU^!Yu(jG5}<6xRxd~eqes^ zcFXC(&iRuM6;FtCq;xDKjp*`*cA<{|L9t=8@OT8)n3s*JC)c$@&i98+7!-gA+w15p zT=>(_7?^_^B-Kg99(@5?PryUTz8`RE0q`qrG{O45Zyx4><*UP1GgDK9?(SU>l}=mX zUZWX9laGXVY*)37@$=iKUi${TP^-@J1HK$CpZ-8rI!?)i~i|kF-aVM)BW9kx_>rkn0UxC01Q< zeXQwkI94q-X$X|1ai7x&e>kO4uWEGi=#Lr0`MJM(;tg$fxZCiZuwi`oOM*Ga~e&g9;4j-lU{2K$&z7&4TDczKpaZH1A7HL?-cYO1#Wg3{W zA0Csxkdk{H{UH9~yD>Coe)QtLH~m}{VYg-^(480-#989JXatlNrDxPXDHWGo&_Cbu zEILomJ-0fuI*}Dmv3`|I?-S2gwQEK1SlcpAQuIAdj?iCj@r*fkm0Hf;SJ>UqxfU0B zpg#s0g9rNhE`NzkmHswedu!Twho3o}lTfZPM2XN}H-aTZ`KZ~m%InC*cOi~5Gr3Tg zolzc!Ogy-6wj;f)v*BpE5w;rI<>r6eWUw?xk+%HDED;46d#IVoN$HTGlOPrJL^6An z(!|b{Di54XAciupolqH*n3$F=`RCh=uTnwyGP1IZ^YcPfVVc=0CJX*of{q=h@Fa2y zMrRjKRu?E97(K0?Jttsj4xsf|2&y#mIMwHfQ^|(E{BO(4PH)bd9Y<}iGp>?*1Q>-D zZ`7w18CUp>?8NDOPvl!0osq8}5_yi&TjPiVY$e;Hw0qwQ9#0ZN3hDl!Xo)Z28ccvCV=GO3t!OD&4I@WxHt@$K@HQ6 zzkszO6vms>@!t%Vpf8mrpe5CVVb5iCuGal+J zA@q|WqXb&;;4=cetCt-fKq>JeP82ubXfTr znr%)n)gU_e`(~v+OSjwK;m1O5tJ-~=vSXPC@d^x zR(lae2V!BphGYb>w8HFcOq}bNrA62vF13<3IFVSmTl@TcwaJB`dZV4_&gc zvC(ZojA`H!AL+F_D^>lLn4ockyQ)igH~jF6EPHfwGrClI$!R!Y*%(Dl^7(vJMi@tt z?%MA0_f>q&05W#nPeZHFzm$(85I^JUoCLWKRMB9SNmsK51FQZ|#)}KtV}nvw9;x+v zoqbFwb?Yu5mcQa2Pzr^CPZ_4$FkI$O%7>wAEwj27f&@G?;i3RU3t;cT(guzg=v8c( z9PiA7=Bx7Z;uMk+^0c4V3g6o&|8hpO?qo%Cw3CY_exZJTSN!G)f78CF&)`28iUAf_ zLqh{>2`-Apj(`_j5^R)Jt`mZmAJ@;{Kr`(H05PbcDe(eU3FANc^^jg+Z`6PUn6Hro zWG2{*{sXxV#}U%f5+Je!UhOLVLE$BA`6)nR68F3GcxkLNl2{)M|z^u87ovLKwTdDPh`sK(Ccn8abm(S^fV1@c(dDrF+V@<@5b2wM)euX!s4W4>ZrLic1U zpkoqZ5g}ec)}czn@FU^y$;qP@%DDHW4c}Y1vwOKcBUYv!4*35b#zIQ-tMdH(=X&z)SCRkceF!S0{U6En3z8(YHKO! z?Tv+zTivInt|(g?<9>xrK`)Z$|A(Skg=d!SS?55z|GR4HlEhVfiyJOhKP!7H`c%I5 z#c0P87CEX1dD*iHi_r=FF@3a}B>7q^`mloja<4r8C3RJTM)$}};Xj2r*=9AI_hwwb zBst>D+8MJ1^;bYcf~D{AR&Z%kkWU%vvl;+ILaG%hX?u!@>;B5XQSbf9!ae+cR0)Ip zz$`Rh&kpmF5$2GYbyoyv-;j0>${GMg8W|P#Ez@``r5pLYm~iZP|Fhp5aa;8l$*Axw zPV*wm9iF@AYHn#+F>aff<@q2r{HK}DQkVAHDHTCQ?Ro6OAvM@l2y2tpX}gy_jiaylBC-@i|`k21bE{~lGRTVf{_nhW{ zRHbZcI`f4x-LK9!?FZ>{h{bZ~0u$}arBTg+5__Lsxy0WBkqpg_dG%h$%)L$XivJ0S zXlOUbxIb29zv^5dQQWfmfBNP(8vz|1uYeogeJ|qW%CE`RFc$`?&(UpN6-$U%a5er^ zmAB@z$DiBlNCt4;$;yN=*xU%f33^PKp>@~N?yVW#qrbR+#OB9!crlSr?`aCH~ofI58w6ifYfTc{eO`<2)tA`h#}U;o#b)X&0FcvE*|4pKpi zb94k!7~H~%e?y%JeWI!B^st39Gq|&RW1B@^E#EMXNw;;oug>k$F@dLt=iD;`|4+G` zo)=>@F;C@lFeboI!#fh=VQ3>q^+-}s^#w0dm!4-cLvcrtOAuR&N=iD%G}Ec&Y0-U$ zhO@O_{v5TV7pP(vJgZfUn-UMxDh);!wVPX)gOzn3I?Ks?{v~CzLDw3<;i1oQikc(1 z^kSM4AL}Ka4&8JI9(x;@DAIpPN*E^>fvM)N?}sT4W_$S&;$+t}w@V5g{;LikQD!*Q z+CT?v0E=31Si1YUhF z8FT7_Eb~q8O;3TdFKBdht|YucUiTXV6JsOFs*GHf=!q?qFHn(-Z^WwML?{xb8X5Y> zqOQHy#Bt9HP$qTO@q-!`cUd-#XfKE(K82)~Y6u()cD8Ur4b8@Oda7(>m1Ld#Is6=R z7!SPrmx~Qa_6_HlB31G>)0Nlv_nTW`=1`EI>r2X2mVy-80eM2y)W zihAf-De&MnQL!fvj=y~zw^enmoHcMLIKtWZ^ssv4b@+r>rLXU4?9jh#GSKGdXbD5B z;Ia7eJB`B0a)-OheSm8><^oL}5LSNa+j3ESPXSo7v1|Qz9<*;bQi|(t@4z|Gzy-}! zk7^oEM!87+S|3puMUVIQ1M#~s>d*N4`zU&$FuiIID0sj^16DCxp}r^~qQEJIRh6TL zl;vyJZnL^9<&qF*#F0NjOGfq6KN2QUc_rb&mfVGAhxe_JSTE*XQNRexU=+2kXgUAo zS$k6Z+;6=wS#f$6){8#c%3|L>smRY7^1B*;)gEoTMe~y#W#QIP|E?%u?7QZxJVs4I zf0&|LU)giIW_mdA?Oamp?osH??ZT^urz_rcSwh{>9E=)%Kf%tViwn0wErh;&JLH-a ztu2c4q;Asnb++Q_L0R%ceYm!xK_ozVI1+|xyN6-dN?09J<6G5v@L3_9HtvFp>uifBM80FX;saU!COoD zRn1%Pb~e2K65qOczo=|h=^^FSew;$=KKm}oQpMM4X+rm5ztTIT`B`RTj#>REB|6}u zZvMBf^>>bVnZo$@Q0g)~pBGhMwJ(i7il)noJd{O@73~cnpP9T?1R$^RZ~L|$vpxn8 zfp+da4vsM0d-u-mkZwnXGRv1)O{VIsG5_ft#U28^ItttVkuTVop5_~tJ{th>O;Tdw z6nU-tv=+vOm4*6CJ39M;{dY~58+8l;Kd^>z7`dqgb5Q-F`E*OOtVcp})FltjJ6dQ) zMp2M~U&IaMDn~Qn;$uGk$=yFo4y2V0xG45c&mDwz?_hK>TCW|1qxhM`Tba4e=fM4NTr?%<*%HM-&6(2imTyXWiQ#)IR&v>rE~VDAro%Zj=s zaN;EfVWM$uH?GU5sNge7Op&KSlSh}GLhZfY_`XW;Mnlkwv)_%V?CRbDiW)uJ#f$2o zS|A!5Uw>s1ax4+iM0U3+KtY@R$MuY zPqu;kcQ72L?=&*MZj_s8{4ik!9bD5rsjCUN*In4VjlFi}qErLL@!+JAkcdBErnAra znnwvp0pz>ded}4xWs3Zj5AX1;KSeKWvs)Lf5gX9b{b_$Hq=jj zx1%sC5?RSRibD6(U3!&16)z#a(di*NO4Vp(!1_kyD1bqk! z4?2!^CJR2l->u>6h<=-axmv;`Od@j15x)nF7V!W-_>JGWwMFZ^cnO!c6vmcqk94FrWQkGi6!WeaD=c z6w;RI<(r$Dpx;zEUSrWlhU@i+fGv`qoL#rBcnyH&4#)5E#OKd8z{V?G z&b0k$`1_SUDG~-vqw@zZ#(pswdZIn9RvlaO6C*D;j$Zkunh-`7Ky^1OU;DX%K}y%6 z=Gc$-bXZ+suJ)yBBJ1Zt5y^b-=v!w+FRDJ{*uJSIyw;$Oj`_@Z3xj7qxz||O>pHS` zyt4&ky`x!%Vq*Ii~YY0xTe=atiL@6F`hvK&d3poTn2_DIssd!6PKfwiee z#!Izaum5lZ;s~v*+#umjxvurwtNmO+=188AD;3Oy?(oElT^yPH*E^f=y*!60u0B}L zfx$pRNeSk{r2hNmocn|qh2_4Jw03DVnYC;=X2w4{36z|_vW1}e`EE?$At22`uS*s5LIr7fpfXt>8$FK2L>>F4Ur>NxL%B5o!d&j9gp}cIMmQn1I;7zU8%*72%5o0!vX}R?k$inF@7n45v}U)}ZZtz!5s;;=2h*rrYrO6th!u@3u_EkpJE z@LjiQ%*qnP%VA*n0K-W=^ec##E5{A>^x7QsA-nDgKRDJ?3V2Exb)W#lTNP|LMVU`632K>*d^Bh}T_G~rC7*Hc72$q-YQO)#X7IdT5{@dIF+y5jdc27V-Si|{%Ta+DW-gB-X{{4s+&FJC*RyQ^>Qo9VA zDr>&T#k%0N;L&gs5$roO4=U3`FMX-)$ja0-%GEU7G7q14B{C|w3A$tJ=M_EBw<-Th zM|4rhw)?s}IF#zq)l97Ys*o?APjQ`aU&+aSn2sZCML;e51GxXLliscXbQ|7hp`+U} zGVVE>19L!Vq3g|F?vH2gi96=Ad7%YQmg9GABhMlNMUVO=*7#0z6vQuuP45$}MkU*l zm$^C}KaqUKr@V(z@gU~q)eyFyls)O_43oR$96O{3FS=6&?aJ#Vdqfu?6~uTZrTws43ZQRAy2c>tEEK=|P$DVrwAGsOmlH{Otc$3=v#aJ;|6h zJX!N*S>beaatS&irlk@T{3j74<ClYNCtg6j?uh>}Bwvy=B2W zBaWm8lrI-e9R$Mgzv)|^6SN&Pqw$m5rqj2SScz_2R*g^6(5xEUx)Dw&hf2tR;@j$- zKwC4}TKs~JaBA_$tX>*geJ@_TFf+Tm`eXC5XfE;cWph?gpj9>lJw2C(4HrdTe*TBa zTbs_pyJ45impTRm17xul;WVP)Pnh)_f3=xbc*|pHoRcOjB&7aMslpdnn?T;df4P?9 zb9c7qx5`LkN*N^3L`T1vE33EJ2XW}LQZcgFo-gllh|yu3rIFJfe*XRT_RlS|@o2W0 zmGZN*vxXpo)g<y#26bV|>PKbWxS&>v8gn-bryUSDWE4F0yra9JDbZc8!xLEyLfJD03{K9D{T} zY~-v@=5Vm)XfC?mDaeqS<*gktCiQeYp9{^Q-Snu#^`;z6S zk*kG_rllV71%G0R$3(z0qdqx`hNPFgdGcDdf3ncY=d;sBjo3snyH<6#=jXJj5fNTl zN{L0UrLNby#o4bS3tL^{ZUrWAB>w%$;ZSwb>t9*x+Dl0}RUU@YRD^G5wNj&5yVXXo zW3+FpJ$NzqnQ^@+(fytX%9KS%pwAtX&v!$FGQ<<)Uno8vP>ncLOJ@2#;PM#m6^!_9 zC1xtE!FJut#OF4u<*y>wT5d@f-K9BnT--V5y>!vHS!9C&r7&AyJ3HA?m>RPOVTTte zzQF`_m8t~7;E(jj2|rVel1q_+<&moot&Rli+7{^*EU0EG(dL5o4IcZd+e8DkgX-Qg^$6mNeJFCz)h9L;0( z?+aSB43gx^hn#&@=a~tewOUmXN=x)yNJqs)*t=E@xooEBxp7W!sPW&$dJSX#+3q2t z#|&qRD1IjkUYtxglj}W!HD3a?ydLN!3+O#KD|~aw9!ej;7JRISdU|y$iI@}rNaOki zx-(CwM-?QDb>F69_;0t0UmkY>=n{g5#LuP)044@1j;8tNLj_mVJJ_4AqSJY;I+c>$ zwr4&;DO8pT?jP01UG>NE&|3|km9|Dc-EwR$rsTy#K0Qu6(>R&&W$LeqYR$= z+E10M1jxta9lfYlFp)KXox9^;a;Jv=B~_g^mKWMS5v_4 zM06Q-k7{W8%)Y;f?Glr#I6&pR`%LQj42JBfo=#E83`!k!h{K-J$>SCjSN*-5jpzs! zf2^V-y89p4nLkt3Y)A>DX3B^N|6?}AWcKFT*~k{A0HoCz#Y3>g3H#h z*GUgjDvLp+zGw`o&@1eS+si}7)FF_zVcE2>eRqY0dfG1;+RkHC8i96r$s}C*aTP&K zu>@}f{qY?}wu8jTEQs*1X^8RG3Y83=c7gwhS}8BD@Y$o#>ny-#vR?|}HH&UN^5#{p zB$?~aAP=x^>3wEe!)tYX@~008jX+iB=_eu?5p7GWxU$DU zd#c$&qJN^XuYcjUUCDHb+3b8xsV2&{dg7>jGHcxxD!$3#$y7xTW>si@p|$JK+C!7b zU%8$*98JiI)e#2L!oeq;sO2#E!@tsQAB}@txgPc`X$rsmD;X;qD))%>qx(qSIs}=H zMPZI4`s#P9Fs~L3x%lSK&~lG)@GJ1Ck8^mluxRhaW5A?i$2uEfG~{%??0HLn zzezI9!}9Fc&lZKuVyPF;AY+bnAWbd{{Koca&JIYSK&Ra*_--2U)a-P&;X%aL7I3(K zoo&n{e$}S`epOd`oLEwm;~+9mzT(J#z4D3oec$Vqj~@H4VMK947d9i^OBH*4%#PgC z+k~9BlEwnl&J}-PD@YHyuu@&Y7EkJEX#qYY3*7UeA3n%YCv0t5q?k)ls+pO6k)^h= zw*G^7@y7QrAw-M>dTOEQQISUr4Ika%o3V!`?90E4j>4+cDp~v&UJq{LZYX@V*(b*a ziRbFJwzj^$?S@rXdhBqJ(j#tFV<&4*sn=+i8o-)W4}2i>RiqfV3-cf4C(R3NQjRQ zg`@%2q(xuYd@#`4FFRnK{)#eBxSP1G^l*Z#o3T@z}!pyCsQfuak%ZL0l z6E|F=@Bfew@>1!)Xi&sjWpA5v=&W@50oyZ>VoOoRtC!k=4zmbJwEgz`3bM%M=8FAm zVRh<{C}N6G_ZG*|T!V$fMciz_(`}Ja1agn03&5^r)6iMn;y+~6hLY-M#3RW0#>}DY zuce^&=Rpu

Sq-elFV4V_Kts_3Qpo&U-_@fqf{=Y*tH{2NB-zSEr}GlC=fKZ?sgu)c1KDC1+F-;r&Ssk!nh!)tEv6D@W#Qxkq{SeJ&a3A(f~fk ziQwp1wlt%hmZ-sCU7!iSra*%zF>wasUXJURw;Fe((S7&8R-HerM0|T)StAiQvD&}A zW^KEPnI1sH+w`#^%7!Sug$t6*LYVhfDsz1XKTt)OZ;`#RZpRT2;ZyTd09J?f?>E)P z0(YlO1DAxBQ|Vb>q4Q1mUkA?&Bx8vkkBZPdBsY9@WWC$Uzd5XYRb3<|bO-bd{K4a= z{~i9~La$^a5GWr`%JuC>T*Q60D8(63>Nu#_InP|lzqo#QdxO@Oi?>3X7-2&2cl+fK zrpL1X14B&%!-7L>S;MlF$kvpOfjuL}=hqNk6w7FDnO`v>RI(XiXH)l7dP8iAD5 z-dD1dY9eB=8x04#k;9WbWg`+3WEx)=Jb*S1h*&oJc|Ms`=f5DJ67>|MmIL^2(*imK zF9r-%r5bxqyq&jujAocv*w_<`i^L5ZKXd=#)bQ~f2Cd2z_#dUjanfm4nEnv<(HkR7 z)YB5mer&>wjEVwLb%2|jiDJ<&pUzK$-H3?3z1p}1h#{cW#;uq@KGD6J6L9;#`E}{F zwE2QnNP`p`+f;D#=MF219nalPJLW4AH*%PdNmvjT9-fq%hLTeB!r{?Mm&hxC7^<|KnZ0!Hi&fWsC@EIjDpNL%+sd_md zfvBC!X?=*U7!J}tzw;YACR@U((9CSV`R?C;1>5}&@3<-9&+>PHaibR%jZ=^I8H#~S zzcHm&;A+q1;U*Ew6+*8Z9)58Wv57?0C$V+S#-&UsaqFUOy+UF{Ph*S&5q>ZrbU%7@ z8z(~2KmbG@z==LS+y@+|o3Lr|+jdrTI2D&C1HC$A{25Pv-A5#J?82hJ&sCKtIVw)7 zPE@WVgZ>NqwMl3*>@iozwec7QVLq*1yPS?e}Kz9jWsd=DIC zW@!oc-wN@(m+`PtSp~Lf#F*Cn_!T`ph|YSI3>M&5!othRobtruCZ23RaE?45@d6$b ztP47I78#mXWW(mQHHU5JUcK{7l^4-PNrC@PGF9f7XJ!IXeUd1P~bW?A{{^s0A~B(HF)3 zet^?`L$;9m>|E{FMNpQ4LGQ~ZEF7G=2Ss`5N7R6}!ih;$e7o{XmFV?AroE_FG21s_ z67&XGUjO=qH&Auo2Gd6l4h-bd4|c!zfwqpcr%$$cBse(H5hcXLUJqxsIWW6fl0JL( zdhguue(BsHgXdV^nl;5-&sc55_*v_y|IdCSMwI&-?eB(~b|AgY)wB-J5FMZ7b6sNXzw|)>%gr3oBRqD5Z zgvH#Br%(crZwjDJXXi8XbW%hYgg4D?O#|0&m0fhVV{7SkH(~XzO0`HnRUDaHhP)Ew z+26|A+jo|K=E%S-8NI;WQE|`XCF8nKiBINQga2?;Y5AKXIxkzES3H(v@Teo`2HTn_ zRazCM@Z-Qusvz$Fj_OKI4n`PQ1c403W?f&M$=oEmD1DZIN|nosvUhnX1#0U z7Hy_2ujTy<$`GqFVhDu)jc!vRQ{KhGXBSXL+ z!^6!D+z%k@Kb}gaOrs10%cYoGXKaDFV$4sPKl%|7@u3BLy0}{-!^4v1zN&W_gTwk~ zcXgvy0xyPGx2@lPMO{UfQv1xi7ZVM)Lg-IT7 zsO^}+e|h{*_%d4!HMLX!TceV8!Ni}Tg87H;KHxU1m6SeH-*3h2vwW=B*O{#isif6o z9s<<`HVtQjqqR(ZY}9i3U(laCH7&B#;zn3~Y`~rRr1z#k7FSSsHhK=7T>pK5$e;hi z?$wRO*{j^1_%IFczo<3Nf(%kNK^=^93$Ruc;1Y-Q#L1{=w|mz7G&5Bp1TR9DFm~&< zEawR$(paHG!VD}{vo3KM@ z1d1w8@4xxk)EgBcpjsEK8FY?}O7e~vS zXap1^8zkfQx)N^|&5T)`T1DT5kz@!U#vxU1cHLvM7+A~ZVIuf{^Fjj-?~tB5_R?}c zdV1hjwtHjc&5c`$)N)vo zE-sv6Sl~M3NFUz6=(LLQsx$%~J!!@r1TiPO>mYyX>oSxRrP)TBlA1Awd3)RPA?5+! zwaZE#ij8`O%nVTZN$P+72b@Eoh!q^j^-JA$S{+)*>={5y-Ehf&>*V}E^u^v-77nvzD3{vunQEPS#1puv%6)s zVLXFOLbWP>gDRrP{LbsOC}1r}F$eB85Q?bHMBJaJj|%SFrUek1R@)*Se+sO)6`DhA zXiAf4edOB_ewWgkI8JHdv(%M@06G;Z~t^s!^{ligf=7MT1vo_lfsVm^e2 zPjZ0@N|5L>5Kjg4*XfEt??L?&;5T4uPIB*luiupYG6P~TaiEI20J&KMB;ZGuMdhEoxfI9I{mcE%);qL=S46gK3=xoIY(^7+nK-TO&oOe!6UDH_sFijC~I*crE{Z!Xab> z2iPTkwHB{S#K1f(R(J&DesQ65DS)sdjQW1Ty4rkf=?+9EK zbvvZ=c0kpIZ)XJQ0M4n*?pOwo^lRxLPYVylcsZ6X`wrBSr1CvXT-I7hT-=f;V{o0;unS*#ML=mud{2`+|xg z`N9k#A5i=xdIp!kKlTl1^fFp#c$&tWL*CNk@eAo`E~>W^O@9J>vaE3~4r#8nF3p11 z$*Ne2If9s#l@$Sx1F^H6gQKHNIt{fPEj9I5VpEmmLqzDZvgB1b>*2qY3m;ntG8`TY zRcc65fuugv#hZqPdyV^p`3I4#7{A8HZ%Hwh2TOFH4Xc0y_bnDY$mncZ07db4H|H|iOd!mYLyX1DbVpRM+P;r(VO=_;^OCtxHr zV8M(7fmUcWSb+d-%Q+|+aTsstsga@&o#$>_0qw=^qIc?-7vZ?#QSVv3$F2AtDl^`Xbo~d^_(OY7|c^RMIp9+Rs z?OP_|?1IcJQ9$RXgh8oK4ZWWt`J`x$|B~p?rCxEYW>r1%oV@d%v!p5YxDrO{C?NvV zE^1+uq>ZbG_A;6smuQOEz#ug$XC7OL{DhDZYa;786i8e)wWz~u`O;6Q?ub(1)i07C z1L6~-3&QXIJM$FTz7@ne?}72`e>lvA^XQI^*oy>G>eqsQb9*ePbh948#%0xVKZ-|0 zNx41KMv7{8w+_FfelU&rMdR0CJayP( zDiI=x8-Z?lO|7NJgAntXeC1CTQ*q|^ZiZV|bwcsC>>))<)NxBuFvaDW|vHwMJSB!2Ipe>M&U66H2uGY6!EXfrL>yz2+915jQFd>}LXAW<(* zm5Yn(%iu`Bke`Iq0RHXorbt^YCFyAFULrAX5$%96?U4j(uk*HP%J>pDsk68l-pmRh zc^1f0c1KgrLw5=0;?izA_H4_H`$ns>%YY7md`i@-td0o zPRc$fGq$LT-pEYNQ}z>m1u)4O?!WqrCc&xKf_qxQ(t(+*!mxu7`p-+C1!Bg$6?=>; zby?DiAjkzj8KD6PB4+GLm=~9>H((E|aivs9{O@-SBSN#mWuC_(o+BR0Qze(#*>Uve zthMg6H`~+nGaeKwbgH6#i5BIU=KG`ewYigugpz(EX9-R1ckDUmB0fs?YWB>){e040IkJVQ7U^EC~Iw)Aw!HE1t}=xgL-tBxwlK7YS^x`Fqbw z5SIShUKiM_E^5L>MW&|xsU?4x>QAU8zp5J?--~i;NDNj%&W4Ae`WtHW-vrtCiC=i~ z1LXddo-=T;Ggt%9`Io0;`18saU9(Qku?Dn>UV@}Kqy1W(OOfcE^8nf!Id9iziH(YS zhKXsZ1E{kvMMdhk$vEs{RWk*=+^ul#)ncLtvjG9Bs?9*B!BooZJ>a!~vLA|nG}cus za{TGLsaV)gF<49~wSjltoyA{OnEy@cwNM3ez(UZOf@s4hCZ4D;0?#D(u_i~O6m$F6 zdZhi<4OAAjS(=4udh;R+%?(0(+-5<*WAb4poPpyO5}i+%5uCP{sWMms3+Tq;3+HVi z$cd2TMb&i5i-J$6kmxyhI|Z*g;2`p1kj7jvvkwsGZTGf5QwK2)I7*g7&OaN)zkZSV zJOwW5v*1JIa>jlAu{UjpI$bvUXg8l9e9Y)xQ{Y6BV!?mz|0hBE&#Z0y%ZBf!>7XY!Un(k2 zF(EM#hv2u27B0aUrmMqs#i^yBt1Z`({RG^%9i@bq56@{Uv6tJ@LH{Z{A=vg=5Ml2* zqkD`WaM1|4c0f==s?UqGA(XS=e=RZy<`j^qVm%j|QqO3Hqpi<4S}nNUHPo42!ROmE z%Gn8dYI7$i-?#Ulr^WsFdfnlI=l~zc-{MLDB{pa6CH->cxhJ8mOd~*51^9SKg z5m$7gsb;@}sD=Jc2m$~_<|3EMSxo>w)i?IeSqBBWO>ffS3nnPA?I!l9%*XQfr(>&7 zfvDU~k|bG$wz;B~%iBp#dy)MFxSnIq4kzn?Uytqj_A^mE#{MV|pAjKh1r(qCnvsKRogx3FM*ytkX_xsfrFb3Or95D3J|gVLk1h5}Ki zRku974IbmbK!me_4d^8tnzj=Ybq(K1iR#!Qx3rufx$k55Cgp%xg z6m)bc^LXHb^tf`DHzmC&W8?{_TU+NAYoeUmlw}$w+qqE1<#t>aOcGI3RRwnjXyl@& z=k>b<10v8$yYpuOCK|N5%qXwmaUpMi<#y=&4i@4^G(c$mu|1y}Jn0s05cyXcRudoq%qpZuHP-uS#Dfdmd?*EY;O|Co{(X2_Cao!2 zzP1G`>{FWN7t$;BtZ;a!>98`w-%ls{AHi1|TYUDHavZWWuSuzX9{%=?j`e|*Jch{f z;?ET0!L3#G?<6Jq){{*$g-rz<^2>uJ%Y%7?aZ9m6u8vJhnN-*-x~eb`;?1aMbo$}^ zH{|zo8%361qGqx`cNY12s|dZVf2X5>0r{5t?U~9`Ur1hxdb-2<=j>*eGoSf47_cIS z+-w@>gbjT>k?PNSWZ#P}R7iCuE}pir9L)wVY8(kWYO06NSCIsa?G*p>{wsdNv4ZkWXs)Vp+aht3v9?%nG7=OH>ockp)L_;3+@|Cx;H0 z{jiB3@|t!Rv%8bilT?vUk&$a&!otG-e|kTF@e&LlOhY4?JXLfnb^#^))gzr z_O5Zx?*04sAhpRP4LB||C{ge7wO2&EGFFc?hGYFEj6LB%2BsVBv1J>yRKQuxR&g{|9lR`<)~X^~56$ z`k^;o7g3R}r>je`EV&_ED7dSbooHSTC(G&Rq|fY2#fBMNkqUX&x33!TW+@1-b70P z75m%3h%mGL%NyfwOqD?X9b-7kS|qH_iWYmgMYbL6JnO99{GL2MI<*9BvuH(@)x%C+ zytU%IwY`tl@{=MsmUJRF=)f3ybud?;UJ7PE2qa#q;eL=`gWp9p2)A1~InGVdBl)p_ zku4ph8<`K~)_d1WkRU*|f^(?7G}wn!$h|doH0p#?@pzzl;51m&(+|65pn$OoF_7)Y z4>>BoHRVwv7V*UjP=zC0Q_NhHeKj7+$@zX>L1ww5Xa6F9^A4m6Fue%>@BuL9ZA(W@ zHUKE7vH%rD5a`(%P9_4anM=-mAUUQCq!WRm6>xDBL?PK`h`d_-rG2mFOvUEVN`9j& zO?uxu?R7Wc734@}DReom)bFj1xB(hOH#zZ1M?t(X5M8DP==^Bu#Psx*^R~O|5xyF| zQPKh`>kr~;VpG&8ByuQtq3Q+Wb_cv;Gm{sE3*CIC?$9tPo4@M1um3Wif~ z6W1_BeWr$DA_*UN-*k?jo;$G*mo|V;fHL0m35%Y5`kX@k6c@0S;ZctFlY{-~$9LI> z+I~*urP9;yXIKe#SDu2EDFqbIB~%LvZa%7EaU_v+;c%EA^nQ58P54X3=<0$@duDZH zXz1CXD#};W(2c@wF4!*cYb}LRZ<6K7p0#b^;ApvhM4y9$0azW{)(q^^@Ei`7@Y>p# zvs0_+pO!g(zu#J0fjH38QW(gqO1PY07*FEQ(XxI9+&)PvfIu!MTPCVQ3j_GAyfTMUrWu_MCPj>}+c^h6x~j>o^Gi&ZWRB0~Nmm|2VX8C2L!v3_~f7e{|U}8d6foTPCKdcaE-k@~2wvh+v!oCX+PONVI zvTon6!T6OWh$u1QAShSOHGud3V#qM{ikap*jkntK>3Cv3+>#elY79PB^HyB*c8vgf zQq1D#rlRTt4&H%}Hgib9hv-L(~4d~q|5xm=mXP&$>s z4prgCZ}V(i!neo}R;Xy?(oecQRh67cI&5Fz7G5VOW$Hb9jzbnGO?XyLT6`BAFF#_lV`w)<*tKoh>7yQq7Wc1Rgc=E!Z49ou~ z3=LzNA^_gh27}E3JPCpeKbKCHk}W4@X6otd+i|1=fx3XhVlz<6zyOXO1jV8C0a|*h zVZq~V=JDR7TJxist)F%vf{k?zW$C7xGOS_^JBhu6>UJe}bci&uYkoEG{dH{Mn@v*kCQ{(#>@MGUId)+>! zkaS+L7ZPR*mvHIw^B^UyL+}$6k448Oiq!j7d7adzee2>aViOS?PE4XgPv35F>jM5P>B=9hmO6uRbFjE zftZF;8m5k2+}quwU-er!sy9J9-cG5DtE(%xOdLfR z(6%^S*sW0u`w!_WC~Sjkt4nxvU?-WsGP!HzAYqgjO&ra0>G@|c2Y`Qi?~3sG8z~Ol z{PXQu6^1^}9!cc_vOH%c_qWX8&N9%jv)xFWMe)D{hLxb$i7fJ#T*1L~lbfBot|7Et z^mgoK8QNJ?JY(4ysPEasHc{Xc6o4sq{txLm&+NMl?CKLb^~oFJVAfsx%pLlxbDKFb zKZQvL7)n1$1AFoiARONMDbgmcH0J3IB-K2(CDPk+6+|X^rl3Z>#Kz5uBZq4Ri=pOU zT16Ey>6QEX)#mNV2FlL6vt`%7zx6#g;WDm*>C`zTGDOVk89VCq^GbhK8ARB2- zn^--Idlzf3_iDQ_(SX7e9OdERQJ}_NBc>;2MGn?@g$}yrWn}@S#WWN{#B+3N^~1F0 zLAEe|2nkAB7$5R#3;v1^1dO1Bg(DpVkNw9e=hE9ue31hR9{_DF0R22@p#h7KzyHG* zxkP~A{jw;aA2epmWuc&8=Z*6I@YZGPSadfOID+5s_W`{(S@yON$kkg^eVR+6* z*A{&v|1QT~ZXui3D|W)Unun1Dyw9QKNx$krUO}hh@E0g_>!3}ppv-!QM{d%!?0Z61 z);(y~(a_Ws&Z_lNtVM!wQNItTa{_#i`}@}Itq`+{ZE1YT##xZ~oJ)yoCMZT6dIuOr zRb2^Iqa7YD^wgilFkq+iSE*Kk+ZqH<2D*{o1>XGYbj4tDfYwyiQD9_-B&ydp}RN zQ*}E0t~)D!v*Qa6athALTs8KJ)NT$}=p7v!H83*JiB)t-(lpe+A4~i}=W~3{v&Kww z=&Ag8{~dFo%)#z0&xaYA4>OD~#`ku;IbY-SoP{&<7`2MC`lh$^oc}yo{>(njLuz`Jpf0)$?A;G*aPRd4B zFBH6=6M3qyA)_M&j%kYf=%Ya*OYo4B^Ecnv{*V`|3y1E24`^sQq>*YKy~;lY=~0RB+N4bYV*a=i*yK0WyU zvwY#2SN677wDg-Qhgd_tpCZAk+cusKDm&KTd@Y{ZXpCK7S{%dc0@M}1#&Zb1$P z*abDVoVGTB(j?Q+{wdT}iLC>!2DyUY5qHToaj*Mp7W)1IvuMv}T{(8OTeWl+$$ z{s2;GAFH0D@QpLlMTEHt^7Ugq=jPc21&13(1~{8LSLSrgf0%!MHp!PvF^@;!cW!;~ zGNRj(m$|0QYOeE1l|N+2CXT%7?EUhskxN6-T_f{?#=l;?j@p{}sA&Ia}5gOk>$>`VUPTej8eS2vZ{Ru`xnGVPr;Nk54R*(G}Bm57+Vx5L~Wcr@MsBekdb8vXl+ ztF`-B8sQTISdW zAUzir!hSjLG{jG;9CjEwu@B9O6%4cmsC9wMT^>|h*X89=u&_9|dv@r$`ZJIC+!e7F zvP)~8mxt!5kz{`d$3&+VK7!}rOrA@LRlhmTBn^;+MW7+3s7M+pP&Hol!)0{}P|}9B zs%X8JStf}^`bPj4NU8q$HG}J9Bx1Va@8x9-h+0lsN(%V90hpAzGQqFf%oq8)ZklLtRyr5p+x9d8%d6v#;$)cbFy4KK9P+oGFebi?G zNo)>H|3(592PFg`G-6@n)e{)z=n91#9YhH1!eAn>!eg3nB*s93uEFOQ$AAN4ypT<$ z=aK5)bVe3*UgcZG%PE?t`bMr|8|#73~O(HAEZkjl+TG>?b-WJT26!maW2;d{S;ZKAJGRt zaB~oZJ{rCI6Xl8=O=YoRboA1ME%kq7U>F8TWHvJEl_Xo*km4tK?;fVmuPB4vhlZi> zQ|A*&h)kT<4EDtJmm7b7qWGwx7e=8R!3AP@{fVqB#-Vi}`?vNi@tkFrbLQOmbvl^_ zKMG_jPFS~gRmpHXo_Fi6z3y-&cJVWBdGYX_(N5_C^Zf&nMB~F%Mjn*q&rF*Bk3{d6 z7IS0a`+3_<6NJs~zqf71^W7RzN_$T%NXTwbtLf7W-;2NNW!bOm?O7r^2wct=j@OUv z^kFRIw<2goG^^NPNr%FXG}& z`cLm(2^1g+xlTRusVV@r>KoRX)whDHX$gFJn@qe&o7~$*x1&CO1Oyq#on&CJ{<|~2;{UH=;qVF2 zs`r!`v*H=Zd|C0DhiAr-_w*TP%LC)M8HaU)u0{^(OFr@r6EGya&SYj~9o==!_+_!V zqZf>UNtT$aO8+-~&jIOJgiD?J>3VBuNG3rjyH%}$J^Qd^BK zZ6c@@%>Nd1IZb!hhV`4SakO$Jaa`qWXRP2s8l1|tuviL<4JqH~G{%g;fasp*ciA6$ z^lAQ+Q`7>5*^m$d+7@PyR1pLGrBNMM1ArHtuDn8!xCR#W1iU-%@4D#>1#T98-9#3T z6zabb?il00jHp)$V^Gm&YmPm!34XKGHbESpHrDsdjJzcq$wlZH>b3Q#EdKs?q>xKx zyws9`IG(o7jMn^h#Kau4*pum?I5;?CQH+xY~Q>CpI5mFtIXn4pw#EK_D ztyPM7TZOI4WIa%%dV!2fkee6-03ORM`;%FTAR+T(X3%7i)AxtoM;FAWgBA^^Qbo0w4azc;J`xm~qP;ECji z#;mx2T+X3MpeU!Td^k|M*8MbcMpKJaAX>5UyD9qIFM^{z; zvOW?q|JquR(`T-eK&?g?eHdg9By@$oV(YWV^z6~h$Nx_Y5Gk*sBEvukx}zF&FR}hj zoE+}V?obKWa`*OX)5f5^NP%BBZ4V@Y+k3wK9g+L>Mz?;UaSouKduNOSqDie-vSWpB zpC(nFj8R8;Frw;3qabY-KK0P+{_Wt+%O!wFKPw7ey-qNkjSHg7$nFJJ-sUvPIo4@PcJ%jsN z_SW@XhW$D2G(Y5I*8n5BW0rjEIP+q9xxMX@mT2bmRe8QmfByqp-O4Md`TM0rs*t}l5{$lf_Zw#46>EE{_3-qjywls@EE-i$OC+gmp0%+2$a_#r*6n?Gj;?^|N6 z#``w2Msp%sO-=rV1fd6%G)x06;y_CfwOq3Nhdl;_`PaF%$^)UsKrKufi}dzTiyrrB zyOvA%s(VkdC)nCz@1OXzju7{QbySh*g-^$FlZJy30_0S7{OxUB(~SxV?Ud9}hJY`Y z7o~rg_KyhJrd6CKYjaXQ2G5@T7ww-{-JXRK3}A_4zk-FDV(nZRktgWzyr^sjcH~i@ zG*Fj{3gt3X?Mx+-L4n##AXAtlri4eqO}~Tt#JiAkWz~res!#ZX$rhqo2_F9s(gkA2 zWsc{W&?<`aJk82P`;-0*IN9L1iCi(y&(6T(0}`aGsvL0zxNfpu#AuAntF}!m$_%9l zdxUh2m!{@Mk98eI+E+*{Bvz4=(ct5&Xx( zf7;KxE>BLJV%7=5p2M50b_d-t-ctqbv5vu?#aQNvZu9qJr?+ z-`kyuktlGOGcHP+mCCr%?r9f$h4eJwKFt?HgWjJC-J=$w*T1Bd2ZO;DIlsE(xiy-j z(8@2^vu9g!#w-aFKg6u4Xuq7+?dKdx*)^wyB8D1HF~|fxU%R7804FyvCu3h{b;b6~ zz3VqE?U(l>-O-6Smq+;MEb~R9)TmW04^DNzs0s>fjCMTx6T#kHXk&S)$4%jWe!BH{ zX;^8UTjW#h(x*#@ON+mhK)kLK>(fVmlfa&YtZ2a;lJTEy&D(}13c z(WVLnh`u>MhsEaafB_UZg}_1GJXWdkEsAmxT7{`bKdJwAdS>xnPoqEbvq|mz`0;Z6 z!zuHM5k9}B!KjmZOao%{>SY9hvbXmGC;{O@ggfKpb=$-3e?PfzWE;D~yUwaccxR11 zPz}RPNrm)ZvuQI(!<7!>dw#mdT^NfD!Nbt(4uMyrH{JSO_;=X-XM~)2f|~BiK-OPz z>HrZzW;07a-+5qlg4UMo$m; zeu+f<+d+rNIfYy;K7eH@3#_x0!v#y09C$|0@B1+@lU_pIN6+{U2zRsyg}wZ){YFW= zz2NHBTfTHVoTp^@@BW_E^cTFfs-^XBKWWS|$GZtS8UXD-uUmjyf%q_HxT@u~nE zYzH{c$cXfG$K}DCM8XDw6l}CK93eUy|KrsNB_S$1m39=u=31^Jd^v^|v$jRI{^rwo z@WBa8?T?F}RtE+YTou0?Ke&QzYkQe6lUr==O$KcKf0m@3R4fcKN4>hd*S75(w!s|q z$9WzCNW)U<+v+K=F$jwUVYa`8#+=)r zeRKzu!_0ZEp)Z?Wdug{oMIfesg?T7%qKD)RtUR>pa$4VTc6*kvAJG6oD`Hm2yKiI< z*){Y?kf4}~#<8FBI|J`#4`v9kXnH?H5m#6ey|ZCuXAiR8FDY}i4u8VJwlJl1<%T(&f04@rPQoG@YXT`bytZd_zr`(C3Brf(5?k$J(Z-;d+y$( zxHwTYkP8l0`H}?T$e9JZ*SL+@f|jyfwj=oaM(ZR^W)tJ&>3KUaYPs)>4&_`9L`k5J zdXmc@S9#mWnq+aW$8jj@Lr)-eXlF*fltdhEOifMg-Lx=d+1H*iF<$#!qYAFU#2%ig1 z(B(IrE?q8;`SuMD971fbxSc^42K~FAE#WuZ)>g;GQcBkM;Z0{*q+-+0BX!-y?Oqd|wR&=0l&}oKz`;NmSKg0sr;i=`NMpzP7AV+3OxkYE z!P@&oA~N;=oJV0pZYBfE=}g!HXq_&ohaGh-sP`+6jNSlQnF`Ao#{TE*Pi7I_f+)i@ ztE{;jU{GbUpTg7a|00zIW-%rlc=^b`h(Y|1`Q`Xz`mY3x#7!c6-fOv0d~|q5f6CE& zlU2CzaO7@u!H`-I9V?qKWF$-ZZY0ORyX38N$uy_nqL5(wx752hOSR)-L&9Q`9Sy^3 zZ*>)`UgP_(jBl))=gUwG{!<)y!~WyCn`6jykr)axu+sZYS96e!ulgHyZCz(FOz2Wy zP7bC2J!mni(Cq*I9R|3=-Wl0MD(!ocTD@Dnmy4#Bo40!n+Gd`jO5NKG@>I!$y^jm?hC80_h!SfWj}l=q5)mWp>}XCdep@~(X2^jvng=Ps}m?^4u`44mP|i> z9Q}fM#g({hqT>#hy%G#O=(-~Bmj!1Z+Y?HmrK$Pjyj{I?%9lebejEuZvgdti+2BD^ zQ7J{wz%LNXH+9&u*Zxfc!(3V#u`CRf3jGId+1T4lH6-6&9mo2Xfus{41cQu0ay?of zFSzUa{+!?N#wZY{Rj=Oo__Th$UtE-SG##A7TYO2?|31>wZ7R-R$ZZ65r7E5aw);xJ zCMV#SS1!T1g}4;gu*%~mq^XRmRR{E@v>GX04?mu6elhT84>Z@Ymt7Aiayv7ydU;AK zWTmd+(o7JnffUeYm|K`y6X7(yEQ095qz)Q7JB7yz+vS&^_m>-n~7YAg&CQ{V2yRE3>> zM@&%|eBs!dJF!~Txbg8tLwJ-pQG1LPyU`E#^F1^OQcwRFlfpZHO`l-JXhZ2Z`B6J| zLzSqZu8%0LzS&G5v)+3rQCEv(JQF{rPW{FTD4;!_Huh)Df!KhR(q}hL|1%o% zoG&-y$?Jk)?MYRUy#Tc6^GO33cTUP3|X3 zc%V4ANd;ADr5d16d?(=78-exZc9!bxpXO5Qord^iWU*@_^e~`UTVF9l_=&fw%*{0( z&zJHqCFO<Q0RWxtGDL4oVdfK95@26YbkPYq5EUE^8pz-Mnp4<^Z1v046mBls(K zYsr=CJl;4&9TAWdze9@0F%L+=nu_~oSlKbftx7eA2@!d)sh0vtVR#?=-_yfCKXJn9 z58uvI9bM8F>)lqcy-)l*qCX1Tx)f|f0|O0K=)@8F{t146I>G!D?B^%YFBA||0n{aWvl?l zRN&;n_o|L(K=z`B-4dgv3$^W9s>iUldCazz(FLYj-U6rDV zVSU!qSnxEo##%$YE^GZi&oz{$h5KnOqlU&tXJQ$(q_2fWKHsb(@v(J`J}u$je0Cl+ zY>3*gnzmtn5hY(};39*2fRsQ*k4zJ*Dd^&ho2tbrSWs|^YdSp z%Zp*TFV2>ZjC$-k4!wOjeWL=VEi-O*pG&(91fh%Kh^iR=)RS?_>LGc)m^$4GP*6Z` z09PoMJKF@77j~=q=T^DVYg12a_KV1TSAGL&=^qMsI4}^dC_&{qZ)IyMA%uuYy12Z& z+_*yMZZ8N;ePe9JBZ|p!*zgjjrrr=X4V>8r1sca(cm)RkB%fD)6GKgrk{&Cm0Vw^U zI~a~ZmTAnoa<(8ywLwFa0N>g(t)_|f1}ILwGqBtg6YXF3_Bl+TEHx!^uc>gsw43_# zGm_DqoF8RA?cDt!H2gzFThXFGdGWDn-~khqL~P5Q#1g6)US!jsomM~9@Cwv!G{p2ouAeBsvXUFm~W>3r*!Ka+w{Aajg zWwuU$#z!jTzGe_wzNai@M3JGa?hD zRAA{2)_>lsFsS4wEf0dOC=$C$ZGM*93>PovVsWHub##Su;S7V&)GJe=j?ZeZ_Df8^ zo}eDw%jBwD-C#B)T^4bLPG4=|`^BU6bNtV!7(k#t;}Fgwj1I9$lQxddZLRo&>?X(< zpn;BE_l-Zzp6VlI&j-BD4G&kYUQSu=#Qn&V=yq`QSyx(6xO1n>4)(x&I9xd&Uv}Nk z|AC3IwZdS~>_h=I!?+*(1aLGkEPxUYAlU%#xYzxvn)0B*DT*&(j+&x zKj&s~6fhxL2I=JX_3-|JK52YFJO^By@FvbC6#&=ly1Dsg&3Ys7*Q;o;=2&7fXcN#b zfX2Epjs^Ye94lzhP2zIIl+_Dn-K2~R8#V&)Y=VJls1~%`Qp<&zK;0mMFPcHQIuW zr*oT89vvJ3k~8HC^;e(z*YoIKF)@A0r%#|Z+RN0@)t#T1$X6BpR1&e?ytZb#A!*M> z5O@AWw7R&sn48m#o(t!w&WRy}C-PGo;n#}c`=aWSCZHf4$jJ3I6}#FU27JCsyZf0|&NLa4JArnw z$N7r+hRIId?nKB^j=`g=qAV3uU*`bDjgw>}=~cX25ng=9y-?{HM)z-$aP@O{;9o@P zkC}(_QFO0n?I{|A(eE0xz`$iB+$;_g}y(29sWf+mXV zYpMuosv~dNZ&8~Mhrs_XbEU+`PY(ly^3PO1u7jr%q|bm41Y~IKIk&{Q0C*>*NKvJ8 zyDLZ{Ywqt^dNiww_HKdi!N*1w2C`?6{XMl6D;-@d#!e0S`f$g>$fbZ|dixPsX1QVm z6!?4USumS}loN;0imBVzbf9VS70#L51?oV;*LDP`WcawaK$4=7U zv#yFx6J`QVcOM)0YAF}Lp~il?_r#UwspVebM*fa_Flle@2)ZAV8K5pB;0f52i>46yX(^J zccQCSdX)y`i9c1dXmHagpQ<6#6)#W1t2{a?VK{6>irN45+?R05CB(>WNBB!@M8D|Mwz2|T2!bI12uw8cx(STl1`Mp2C zSPiExnNGLLzj1-XOBjLs51*EWeOEO1)1t_Jl}D_-;g`$>#_}NfS9m9rcjigGxM)z^ z^kI`jOIN^K8Oi{;y``zc8O4_!8THNLA~pFxj>F71(T4^ZnA;2M*-kzk`czX6 zWsUwWb$+iUp0l8x$z{`3cgWay>aOeM6Iz=~{LruuJ4$-Iq`32rq6uE}%5KBSk)Qn- zm3hanL29|GasRt9Ti1)X#T>VnJci9=Td_(PbE6&ES3dJZw-L$p&10A2VyCPkZUPXm zCW(1!^8exLtb@Ah-e~_N1VkF7yBnmtrCX#^y1N^sOS-#3LQ+~pT3Vz*y1V;s-rv3d zT*et^98?(g+2@J1J}bdQDkKyLeZj?jn9qU^ONJe#!7DZL_89Oi{GbA?8wfp0gdyN9 zi4Y`B>9uyAdW)v=FG5m{SjW{_edaag{Qe|QRB6=`H7JP=`p-z7I^K--{sMI@xUxsn z_zjPSeiUj)F0ad}lX<`P9PKxfSyyS}b_X&njIncCQ_;$4@=CbabPt*r6-o{z)K{V+vY_BU^XfP}Je={pX7S9Tci=FOIqc6Q zk#bjM#0KWl1WHvRwi3lwvpr9xEo_~{Ul*I8;i}x%-N^xa2ufG!VpV`G0y37e?e*mI zHbw922=?Pm9M2AYmsJo+5EjZmPHB^Vo8F8286b`v>pD%ndVZ z`^*NJYZodJOYw45^-7UadRcf^*tcI}5$!0}!xy62cX&_=qk~aKQIjVSY0JXV(X6$; zeuc{aT*r~5I;lF(p)j?;H9Yckzn;XwWcentXYE$t{Du;si=B=X_$appSFU>vt1VtM zbDdb&`?&OxU9pQW@8;v&wSDG^YHf$=pZbZKR^M5%rJrv|SdDeP83ZSP_JyEK zqJALt^F5o*)|;wl>l_? zMMCA$ltNg2=;Ugn5*04VO#cKWVetZko^Jzk*InQUNL9d83~u zpJwB5JrC7Y?86tOtZ!;+i8I7vyZM;v)&a(0rBm}~X~T2%$!V19Yl&U$?dRPOSYj(9 z=dYI_P>`DV=1Qp?{w1llrOX|y-9%!;9X1{ZtOx?h+7 zK^^gX*n^T#{}^ykfwnu>rQ>`N7OgraZjzY-knc|U-n~ON6|H9kiIBjT0|*`(8aR+I zlz8aq=tM->X=wwj(ZEuy$#@*suqk!*9hM}Y=0W9r`WDCOVx&B)X)in+0dPg*rR(bJ zo9&k7=jL8RKpZA57H~yefoK9cMn;#mCDn4kX@6T)52msyrlrKQJX!1bJ4AET3e~bh z=_feWx^|=l>*TJ zsi|QpOqtcUw6(R>*PkP&^UL9x$|wrIE2rHZ2)t!zzG#0VM3OqZd44PXMTA&gmzkTH znVFMw`uJLjASa1=QwqULjh0)Kc(XsAvIU5>UcmG}aS|wB2mL$saB2|{5+d$(XGap3 zv4#B%#6xF)a@4lL64>IyC|jANO>qcMwqlAAuR-o<}bMQyBO1g`r>9)R-jwa=L(2rq0EDA613m zy{$jkZ z;gobNTkq}nvmhr9ZV+pNQHJnRn~7s|N~w^m8L$Pp@FGJb3mpMiChV-J8>LCa{%?@L z`yb^74n0K&hH~lNi>WE(nW#SjVDro3r;gPV)JB;>8q7pY!9z@Dzu{9vO9enW*7M&HP1AN z*`Un?$)kP65wvnFbqWWdfA86^y*dCCV*M1HOBYwy;#Pk6crZ*EGg==1gO$3ltzI~f zLJ1R1EO^(tUw!V?K|4;c3xDPS6vky{@^)JH*&uRqcoQ6U2pR$`=&L!z0!CvuDBu&~ z2q6&WR6wH#PZW7PD^hTKCM+~mD@PD1Kp_L1sWc_$QlJ}(()=Ml^X6>tM9_sUD?Sy* z;DUV@0HN-IxSY!A$Ve_8!dQ@^t;rY&&@J0E#nFR*e_dtftTHy8<|)V=sgCF9BrSZ zyn9E>$DXJ=UwF;Ju!L;miR+!1%|vUR8OX2k0kEL%f1gcrxyk3 z@t9tn#?2k0 zH9xtfKBI@ga&U10T1)O20P|sDU_eNjm;mwU16IfpDkP5{3OGX7Pc1THjTXbKwBONQx<#9g2_wH!-jg(_+;z>S$;HvLO}% zEOcN15a;5@5Tby84s<#FZ~bst2?!vDIMR&R!{r@k7mk9D_D zPzmlHpPkjz*9SQs;IO;9yH8pN#j}j^`ZsLZyMXCn&+4D)Y4D^1`{n4UVqCxT!0W;g zLD!yXWM{G>J~r9izd zV;sl`(v|@?BU|x$ud+rlSLkK0e|dRHdq?g8ubC1fmxX=hwXZm=DMfXmU_n~ai3&+& zEj1zq9vmuVqMKTS;qo8cV612e2Mic5;+YtB^X>^hrYhT`kNZ0GZcQv%r9*hj^|M6k z^dgNY&PTWfd1SMmqePDH6HT|f);@-jhsK%UzDMe!l?0E;Rd*BiLIpN;slOpiB4+r~ zsj*W8Z#2`*_q4?_$_(*1MY&dlVkjdc6FC%N9vbVOhF?oY{NaazSxrrQX~bbrVv{mk z2aDe?N*12~l;3qDK;masl+|D9MRwP9yVFT6t)CT+W~G@dZ)jCt)}T(V*ju_(`7hNQ zS2--RIo-fQlx6>I$$vV5g!(bbzQ!^abKGi7{|~8__C~5^#=22EU>{g{rV?`dd66~H zr42<$#r+}5^vQ}EC_h32M=>}i2wQ;pXrx+>mXT2){f>u18S2MTLs!cVT$7dBVRr7l zPbc(wJ@->orMePZIvZ7-&+i9)Dr;dO8{dT-oZjyIibE@i;fC(~+IHJde^i-wIuIU| zV%D!w# zy!7r*ZL9QI=#|0Y1f1Hczp=3>C}GYU1L$Ckk`U=H%#V>Rrt&9EX9Ymzy*hG?(qbSS z3c?QmYMzHY5{z*BOcDY{*ta?Tt$`Zj*$E4|DsU7e0ul@REgoM-NsvRr!^25sCigER zB?zBYH@B%- z!t?EV%jm)hUFRl);zH8L9m&nah}QTZ~942M-N*($}kgdWtd6&){^e?!p{qLKfI zp|-fVvZV;?>BTBuVf-W-|M`!jd zHQU^(0CX<~>pig90oAysrU!HBc5mNZ(76)L;PwkNkD{~~4QvCH)KSsy|#^H=X*o-cE>gPKVB zfoz?Z^r;CFKvF=2*d36%L3!M{&Fm#v_haUtb7qSVmxsx8U&3YXADf%6c9RZIL3rOF zx)5Rr1VN)c0eH^ERg#KJ`hfNL@JfUgiGcLk)a}$^_`u5e|2QLR%(1>K}!!( zt=CV1;2k_gK=N~S<<`6qvy75E78V@`#PPsWoiQfo8g>o$sDT5_J}tV{K(^nu7Q9zib15N#2CETokE7|*_|qVPd*U{0}mk;64HN>7g^TN0jkA_ znK7;zU{FY}iX;Tf76a)KP=bS$Df;BSl1w{3hkpS8RNxfevkC%UH#9qP%o1=&_{5`b z!=@R!M#jci7#SJq=%64)+^k3+w6tE6g`m(UBbtU8Rtru>WKKn7f?}WW$FIC!uaI$n zlm5SxPw$4(B>d>0fcqx%AM;Zr(cv2d!CQ)pQ03lF(|0MAYWA9!?}ypXRYz;a{<(@B zpoH_uf44;AzTo9xa#X7Ppq}*Id~g+>d4nnlPIj|%A#yP0F_!-G;kBvlKzz2Q(@pmq z90Ew*G@Xv?*;Qo8>#+^LFBJQUWGhN$A{@G<&;dm>&$@mXiq1CM?mJSONxP@q(N@SV z^x@Kq@^u#mVT=4T9&TTW79|IDrgSU=VQ^p8AkKkVww4H>uqIX7Sms&1itllT=Y8co zC%XB@Vo6xdP`PqCI+EuT>l_vq*C8hlOH)E#K5|cdjjVJP;-iOOoa?Wz z9ea~_w6xsEn)80Im&V4R+RyAfGrv~oXrt<#s790KFH~#nE=(*bI+&fWHI(#kdu}F4 z5NtVUt4|@Op;Z$^``oh%5g|nbn&6%fA-2E9q&jrh5>vjj`_wGq*VR>6SlHP3Hk}iAC30(Mjzs|wH$<#{?%>kvbz=gWmG__`3wkBjMrbg^vZ1eIz-SX?`ft!sYn67dc! zZ}XKw-=K_T$_7$C&h8(9B7r^`^~df|ixE3UGQxQh!I$Cwy~N#xbG*h$n^ObYHh@Bmiapvior zHI7#VU`c}?;5#IM%@BV>^e<~KZ^B}9*F4QSl4H%Ra6Ao>O1Cy5|dNFElUbWB8zf8z}ivKf(0wBVob{((E&+Nq(VVx8Y?s zlD;n#QBw-dA0#nH{B_N)EXMeUslCh+-qLl5K7;z=1AbFc(Z&82f3mRwp#sZ0xxo)zO&#E;fdsMWZ`EZs$ED`yZv(npBiyQ# zY_*YvbZ6{r9bO|7-wE28xiR;*?OcZk1Z5LUq>unX<5vN1;}}I_FyC&Jl%p@9C!8mT zinz+>m5;fbOi#~0M8HPAd&+P`WR z07duqImi-6CE$uSdchXAEdjF~@RDk1q%PT+5#1l{aY#*TwUAdr+QzV0qNr02V37t`C-j-Bq~&iS8p2Y;({6sQwb%R!7} z!@^W()z_~EXIZwm_fx**{C~cx(kaiI6C)6b{7qBYoYFqe3qPX- zL?D9B00|DJhgH8Ol`<0pQzzalJ~cJ0AqzODC{;jn0K)6d%+0sAw}Jl!2OArdhaewX zd%jR5#;9rU(kr7Rz60a#>@dzP$H5HfZO?qwSCh z#eA`T?c8HCiN)bSAdIvO4E&cm5j^QTa653g*X~r>3n0^x9Y2OcVdeG@OjZ`HOQeE3 zb_kihoEHkyzCBg=zdOG#+fuKgMCMJscMK{u9-cbK#UD*VNlPeZdXe}s8dM_dLd$XC z0@{JxmmVP8u9-E%w7Gn5bn=yFmzI`5jT;H`;ODQH!f~+M^MMZFcvMNz@=joYMD_aK zlv@c=n8Dj=XX>51OjElhmCWS!`73Cs%4xp)u7sj@f{{zPlcPY$MCpCw(}_u=Sj)Ho zD%(r16}1c0eZ{%Dtu`||QZzJBXSDdtQn0@&R2AnxF^%`pqHJ@jA2B=k5CAJLKvMZH z(y~RD86}J&b@;fImzO3RSs_>N4H)QPM{QQol)^svF@uTy zZLd)rfN{O}U6rwtb93W1n86lSmII_Rwdm4bYLmxfVPTP8zVTIq7(PARdUbTRw?FJm z6qXtOG+_fMub0Fd6D=+Z3JQ?)TE_jdoLj2}6PkmAgZ6Lk)eHE@ z{{R~TlD;jBzZ@Lc2tAW?Ss1fw5aHCtt|;+-FVhWsV|0>d$+7hw*`qgMq1j7>%!Wml zka2o0b)Lptr{^%j%EEPsxrlg84E$cP5cX;qT+U@dVY&uF%Qf{OG4-{M0s-ObTHa>? zB*CkV%OA4|M3Es5pL1#@FAuP$GUzgA`s#wUXvn^US1}NtcN>OMk}+>agz0NHt<~(5 z^D%IfRr~uAZ~3EQ-~#{p3;3rV>pfXueo+x@RlnYi1<>+T9l{xDr5L5{^BHKhdpKTM zx7i*qd9OU&=9l8e^jZ0fYd9ST^)2Ig=#h}PB{k=v8AcZL`G~3-cwcq?Xgf7ne9J(u znR0pm2)d?CCl)&Smq;LGrtOU`X&;G-zk^g=V}cHV4PAABfI&#??>d^82qa?PMxotHgSj~W z8RMhR@@0^Ko>iYeGSS#q=*Ie%Zv5FmgaV3o3G!VUcG$t254%@V`l7>k|B+^8idFwR zw#n}b{J_ZYVTHkXW#KHHuBe18DMeF@l-DRnG7FCcZ{Ch0N4LQO9U^dlP!IBbwJ5>R z4@~EQ@001HynJ-e>c8__@EBNJ8kDP9HEK67WtZ&!{3#YA85~IfwEia`<)>1OUPZ)R z^5p}rht&e0z~eU@e!9RY5fWv^4O8r0#XPPD?e3t$?jpM!lrQ5g^r*2KS7U#XH08i| zry5h~9vv1WLfS%n^)exhJbXdMc6J!7SL=a+_q?m$Hh76pQ&BxCZ2@N#F_u#&d8qLB zK-Dg!P?Gq4)(Z|el#EWUwLtWmOoQUPP+@cgWw>v z)ZB1YiCcEh{Z!f0pR+cOnCR%936}{RwyRLO9+Am7QA;>@+BovJy3Ob-?TzMUO8Sg7 zjE74B9Hj6y?k~R-ats_$FM~C`CFC)lEuq^-sNK``(VCYwiEa=3EVvOuzL7a#MeKHgtB*~pz$v)Rch)JaBn0a zne=r-z>R9@u4ud55C!~ogec6Z;OYjEE}+Bo(o1`K$5uhvS7))|I%F)I<=>#gh|lh< zYIYdwcUZH`zIKwMkgGumxFlkMh+xuPZ#DwjGXT=8u8uX;0(a>Uiw#$1w_%=TYjrgW z-n+-4J8~zE0!u#4MPO+N(nhK97Wo8|rDGwfE(gvq;P=xUJ)03#@0RTT&a=npVRiV& znC9(gYac!$C_r1t;WY1?m3Z_?(0YV z@Le}7DosB6;K5<{+%=r)nCmmqDq`t0nZ4@}XvrXXXiYWkyDf%tu?N4hzScBlr7It` zRnZkIoqP+OIzKnQRH~Qb%UxW>KC|!2GI!o~TBxxG3dtIF+^8AMl0Cjfw-;{pc(VWPW4Gz6pA1K>R6htIY z8G%eCEG*a<3qL|osSJ#eRQ;|{qi?7M6HWC>Q!Tf@U$uas={+LFH>g|A(+vJq)QEiX z>Dhkh0OR%295;sg4WeSz+lTWp{z(tVE*6xl!Rq5dB_W|>IUbD>R_mz`lQ%-CX!kA1 z5R(;k|0j2a=*Gk70q+ui?>srQLG9xXS3xh`lcItnN54LP-%gdTJIBYgh_TOt?u#`! zH+#YT?fUklXrN&l+4^zV#oxYqC?rF95V*zbsGnd1ACT($4LtjN-dA7$i$j1Ym$!5% zcab&tFX&V*%+I@61Gdn82k*Og@3_=$zG(uZ|C|i~pKaPVjNCH{T_jx-e|=AeCO|y4 zewycDwZYuG>Oehx3k4P#K-;&>>55c`3l5SBCMV1iCPX?%d;DYh@y^c4tq(Bv0XuPr zK65HRBh!OYM0~o7Fngu)krfh&6WW-yu-}7+jm-fVD1gJXMJPH4nI`!{32GN`pn)4& zlTpc(grT+*fh<^oG51_f`7sa9}zfKYmw6+E!8s#Hz`&8=A0hm@<)PW^H^M?sYZ z+O)tD%d|TousX30$;%~x%yzrrnFn?2etUUU$FPF@YMDg1g<@|ZKrk@R0Dbr-tBJhW z&J;=NzJmqR_wg$+Qt4PN8S z2q{&FU{o-!X>hVSv?1=rJ%p%EpG@m33S`C7ke-mdnf>55zaVI>QM#p5WKtzSVF7?& zfCwx<`4S6+?Nk4BG8fwrG6?~LfMEFK$=c6l+W2&TMYsTFPMTRKfu;M) zW5(B2)@!OiZ7zALb&|943H_xakM>*HIgudYy=%s$gcc)$akY*%jJ+`bpaK9c#mefz zuL~^iWL^VA01$-A_Y#}D`KnrO*L<2f&7pn!aMo1|##WRV5D{t>a4;wPrQjd@SaP3_ z5S^CAJF11^9=Pkb?nj@6bWtH?bwIx3v z7;^^)!|g+q*!Qcy5>it2j0_kNJcNp*Xd)`JG%>OA$vY2E_enFoM9=24`Osk%#am%a`271PsT)gj ztMHf{T1y+T_35Zjxwv~Hj{VhIT$TcnfaqO;dD zmG-PdK_`uHzb7-cviE)al2PO4^Ky~_vT&W9fjj&82=SYMVlzjL?l$yocYZ3%h(E z4_LjMPBIDd^74QT33?Zy>1_A5aUs7886%6YVl|Vb8Y+oue2fg^g|eA0z9Px<)qf-tz|!oS7gQW! zMA7z}SXl%JB`s&Ov^mC=f9+&7ky!nVM7GUV%pHS=ls)Br|E^gx^O8gYm}rc{>gwvi z^`EV{eSHtO^AhCwmKm%4`AKFFR?Xg(l;l^v_5Z@!>*_Gxo&uCNSdzYYuVS>T;2?z) zWi$Jh8N?~&chelB!o$)RWb&mmynI@e>=yySc-2fL==LyBm5+%>>;JOgkf;Uz@5?(& z^b^M2b^DEOnB3?;QFOEdZpN2o8*@vvy4;TXXL@9?Ggv%)rj=b3WU_ScvI_NsJ`4WTP?K>4$MbGq$Caaac8XIM))&ZRs{^6IvI@?V8@YnwbctK=^KB_+>W?Xp#{P z&5v&(Chr7+r@kl4ZXho1@cg)e_S0&?drx8J03+#WNs1oUM`&V;jAh@-Du#5(cRQ9J z&@>i}+8z4OKOSSs=};h=w@`8k)scsSy~sOXBOnoy#=Xu;ePih}v$NrAP#_f8JCAek ziGqkEhVOYg{RlSZ`b5Mzv2V(F3rGD)>%JLPsdp(;SeKEHpY4mo*D;Nxv(gSoeEfXF zk)UJ(B~0LtPEI0k^`j8T6p_U9W-bNXt0jC)a^9Wf-UXl^oONNxjBFt141EmnNvkbMXrs&@LjPqad=Zw zLLzS=GcE1ro_n0>3{o##b3ZE+Um=@-3^8b4_R#yYs@ciOb0(E@I^UH8c)emNzi|*l zC}p4_LsPNg;om_XI(S9Inf~qkyZ6oLE41X%3XV}D^bfg99USc&TPP@*1VR)VGBTsP zXz$VQyOf<=4bNA;T>CK-+i{p1=Ns+)qr-qgvPp0O1_EI9079QUP}R_af0lvGSNzqF zRR=Iil1ZR#S*CUwmwN2 z<7?N%{v~b8Ml+S5pF(mn2LzX>PX8MeJiBg`VLDVW9_;@Hr7S^#FDJAm?d61i5k(i( zURWIH-xb?q1uu7A_VuK9LFW302KdhuI~wSdH6}&Vbd`ojYGrCu{|-grR4_*HkGjE7 z(~{$38nr;;y{LuBMMxqAf1oP4ml-YS+82qMTE$i!u;wbc<+?d6ny!n!*GvSzzM?MT zaG0uuS8|60*qCwqpRqyy{i1~4(*%w1|Fi(-#tHC){!d#Qq(bs}T>_l+|GnWKf-LMF z8fO;HS(sC=i}Y)xL=hkm<%fTZP8ZUQ9h|&oTVveF;5EjIM6Zj$C8?x%D9c0O%PtY|@au$+bO z$7y!H1~AnfdTU&leWhGU4=i#2D&N29fV+sAlm27tikC=A4{ZW?pQE}Ki zES7$EEuOw7MN^i&m(r)$`1u21Z@@qvL`#33!~!bL`jv|5ZT*6zuI9Eju(C@1o$r6H zLw%teF(%Y{kE@D*Ahdc~{af?4a~vh{NaK&s3SQP>d57YQWi>K3R`L@Z;9W<(mXSc} z`5v2v9gWD893U)kX|gkAULf#B;Osx}Lr!*fOb{k+^UU$}`K?c}s%L{r%k=oDeD2f5d+$PhZw0OHEPK9 z`-ZNxvcwl4JaaH|#eK6~E^k}Sz0CRaYnM!&>2Q6LK%1@ZTfuEp!A-$nUBHoZ8Of(C zWf&?&Id29AoiZJsjmFRK$!z?ouY>p8T;EUK6#NpL!hn}EQ^y$TjfWp@g%f+4{LON~&T-8ya)o@Ca8YD8hBnuNTCV3KQzx+w~-s0fUBo2lm z6Hv<>BQh_-{GeZvh>DLv>*v|;sp%V7qf9SMra?`YU+S#=6kNW53K7aht-65`>4S~u z+n^d+Tz~SEJ3Kum60s} ztB-b6qNc4j9e6lwp#w^nkWY5&-t#`=xc%&`XIlKs1FmP#`PTm@ww(66{ao&^}`=??Q(Y$Zb+#LuU=i~6`XnD1q4jBwSi z@=#+juU_y;TiQWw783=-g7BbQ%4gJRIslA5!d8;4d8#yxD|Rw;=P2r7N^-l(UR(DY z9mPjs#txYjy|>Q8xG5NAx*w;rCEutQy`qHQlSp9GX2msHA2D z24hrXCujC}XVb#M*kuG~3e<+GLo72QyW3CfU6VJ(FDUA6T}j+fP&Z`#V0fG_#@N<# zPXz?>GSKZ8+zIFXZ=%eh0HQE~;SFvfSz-g*-_>HQcaj$|C`H;nCfchEJR43KisT({ zAs1ecVAU7w^lIKC_Tg@V*{N$K&gU~FMg&m8zDhc3I(=f-f{g1mPu=y&06^b*?Q^KozbB19OHB%)ebuk{Osv#h;t6=N=!Mk8|>sJ)x}1<&hcfjr5pj zR<vOuOu<;eZ?XDl3~&SUV&evgPaEpIK?|04M?mN^$R?%o2# z5K@G-Ra7=(HQ(jNuMrqcfBmMaRE+w!;RUEgzs4{KoqHyiuX&WAu|0%JcLwCZwm|j*Fv?MQSdQnIZa z=8ekV)u|BLVHb05J;?TS5oQcRecB@&8>s%WPy2%6)X`nrn(4 zC@sNq!d!zgbQa^fTXE#>a`09{u4et``}le8Wvem-ChQ<`;J;ac1o^wn5y+1^#`h{* znN^jQ!&Z%eujX#%wfvy)D|p6}W6_s{2rLJ%09-YtDnT~OLOzfc)wd4<(V|ho0%Ozo zXN;H4c~N!s=%;UBF#y^+$Yuxom5Y>umtvJVkY&4IBNBnaV`uSsE*BS^l857N&KJ>H z@NQ4YHs1pey;}n+$3X}d?F9iM9?SSUdhIXFfHfHqZ6UUh*hb#Z zba~*LZ%*ci&rK7SIO)xy01p8JEYUU^lQ?i0m~r3-v%$=V*|DV~A|itQECd9nH2M0} z%-JX!xNMD2#RK0Ph&0!&{+%2J1qndz{AJF~91|U_Ryp0}7xu7}b_zN1dqj}y>5lp0 z_w-RftLZgl&ps4y<r zM`WIMXu7nLbTzl`^c6Wa1BNh`#FXY`X)xXCWOmae6jFLD=yA5J73>>GvgG^qJ+{vM zR+BKt1vevoM(Ww2aTEV>dp$5z19>O-#>%KgUKE(Jg%ckCen6S%h5Q{?QHQF~$fE@v zrjod)7<{znQ!d_$58(HHK~V#vVihcz1gl0burIP|oIm^Bp}Y{v=PzW;2uTxQt&I4$ zwL!n^$?bUzzIjCmWUQr9ASD}z@Hsrwx_%CYSl~OrPpK86F-nliU?_YnoEYb*Qlp=# z(kYFt!zsEP5>V=`ey}p&7ql6wUCjmj(T0s}VNEUhDHoZDccx?VYdQ2h8jB$A3&@!( zGDS)B)E0l#+1N>@*@PO>!N`6A3eN7kOutwoaL}Ab0zfu0IC-B}#hi$k5tF{6CBgoG zGT-aYojg(W#{oR%K$12-VIF6*zE_1fLA0N4-tx~+eD2X7y)69R)v{C-z8cJvBi+X2 zu(1@_XQ1cJKVw3)v(u}<$u3XagI2Uu0!up*yv8WD0=@DF&Tf=El6~SEkE&OtNSgWa z)BN(I>$r9x<+^Ij+S}H4+aaxmr1}xHI2Bb!Z?j0t5u5dW$UpOLo%&2dA)^x<4OvlM zHRWF|gD<56XwFVaExRo^LM8FRotnWcugGBYl|>|m5)TLOa{SrDPP+?$eyGj6rtM*U8T&VC6ssmDC4uBc6S#)ZDE#=4SnVoiCMIwj56HnEI;>oO z9^bzlGO4@SWTA?c7Vmk2Kp-^d$HagmXJ=;zr~tmckG{rU^|70D(CfL)eM^}v(nsmG zHs0H3IM0{|wFh3SpAR1<#P}g1L6FdENkNJPVXJpaG0UwT`#n;MFh3SPQW^Dzj&d~> zPVBqzfrXJWtxe-4ALk=rY|5 zjR=V;ASMCpu91NOR{X()SUX!ac>Ke2ot!*t#X==gz^0a&G-RE%X##iv;H)P@-}%)u zrj30y(c18?r|_UED{SjBlWPuHpAPZ^q1j%n%H19Nc4_fFgGO}`t+SMr6tKC*Q zzaP~GoB02hr(l$5*$Aw$lds-jD`Q3u4T}Fp47k6agLvP>URhh(I=?8{zt#J$3Va-Okm+i?e*^WJ z3@7=>f$VoW9`|&q;mG#z2m;IkLE!ugjA>#Wu^<$2ZdQ z5Z&vi+ve9ydFxWZpUc^q`(|cQEDFtSjzOZ1toipugqYdlKa|E+Kc>2&h{`zbr|eworRq-VOOv3c?n0$s{C;%2gLdN`}%-t5M0DdOOK?DaUkmw z799arI>E-)jfj5(mscC>Y8k(&>-7Zdk#Oaez|f5ET70=IaH#K_}8=5D20g+eBm79)0qM9}hw4*f2lk<^l#2!HG4kS%2@RYE6N za=Xk`yzCkK`OhRgb|>d#zSo__D~A*9&8~c4P}>LApx^_39TO-n$H|50CBTxaz1;^` zV32x#XK>2hAH7R18@oO)iHqBL@6@OrqsR!9`HSs!*A4^jHfkjhNOuB0_+u-6dFrXQ zUumA{@WI(Ixf|#omSNue?X=*>z|kRhkFhg5g2OO_@v={9$@l?$N0ooZeWr1kV0NKs zg^YZJ1kdApaEkH3mF(7Lf9aJd@mp~EUpoipD@Z`dxtc*rCVcwIYQ|BZD#-zgfpw<$ zU>ovuX}Ef+kJA1QlLF=ealDvG{7F`oV*1rZLr80goBfS}FOH(U2b@AMd9E})WkG0Q zTP7}NF77!}){RLXW`rXPjIjJ4*iTV4UM==-puUW%IPj=;lFE^HB(n@aL&OMo=UU(( zzm`Wi7AELQ8ZDci_RzUavAC%+(NM7oks-2lU-$j3SXdTCq<^MiJO_Q3eg5sw(bcdI z{HkfWuS1OhF#=p$AfVK#UUc^rXpsS60wf`Gyn%v9tPy};%)@FEvew}0{q%{vZs2$( z&3IuQEwIqH%DXpB8<366zHjNd!E`?VA0c^JVU5N)l2NjuOhOT+l#drD1wtd;BP~N_8Vk9Z&79u%FCGukNgU?C9J{K4 zx|uzKixtGRF{MfXktHbX#I64*#}b*vgoRV5#_FLO8NiQJjjxl zEMig(aD2@-s5NIt2idIXTEI!yH~0}vur9ExYT~IG&rfdsAN$5YV#s+4veukoo#<>{ z_~euKj9-LqvHzBEhQa*hC)PB%fu9;ma0*xqLQf%2m~6_gVCMh%^O|$9f=eBU6*59= zy-7eem6jGBy|QMlAylMJfO9+&#KBzrkXUL=XUw{J`TLr2M#-2E^Retvd9+RLNwIcS z)0_=(RF;@xoBPh zI}6|<&{h=XgoPD7@o3-K*%4pokFkmuB##c1uzhp8eEkk|m@O@M5RjL=zrW9$sQi-;ssa(L0aGi1VcFx>_|^<1z7B|#TYUM_%UXnpl2K| zP=!DYwbYAMUu7pL3l43KWG>V@53D>sJ?vk$Uz+{O4}OEqn8s<1%|`J_3%p6wN49{` z1SE6SsJm*#lLA-mAku)$YlyNIh^U)B3@N#u2#~sVhlBU`fAAgK%vF_I2xelLStiyN znTi8%hNRZ6OKOfRDGLR0&7c(79m{d6h?3pBF1#UXP@1GwLhDWibn7bo%Ygem{rwil zlp1xi`{+c^3BKsf>I83uvw2@>DZ(Mja~A&^_UMPr*e^d{$=^sBUPo$Y8(k$q1&GZG zvAb4^{n1}Z=GfqQzMelpw;X-faw>kYE_aW^7wzr&Wrf%M`?J>JF$LLd_s2u~#dYC$ zMOrLaWXNY8wtqVp(@60`L=G+(koE^1xMS+oU}_ZV@^E=PBj+9%<8T~m%#813%=l(fnN+C$-i|AuP$g+_NnWyp{tmmU#E5z%7PTgJcJmT z?AJ_KD0{K;wdVEW9_-@0ZXxlfZWS73t8#zSzSG>JWQp1|!vS8Tpjf!{l8VxcC?FTxkr{&Kem|dVBoryvxx>Y^pzP$Nt4pXb1*kJi(S`R&spRC~m;*IgSWmn( zmh84qJr*Zg@&s@U@`c5GS^&F6C}Zd%yjj8Z>Pn~6@R|i!0Kx2`xR^>v zX!+0$#C~Kex&w?iU>yQMka{Ihq^r!rR0xP<-T@v9Ko}}_`DT*ZBQ+lr`?ubHU4Kq# zY;NY}-~g#zo7>x9;1D4JUXHD8ZT{yuCppdQ5E1tNRF~lMUmAkn(13-!pe#B%8Yswt zsLNC@Pc1!o63Yq`p7E5K>betx1C*=h_uWca{3HLIi=l3_Et(vVvLYl zLBX@%SzlxR^Goo*)AuZ+wQL@tAeOLCV`pb}|9n9XjMQ`z$P|-yVP)M`bn5qR7m0X5 zv)!*?qqi@zM&oJPx`qTZdBtaAE+Ba9=dwPR*$yTC4lPm$YB<61HC>oYi>{(d(!!y>-nQ-> z@uhTubB_Bw9J|u&;YBow>yup9cgv7*7DJv-xntLVas33Q`(Zz2Mf2c$>v?r2y7tAT5rbes8RN$q`x@;@}%NTVLJuSt#?70j191$PqjeAR+c81mbA11;CAf z+Hw69l)uB9PR$FTB(74XU9@vQSn(Q08IZ2n9YnrZN`z}IzV51%w{WMG(OemM4GRrE zk8#*bfH;V>ps=u>&FMlot@G|Xr%HU6)8-I5-9+i%u8o14k)D2k!Q}?>L3K`jyEeg~fmv0havoV<7+CEVkZtFmo&=czIe|@0Z3cUWcW5 zG^h$Yu1VC-WjPvrsHI6g`|F1;I>j+uXJL{o3y>fsirIXhwilqg7+f?RVau0yr8~{_ zneR=neLXP1lRl>IODBwH)7>F!ll} z@HA6Kh@X&ikC6}mIjPG~m?N|OSCo+bldyOhzdW>KDWrTnz^yI0ae8NNc4I4=`j?}e zWD4UNi|VM_BBQq0@?j`5XaB`Umz#Jw4fK*Q*+QRo z$>P3CvNyBe)S?@Dk^KV=mkC?Cc2#GO2_VUV42!MsT-~#WEOYFz9918WZKjg-!EbAY z)gDp3bwl*SaU5Z8Jp88J!796wg{RA?6qEh0p$tRT`Q(E4H`{@&fP6O-w+6(2XGzwu`{{Z|3}N zmvi|nsV7I%Cs)#H;Fi0^&$q(3@Ejf($g{lr5eNgo6}v7#zPC2ovLu!-PYu?fpdZ~g z8wwg+?)#-*74?6ZddsLPyJ&5A69S5KhjfaBbfct_0!mAFBi%?!iy%lVNJ)bTO1HFt zNH@|c-QU#bob!GT2R|Gtdhd0wwdR#kii!#f=ksCI);2bA8V}zr6=_!z-_r^Zh6*CO z*n5PrQCWmhvWwr_?U=9AUdP9qu+&!<7Di^}ga0|vY(q9$r_Q5%e*WvPB~-+#QlWQk zi#t7}GQ$UfH!#H=^6_&IEU7H8&t8kDb16_F!2M#C!c_PCa+}tm3BY9X=ulEV&a$nz zA5uH(i(`#YQ+@q@F6iu7$@CWgUQkf(=hWy{ zT5Sd?lAmxxDR2E%h++N@Y$6kcpOL2&)9|{=AtbHz)%0e{Fba)yO?p#EAv18?G<)Wl&*xv4qkH4-yFCeP}u7$IBss;2)r;-9^Sxa3WZ`I+HO{4;*CL{F@$;90klCjT>MH zd!*nuV_1`sI~>Tro#bRMK~8uWg-?F=TxPKT8K?LZ5pR(k8`uL=a;+c$K9D64v*>$Y z;{Ueb!{Tec zd0}G~YoPR{$)1-S8rV`3&dVmR#r-L)OBZswJE!Hj6~TgYCP?RzB`WhTrATxg-vZN% z{puN7r)tuPo~OoiQPdLprGG<@VcmP|!3k@eV7PgF4wnGH8Ch6Z*x6;OSDUh7 zZ!;SU4-;YXeFolk4AeS`W9o@Ahl9c2AC7rGjd0r?Y9f9R)8H_!D96OiH2OF8nM)Z< z(crF@d=nV^UoF7q=2WeF>Ff?OhB1(LV40_vje18sLVh$&_FGs_TbnhbT+I8A72*-< z*qNd5Cy|HlI|X?el6ctva$)|m?~s@xGjS8~{(VSH<$H#weD7R{%kn(Ymnnve)o z^JqC_q-3U9>F@GXs2f@BZFvm!uce8ujK!+^DIe9wxM8oPDO=^KCuq1Rljjh1eqN4s zNuH4Y86I!%)PjcMU>KEp|H}?F$xKvvba-O&&Pq^NtkX`z?D2VnfGHR|!1KTM`R>;n zl$~(t$@}<`S3rPT+@}We>kl&~gM~1Q*>ATh8fAX+`NVy$GWly3w{>4sMwNvh5+0!9 zuLC}VXi9-ru^-r~TB&P4*Yx|kkLl}PZ82PhpoDRG84jqhRB|qu&NG5e#V5^#HE+zuN%TEvnV4kh;tX9=&Bo8p&iYaXBzBunEIESP&l;y$kORg` zy>+{p-peIEy?Y}dBO_yb+kW=&q-NcKC1FuL?fJCC2U57|LrxPG78ZWE^wpUJeP@)H z_gq?@f=NiHpk$v3&rj?Ae+99|LHebf92~OMRY698VHm;U^Wy!+_ zLZ6T??M0@3^ZQ+EHk`M{tsT@l-=rIDuP}yqs;wPvO_`Dx=N7jA@T4(+w*-at@f%k& zArfy{)Rr9dE-M;b4#r2yDDw;CDFcl=?+sjdLWOo_2FxtvrCwomf6T`zObHaL{o|gE zppj-d$T}_H`ST9brkT)jxzIp_Oqo#HYke)zh!sm^>5?aH+BEL@NU_O|f$(ACM!YWy z!)v2PbbFsk8_N8Tf_guU6!x?_A_#10+d@zA)aAm}eX47Y{g+)s@tKYNs_jX67-*7o z?VEqQ)x#P;hg=J!2W7VN3WRsLt11@>X4!B3&g49NItHl^ddMoOPgPa%XL~ZJ%xv=mzQu!Zk|=j zif6JSF-T3`%6mdM<543g)zmRl@0n|Fine|ac0ud>Bmd2|e*f$35UJI$OgviL0=8 z*e0w0YVu;?Xog;Oxzlt<2j*CSGL7EQ>kKqF2xx+3UL9VIZQ!<4Ad-S@#|JCSEFyo@ z&e`00Droa67k%nFFpTA--=`-gk+zdF?d?gE7`sU0ndyjoPyeA_q^v*XRe#|&Z+IY^ zK(Gk_~}NEb)D2?mx|tONBd)c@&9=d7RD#{_xs|8qG+HE zGX2g&RZ{8x&i!-r@N})SZRXK%(w7hD-+mj?BcCKZWR8h!cWpZ%rJk#7$*`{aX0agK zh~&IubE$nEDQPvPY5pL^c~)!3(_}tx_uT~JU#)YNmDln1G%QA5B{sra$%<}aVw3ZZ zbp^sN|8yYlzoP#_4*=cbEwHh}#?l4r0y>`6)lJH^JTlyc(_==rQ+PVRF(1XKx?3Y? zb{t~16XQp(?9R5TXTdtWzV2pfW+n!EDy*{n(z1Jz$*71j$YUC8yprbs#Ce*`e~s6d z{)B&HZ4EE79r8uBSn^n`+g`y<2ah{>bH;n8JtGz%4!4^QTxyn>FIxzm<^nD@E5 zdXTIx%$p!0oOe7pIx2ae!gD;5nM_7=i{f<7c_Z4rz^D3R2WPxmA`AX;2>z?m{E)X?!L59Qo%SANex@LWn-F|mbt?pmffUwj?c4K1Lh7Q0CQ z{xY-qf*j3llq}xAHw4;yUp8-#sLh?fs0t8{l{V zPN$~>J&J`EG;N>MWqOTX$!Cp)5G<59@({fhf?Vkdv4_?W^-QG#4;zM2*qI~St*am% zsHUdoUo$ti{>-c*!P|G?8w>DzVfzJM+asehGRKPi@@(%VgYPFAC<4mZT+waNUJ^7y zM!bw$ySl=(0Erp?WU`*uMdd67ZRwE!L;eR0!b_`S}j!S2$R31wDk96?N^BWd%rwmXe4L+09wd9>~Yg95)%!y{1p3BK2g_`Hu z%)qS9V@4a{Op-*-*@oBA3hl~GE$9$epgdw)-E6D47jf$zXrXjca=D z>o+`N7p*t?S~VS->TEXuIW*-FJwaz@DAyB7)BAYY+&LkY_~@y~UB+}wF|q0Q zlgZwaO|Ko?`^IADlzWlMBa2E6XA}Sn-&)d ztBI%d)g>ukOb^i5+b2O`lKNx{YpM+UdG|adA7k8=nQ= z*e~qqov=?6uUDK08N)_rj>ePd5d8Gx$H~8ciYC80ntV=3pVX^I6A|Z~s&bQG-dHB| zqhQs@OWPiTJpx>84SkxM_;ZPjfmYjlH+jcr=brDS#H zsFxEZ!?*2imQtY>Q18RTJZ_s>>B?{~)=tb}xho{3ouf9$YsZ~TPC)^XvS)_7ASLAM zK&QPxkwjH-5j!{ckSRBq>k+$N^`ZliQfm?vxORIhm&k+o>SMFbRZ)4l>fN^xke}N3 zYjE(s@7V!#p#nb+reN~hp_~mTba(H{Yn((e(6+jVzKJRbS2DO7)?RFI`p{(xrY*RF zfHmL|oDYhMkQf0YD;Nv$w=`Eq43iuW76EBqFzq(2gMrxS{B={_O4rvdfoGej{Pvjt*DVLwStA_ z^J5?^4{jDIxzGgDQ{lm^#H2o?u@an8GdZQcbH|^DzX&o^p=^+q@K)vcJzgxDtOQZP zqmrF)@e1V%;kNk|y6M}{4QzgiIZ^?1{{@kLzrb2E6jLIj#E|6(+QwK6jrwY5paqi9U%XVj+^AAtO^JdN}&k2=(DPT}l~)bOU7r zdOs`AVq;kSG7Y&rx4(6U*_LxhYUxRT+SHKv?@5Ah(_tpxzO_e0Z7i6VMCkEqnXjgr zMx~K!;tHLHzUsX>XB(Mv{mP}Q=Vwh|fCxct!YLC%HM0l5b1DAQhxHLnr?Pz$ka00fKjxX0(%1d&#;0yvF38Sa{Qms|rg(?} z>oTnf4u(e3msBGEAi)?av5CdKAG~**rt`{2p@()H=ew-I%H@$*HQ4YZ{Ct22a(0F; zAfOkaM=DIhufTgp$9iaC(Vu)?_zW!ReR!>0FzS8yV6^l-4p;;!!cT>T&p9-urGpEr z#5KHAcW&<#rd>PtC?iPSd$~qN{zy1XC9tYr9pp(6kxA6%9F7rn9=p{acgGE?3&lW) z5TJoZ@7!m7lgzZ?AOrguaJWlLOA`|lP|XG}rsP-844*-d_IiRlJ5(F1tB_C=%`xCw z(ZDqNiX$m0VpsY&L`Q)@t<<1ut7&f-6t<9Odh_N@IJf>ryQsOkxw*NzhPN-k;0lLU z%;F!r-22$6Tw9sycMwmu@WJ2=mos=$JZp;1gG7F%xq^H~fy`g3o9&?}*v1C7o0a}_ za6H4{%E<}WGN4a_?)X`zWOTc>*`9d#_m9yRWP4p*9xb(2sl-wlyeX08;ea#pi>99( zQb3n!OWiF9p>-7eL2z?1UDfu1-A$4!o4-ZoY4E>8RxbkQTDvil0izT?TS^(~I{!-s zVutd`_zd2kKNrha7>Hb|tKsF6>pPDYlYD6*Kpu@$N{7nAHFu#Z31PD*R2`Y*AS(&g zgbQkM(-ZFpBS;}(1@Vn|Xa^pYe@@!xRRRzex<@zCYaKNf*q4s6Up`1cL!KWBWWfrK zeD(&@x&GSFb52slC=KB_Ve>99lLjX)2rq2$tA~= zF(ImnW}`*gL5*@?0`N^`n9@6lJI+}MpIxXvzna`T)CKF;R55qPDB;NWh zUeBM%=asMSU-2R*liHq+mg?7grRCR}T+W7U#j8B?pZr~HW^o7oTeZO+an`3JUmW5r+UU~14h{FtSlzQcU-_KB`ca&PYT6&qmp0f#}o+`SoHgZ zNZxnf)`R)SvH$z8M+0-3mGo>*>uWQRAnim6nz^0Y9q~jn%@VyeM?rXo6pB7A6({+n zN5&T@zkY%7>VCk4brqT-jUg$T!4DvTBeGDn1C2;4A?Pd>-p1ET(I7`h1V90^(yJ^M zD7t4xdBy9#K*CQ9@^f1}fFF(g-l>|}5RL2DDm7K^i#l*8hfYt?tYT4iekdkB;xLR1 z8nh(D|G4*3Hd|;?>BYy%MjY}~PPOSbdbhUpAUF!|S zi~8&C+1N89bGidDMM`Qm7YPhH>AXsTv?ELdSu^=jhtJ4OQKC$WK}^h?VrI`=_XflF zic{h`RkWWGbhckPS@mwNt)U#nw?%jfxAa9uJ|?i*ChR-aFy+1P>%U^WDZv`HB+~ zFW$2 zm!fTcRRx36CU^YP5r3VW5$nF#tE}^b$Fm9)Ba2$IZMydo#k`N+SE))%qbdzU;}i@@ z@YQ)HX^?n?eUloGL?-&x+no*k$aeDR4qpE2E&ja}S-(tXVQw9_x!OeL-xpc-Jq7-v zMEj@yGg}E!kp3P@VgJ3qAKD(@=>oXL35ZbE*4xnySJ_Uhw7v%Q31lY&{tS300E`8y zAYL}=EZ?RnEzU|;naMLB(!2kWZ;+@A<(PYyWyb9hhC4{jSkUDRg?1sXz)S&RRS4AwVBX_LddP8I_sSZXO?2F9JbV zBW!>_Hxid~n*8mI?%Oh-sytPVurxtpM6MXw58m*V)6mdRsW9xS&!4$&JAae;YDYq1 ztP#Y+V~W4(5*`(_@Hr{jk6_UrlRsv3oa)(ULc~clr|}h!mEMU_&D7nUq{%~kj9^?s z*(HuF^WvRpp{>)5Ndk)y?I_vrEko2i5U(_vVX{ULZ4)XAT}DC8;FW9c)fE;I-}AM0 z9yv)NPn~0KN?Z#1KoD? zH(L79fEG_ruXmi6tkRiw;yUEKcIf=*U5D8&A{SngXC=(c%se^yhq8)|1Al>zwtLuD zrnZYX`J}yB=l0*I=~(SErB;i9!=oc}Gc&kt4_fw`JNx?9|4R^sfJ2TXh;jorG0;jW zxlo3_AK3CF&_TITsQ?p-C~{c>OEBLa+b#k1kdmtRmc@cU0qji6cT zA(f~9b#pP^)}W@c?$H4zseoO%7EHrE6{n}CtM$V_e&C9^NnXCyj1~Tjf+Ixmu#re$ z;$K2kN(wm$&h*r6!t>I~QO+Wkyc<&u-3*nbAb}5>0PDToH8nLQC0inh*d+b&ai?B; zWDE=pbPhq^r*Jw)aM+vI(csb0*QW~Q{l}PXKpLto0VHm*-Du<|#rL_P>{Bz1ddSJ`4`tmwNc zJpr1%UBEXbBro#dqZ`^O8$VudPouq}7O9Cb`1fP>#}BCNf%t;-F!|L>Mg`X-g~ zE8J-{g$*{p;&R-E3$*BfiGA^F6j6p6mPzX>a|@Lo%CB`>y&E-`(bbWZF@KHoE^9;0 zjSv4ZQ8LL$cwKb5`r=JoiuU##69S;id&=IH@vMRzCqmgSwjUlgK0C)vbVSAqpzN+o zz6ELpZ3_^-T%dcsP@aj87W>B~av;s`+7zPc?p$uDyra-Z1fWjuBzG~E1nq#3EUCw= zdJ^J3Kn^1Zf3NOl>aMG^7PRUHQFNT~U4k*Kw`$~bBpGu*e}4MYcq z&MFzdhm21MLvD^izG$(A2xUy~1kd^e&+<**hvRZQ_MEtE5Q`D@*Ti<&*fN7$b-rbH z2r1Z?2gCDq)IYGo&9r&1n>%l}LTH1n6UNDG2s|Y*$b8o+h7BDC+*=`8@85%u9%80% zo8Thf=9&NuAA*TOjXW~sDmj~tSm&O?Qvm;bv9X8R%enU8A&fMWBb1YOtT*34g8onI zs+z%3Q&zs;d@2JH0jLiNFoJi`|H6hz_|jH1dTnp?njS1CFmzpHEsd~s=;0B zt_uwAG>XvON+tEkP*GH*gfeJ7j!tZQQhW1`lK3(kLy~jRo{4*%5B7|3>km=fV6pyP zrZd;t(#xog80bUCj!0ksZ-=GDTkomSIx$uWb8L98U8hqln*&KW!3HwzL>oHA5MH;V zyexK|by|7d1)229d2AdURCN;Fw;`cl^!^8d`}hK0p9UTse^y|41AIc!ogUK)^~vl? zVFwbGi(eN%`9x+b0HK~XsQgs-xa0{7Dl_#zF(AD8GOA-nCRIAwSBpFQ@f<|;Gq{j! zYFy&0GxkV^Ct^5t%k6w`v2$=PKQ9loUY@O?Shrh?^uGQ9F$yGZLHLk%jUzxQP;3mq z$%pb~$RPVK7vPP24xlL~sd0-n;G6-ge}(OIu(m6K`JG1tW*Uc+bTVCY8>8Os#!lwu zOdQWUsgrx%PA%d_8hCnVrYMFVk8d4;N)iUUP@~T}TNP$KAeYxzoG;8q6SVd79TD{k zCZ8@L=G4DOSO8Fx#`XNI*4(yqYJuyGfr;3oPC`A4axHRla(G-Ib2FPgw=(6HQN3~F z21GcE(X!6R2i?r16unsOflehcF)`TA2UH5ba+dlk;wwIp5j!u39J@DfK={MAB!c7| zbz}U2qwJ6+FR3cxp=d&I_HM_*H9Mh9U%JRBFh}=@V-^8>%@S=`Rj4?=)_WFD?ffLk z!`8b;YqJIK4Njoh6O#jsj7T%>Djl)9*A@?%F(l5L9dM)QNDgSz!g1GM-_Mf34*R!W zF|lDA4OX}btCqw5aX;s4vg~&Qv%HUA-$EtHW*338)%)#Z)dpm=TepG3IheHjZLlHP zDR>_DhT*G!+`6>yC|5NrQG$qT`HOHOngi(jX=}=dn&TSkD=@*Z! z6MwXEova#}nqM53jfy_Wa8&zaQ$$3Ib~Dr=I4JLH!@0kWaAtk-ftcO{j_U67f6OH< z<;>SCbN`2(%VSa--tM8vm`W#ufp_kLuFsHbSJVJ>u6{Q($}%iSAzm2#Ti;D9z}bzi zrvn≻W#V6Ni#Nvo0^C+`L0iEjn_b&nGLksN?!j250lxAJbVF8``y%MrqT%YAZ`xO|-IEl9mtbzUFx$=9gt zh?M`%tS-(`=uU9`wIZfypxYW3+*|)AD$iUc*{6nh zF(ibp%C7TT)~8aYW-{+;?`e0@hE6+NgkQL~UZrlyAjga2Z>Z$NvEricy)38bA4Dy<4k&qLYK}OgR>5-8s z;?8jw=^uQ#ytHH(gxOEb$7T0Px83(HWr>2QThTM~iq9ZoG$EFJRdVA4pOJ_7qn2Xg z6pGM6s+UQd7P(7>0=pMT_^3)WxD68jcU#>xVd=X0viE}sPK(8rFZ$)jKxGSuL)Fgh zOFg$-LWGa&tLEDDjkRB*0{!Ohz75%jqIqKP4A`R%eO>E9-~JfJv$atDIM$Bl!QV2H z{O(~t!}VkX`!Jvi{%+lZ=X)*+`2$CvQCx1KO;Q$49`ptbwrX>r4|>7zey z^V~0Vg$A7$=~-L8f17Qin)vl6tIAquW5(vWoVZ(TZ&z1WPmeC-7DDd)rkl5egM)&C z0^kvl1`Z)|_pJdHf=))6K?1L(u?k9~p5y9ML2pBD#ND{rU5Hivdu0Yzyd!Uc0vcjOs4* zI=MgGCxa-Hu-J@Q{cgZ?(3hEOwchv4Z~Uj7ceO&~4q)Jwecr**gZjsS>XnZKn2m!# zA*#nskdj*b_0sXDoGuwojbAWRflJeI<~Au-w6dP1b#O5n+-S9);Vgd$mMa)p2e<%^ zo4>sfVY1m>{r$vkXrB!uxW#eOQCj+b4kd2=;!QM*jEuZN0KzfHB@%)=w$->N(OglR z=(~9A!8KMN`U3wu%ZdK)EWbFAf3d;Oi^i6+SmA4HEOc=IW??FC{Z2`Pbz2 z`cJ#S9sZCp1434}Y8UU?sh~{!^^<17u->SCG{CsQZP+xjy*?uJ-r(ix$EEw*Uv5rm zzLdKeJ~}QN&E~k}GoWI=JN(OYC^+oWFc9 zRsgsFf^IA@0OyA(lMmb&RY@Ueg;3_h{=i)2(`V0aatA5rO@3Wdb{q?gB&Q|>1f z5;8H3uV&_ihE6W%Sh#v;V$v}9Ccq;S2LI0KXKyjGW0<}1t#JkFGIVz$1spd$a8)fGZ5Z7|| z18=n|Z?Egu2~0jBf~j6pY!p^+CoFm8Rj3HIdy|)Xf9+|0kPYOsPwHVLj@;qI9iZH3 zlwYeyF+AyqiKru%nmRY^4Q^vpG1ZCnLM83r^A=uamWYbUEvERcdB^uB!Nw>vIaZ^+ z$LF_a#SXRObMBqCb#R9c4$VulSiua+M>3w)5f2{ht)UPU{#CB6P_{IX-S^= z5%whfGmF~h*81T$v4+X=80suq8fo*62=q6nB|Oj*be(}0NN1XbjowBs=Gm~wJ4m*F z&t~9K2b_b5?aNHh^oP21p+6Ncnorg)--Rvz591~uci}vMNIHERR~?rTs*nI|fXiU> z?-h87NIh_|NuQS4jB-R|X%uO_9C1eM>Q*<*@Hijqkep3GQ44I{u%C5Xli++83dO6a zX~((#P**o)$qNn>Bcs~kHJ4?5hetJkHywfft5VnAfzLX{4%orUd94gf<+b7msYbCq zCXWU|`yw#oD|fA-t=N6t0F^swJjFH7W*W!*yJwYUgwcJL6oj3P0zm86dG#zVg zm(U5LU#BpPcN1Gj0B5BulPC*iCTx z(m_sstqE$PdR6jMa;oo)y-@?#RnRN`xYd%En26}6*E0;P03*`B2c_D}9gJ3c`+%3` z@{1i;VQv4$jsM>k)h7P}24Ej*4%vpN?u3#H-(QB=d9>NslCPl>@Ll-U`T8q56RBff zL;#DLBI8hk+Qj6{;^-8YsnmnA-rFg;jQBS@oj8&dUTi9rU+T`|=G5$=9H%z~xv2fI z>jnpzXov*k7)v-2SzNrsZciXK*D0yzs_%d6EBx{uPS?LXo6#dR>0UbPM8o$kcG4VH zmNn83N3%CdCsWf-W`8C;*Hq?>y|Y4{M|m468bC~1_|y5t3$9+`(KSr@)|Hvr?LBdH z#Ldb^3g2`A0IfkkT(9rHJQlwCvPTf{U^8UP>yr75(@P@F$)i1wS4jc5&8IqQYJo$6 ze`Z$x0>@;e{`YS(Zo1(d_^kl9c50SoFI@ccGbO4!-_;BpteT(*2gr z`R8y<9p|Cm9+v%pXXmm&4yjYA$uG`Cj^}sv@OmnsPm6TtUVK+s10WjDo)Li=)4Glp zLIYE}H61=vAqRBjed^>L8TsV=?CvuNaO@zR`{o^Llpz26>~MqiZ?ZbH@fnfEb_T^L zde;rO2R?hJm~i{ePnV^QU-`!Z6A>j=qypob=D6S}$=qdg>hBAP>oJSP*nX@;G25+k zhM_TE9v!f93L)#u%ga*Cn>=#ZC!5oWeqrTt(6a!Nx7AI;m@xd3V>tnKMG09s`k$m_ zk#z6F@To#-KYWdEoj24zA{o+Lun>orMlj}_>54;L@;)Nr_+G)>j-^%5mN{N%@_7Un z05_D83~6`MqQj}&oKf^?2KHBmrvl97-@Nj_N%5HS^Mm>4=m3g)m0LWdxsaxjM|tVU z`Y-{lMWu-0*tdrC)JZ|LqO>=ldi8e?hi z=;%+cS(ZStc zv%c;gRblt}oH>#r$7`?Aye9_>G)ufs&X`qfzbQ@NUbfrVtY<@c+;&yTQE7)_^wqPS z!P12(6mhaI>Q1bTv1d9AfD;+%R6Y4b;0wGZ;;B3I z&fUmzYCQ1jLCq5F|65lD4Au5hi>JKA!Ck<&AR}}udjvGRj<3G_7{|e3SIvW@MSiRY zyNa7gr7;W|P?O#-BgHLvM|jzNqyP8aOJEONT2~h0Gf(W2!i7KMonz*2jW6h+w_P

5^DugD2P9b4^)f(q1aJ1>edBEEOC#T;1kxJA^q5?cJNbo<{84_yz&U;m& zXq&15HB5-|n|pL}h|-Kj9=g=Zvx*|=ith){sd`Va_>-MDXKQlBZ)x^%KL3^wVe+M~ zW~Opc-9oX5hw00~wB0Wel1H(b9`B3o8-#^?X99aiuf5pp@UR;zjL`W?<{Bi#A%ICJ zhC-r}Yx##o!=ithmx*1Zdj1m=%tvl+M=c?kPKWjD^D3~*U8Y-dnro=oOp8d_DzSPJ zA|@JVIF@*N^7@rC{BhhQ-k0N~u)^K_*)sqK&A7=Bz)}F8X&eNMPQ5pBLo@!!jDWhd zX15`Rw&kwkkGbz~>`!k4<_E&7_%2>(^*K0jS+x}$8avMy-)9g@UpdXnq64J|aima8 zr4H;?#n&}Qb9B}kt31d7fW}pbe3FhKY9v*y!bae``=x1UJ};&u_#yS!Q6Cu*E!+C8 z`z&)~jns2^zeBbxaFS}*~LkmfdyuM!za>$%JTUX=@yEgX>8L}UZ8{r9if<^ zeHiZ0 z4MXH|p1r4qn*1B-F*QLpC(zr4R3ab5qJ#Vw<=eP3_Lwt}PLyOU%p-Q%%K3DR zozkmk;RcA^ZqCS2>eC{G@X$JTiem2M$E%9&XPx4Pq_TNnZmaJ3wQt=o)uOI2HEM3) zPtxfG@ZDI`%l=0!w!I!%eBdHM81_>zzsNe%eJXb3<@4UlvvtM21Q9T>qZe1{mx@ah zMej)2=|t&91d8CZd->LL;kn^d`>A#~D~*bN)t!wyMqEN0)pz_iT@j?^?P-;M6v_xr zGMfXf@y@8#ylQFDD<>RxVsJPQuR;B}PO-9qz;SJ34oZ{j^uWxPm(aoEJ>YvM)Fx-P zTGR*ADVcmwMQ<6%|Ma8rtk@;oQ2e=Z*dgn|4R+C~g_Fs6o{5Y8K>7sGjo#s4V~`b7^8Cc ztILgQ)qU!tw*+kwQTeAhJ)_mH;SPw2TTqmB0jkaAzO8 z=B`iT?p9dFaAlRDBCT7b zjCaaqkHacY`)!jz?1Bs7`(@F{ol55!9T4LU1-s$?8E|X7wUgB2md7k}6hgX~_ zdC`0hGpif;rDY@7Lu7 z!SXm_H`tSZx@W#8I*TMGG<*trrkaxQ5l>`DFWe5rG~P9FeMBZy@EPE{-5y9&X5GHZ zzN3g70AF;fj9mo7M1NLNnT0ws+((}04*t*DbTW_e{D8Vw$QA!~$FI##;_G7-JWr_u zMrOpKN^VG$h0g<*0=1Q3CwRwgCJz-QO2fGEXatF`{%B$g1=dzgR>yGKQs3(Z0VZrr z9R6SUKO+%-9}3kFtUxQkb4{(&^}p$wig=Kg@NmGNVR=H0C9unyZ+(~*;wX)G7FvH=sxRr%65^I0P@cg@H$x*}n#*EbT zY2~>H()-id#fk=&$B!OaIyiK?AOR;{2-S6B8Xc-!kMN$eMmaC+=`L;P zA|5m}Fv5Q|WJ`3QRhtnF@wdL3G+LH-y`o!Lt4`^3d}=8;b(WELF?3x22GHqKMQZfmvU2k ziCaJ=yVIfm{H~tU@@rQVmmN7thxkwLvqaqM@wSupFtMpK?z2gNhj!ivoDDvReox6EQ*^yroy2 z@mf&ZL%9l$4k$Q6=)>_ak|=;Nf{&~PM{YH%F<{R4v*p#Pml=nDF8{$F|EKh!0v?$P zL*q=LP~#dyAyAT+*SSUYPKs1^F!S5|jYeVdU_x`-z7pEB1mhv;pb%7QVC4_|hsP0N zzr1GCm-s}Hl+Noznd_+gLZoayR6a~gpiQo#frpB&ON%vrjBD-nZ-c@0TQ@Z&D`R3K zY_8HNe$rHY)Ua0Ve`ag(K!m>W3z|go2Z%v$1Zfkvh1oYf|M9-$_fs}8W5ineY0atj zPdc@xuHE)R{oD15M>p;}e9h0#uckt7ScWQ`gJ?wcc8EHj?Pt2>B*eY~a&v;?Ez+F%{bPN%WX08K2! zJCyr^w&NBY5<_4%>V~N~#44F(^&n(N!+bT$*1qiyg-1U3`&_{!X||e}IMh z&aOJyDIK@rt-lxF*pZd*)$)(rK=44cq0M*PvcrNcgLLy_FqK|VGs*K4CsKXqAetU5 zm2#TfI0j_*C?7{XsF|V(|M8cwejLoCH#AuAcSvu@<~tAvh3Pp-flp-;rUj#$u(wLu z=9&Hqzu3;y_NP8`8%s+;KPYzLpuTS`4XS(y@Bn{ca_{0EgbP7D!9_N<;i`+}U@#+| zx&pd`!R163ZumI1#SV~-Pbw2~n#~QcY z_g>6IYT}&NCZx~nAd*&Yprvz07M#plmY{q7hnvrSRRa4aZOupj-mw2nWG@}RKK$DN z_R%WEO#AcZisy_eceI-Rnj!Y-wve(*>W+>d(nG2_Pb!-V5KHFwYd(91^Z*Q1Fk>;% zf)XNHw$f!yZT>hCgpBQ1*K_uF#vAHCeq=Z(rMfMYZ>iEe)CdsK=O9?#5Kan^RK|)! z-Sxu(CHLctV?I#^Yw6|kmfHKjYp$he5QwMV8zEH#@Sd(^xP`So9CiUmnlg$vHZ(Lb zDpJXPCz__P4F&MdmLKH-)U$%+zFw6nzM!N84lF?Q;En=)5%FDM!vV^9@P$ zx$ZTI!l1L4E;7GVFtG_5rR!09`(Cu{V(x&RnEmxn^t|Ee5t+UIAOKL^jsv$(u9BJ< z!)>x|t<}EOQQl_s#cGQtp+;O6$%}&XS2X&q1V4lv z`Ba9lHXOcfTr1(fr4HDNlo^f1Gs46$7fe;mg`E=$FspQYEq+trvZu+svd{Q4V$iYe z3u(>*S6?mUWS$NVH49+jG{3X7?cVcV2}Txa3-yLctU?GCB%IpeIjW$HhUl zt?#iBDQK<#h&q&O1?L_j#AO;#z1+ZuwZGNz>M(*nPqwsy;mVEr^3z5Yx^Uw2E(f2%VZEJN-B%6h|J+v?s0Q@jh&j(0OWu-i z*V!qZXG#&q56FtjINt3W9tHg9gD~3M2T6&E#{Ebf8^0`h{j3HkJ7uO1*1=(dG^a2^ z5bJZtg|TAJD(Fq90~#j+p4e>y*>k_3X2%C9L&8^|V8gECRKbYr_cH;FHTX3%JO0w`8hv>SIYd&x zKb=O@TNw!{d@ zpT>Et&nI8SugtPHT7TIs#=R09ld^hXz-ceE;quMb$^W%rE96`eJ6J*VThk``hf2uw zJQL3uUVHld@-eMs%&{RVHG>b&#-Z0v?aJH|N)S2gBj;8elq+e_7&JeT+W9v~w1m6| zF)nVX#KVXy*i68T+LL*w1>K4ZCYf9o2Kc2P=-A0Wn)X4E9p7h;5&((Sb#-+=Fk@IE z)b75e>>S^6OIGaQx=nof!9Kp)p1_6wU@HtwF6e6FVGEx5mrYADNv7uauZmKezRc<# zm$TSVeIh4B^aI_H`_qqfb2wnJXBdHkOawE5UNTYrl9>Uf$$uYk@Q?RHPXN&Xb6fSK zRm!p;#|Jy|R;~}xUS)#%&z^yD5On(_(L|m`TA(`KR@Cx8ejXcp3$=9JV9b6C!;$!N zC!YKTkc;tY^F?xvj&y>$TB93>8s;wJ-Q0~^NMEl;NU;TJ?}2Wi?4GW+HiJr8!~bdl zSP9##QaD&yn}tp??vwfnVLATd2w(Bsm7iiE295^?^=v*`qM1n+4{`+7H|+ug;+#=^0iFX(kqi%(p`njvH@VW{Kb&kQ`Ln2PV`R(i`3|z%Ac>IV%RnA+Qg13LqL%5D%hL zX_q3xu6m>BAv;`gzj8ga8mZ}g`(s1nofedp0*yj2v+S)PKVw5^)gLh+?iolb`u)8Y zpsxMT{Q#BtQfh~wXf^W<18bURe|R5QfWkz%Tv}22?{7|4513bCz4F3Fv9(78G%Tat zI~(v+O1NfVP$B*;!TQb9nJXEoMWGeDnu4AQtHK_??=;C^AHwJEj#fW)S8odX7K{EI z=Xd$&@uml7kvhTOJEY@%mb#6m_6%fNF3L`Ld%)SH0X1!ATe?<@lYT_DE18)^N+RF< zeHOz))%|7T_KE()y9!UI@Y$dyKP-59#>Z=T^WBZm#%q!%h`zNxpn0Jwh z)8}oSQ9=bUwvci2KQtfTJK?mZh5W-BV%QmsFUgC;T!in)vjWbalMvuT=IOkcc6?+i zaXr@%-qHaxiWtsC*3n3kwOp=#dEE-P<#ySa*y5+ALZ7EHk89Ikx@0`uj84KD|HZ{H=7rBy_RwYJWkcx&vs6?- zX~O&LIbE||@gNb3;C!4$${j0b8Aw`_q_JEeGQu|F0(Q)Z{5mOOa^-$zHwRr2%VmT z#ixFU^BaxKHA2&cszvd{BlYNp_ovPwvV{jmZ;AgKM(FUfq}>X*zli`;)wG)+Izfvn+%m6l3W-5^d&qMB5=?QQ!0IKJug z^j4J)yWl!1Z|flS@0$E8fUWLn2|Mlv!h+XAdoAG^n zIg7mJTq&u*(U@vR*6;@71Lej$w@Q_@&@IrYNymqD^fvrCx{_*rbQMFx9OG5{g)$#L zA>|>xjkFU5C?fc3etY0N{Ik>)J7D(7Qr+#7nXS9Zwa5oB-~;{=D)<^kbPmG*cYE%x zDIRy-wd`E4VkTiP)UN(8IPeEUEP=RB1&ifwk)KcRAI9YWCit%<_bdjB3yi2%HTz28 zM{%*tOCu0djvXhL;S@G@GMiKPmIQRvEWG#-a*Dzg1{xuEFthqZ%9O(vzx#wdS3 z5x-!V>yYOwphH3G~AEou%>$w-dt zM5+1oY4BTniS(xG=Lnyulh#2}T*8|^#n7$B()>g|=sn|mq=dN-!E8U+E3XE2wCYrA zsHn||W(UQK_63-{{KB9T!^dAa--mlzpMJ*FAdepL-b#ll-cytc;tW@DSFGOuB(aI3 zC{BI*sekngzwPYTt&-t9@iVD6*PWxRJ9d=Ey$aPm1QZ>IqrXf<(&@k0RqGT7-sZ7I zEuZ%hW^lxXba;)zo$za#{W+AG*k$aQyw9Hxz6?|NA2o9#-rE@&cUB)Uw8SYUTks+sP1FH;9%cE0^;-kW9lozs@$S(H-d=Lf^>%Hl54*PxAnlZ+hV?H#Z9oQ8cA_NaO z-0$D3@bN3d7dbR?fKVV(ekUszjXUs03$)atY}B2;!C0pjRg)%3(!TAiTayWn#6%L+ zx@giSRtvl=H?cqU9Q41yGHd2aTTh76P|lhfYutO-f_6pE~Xa=QuoCJyd@GqDmMTo?j8FL5fO4X-IsE< z3$h5AJ6tK?(t;|E0zZz_=A!&-f`Bc&0n9#{=5$#J z@3(1}WemsDh3n^5?Fi8V_nNOgUj!5y^Lsg;)(FD0l}2}uI;U4dWK?9B|28QUzT+o} zIJP#2kYnZ^v%S|R$a6{B8dG;ql%;dv7B%)i&#wP8yig_84rQ;3f#H+S6fX`3jiAsa3WQsX#(UzItr>Vg%7l{(`?^t zbDxz~2!N?F@XCHAh7h2ztsntiy21$XGW-1FgjNcZYZ25Opr5groTMu0>(qIoo47)< zVF84;a}ws)EtXT{7BaoT-^pNDyZG2N*h&A;G~o}W1n3YDzy2N#!h z{>bkfJB7J3AtB-V<+)Ie`R}J z6tUJE+Gt9{G}6zGR&}(dsf&QM_t7n9hwS>cPJHciSUmfEadx;7+jIqtq<2a6N#$pIMXT zYdXC6M9jM!TnVO>IC^?U=(mBnh|;*YpPxb>qy+zI_yMXN=A(RqX_-Ot_6x7KvVK8% zd1Pp4Ur!GThrix|#gE(1uz`3$!FBW+|6W6W5S|PCEKq${FyH0%>rYM9^MU+0J)3Oj z*ODr4NE8CNm81V?yxvLt4>W2PHwX+vW$D0Y81R1#L6Uj|plLt~uqV2tu`)6qzW~pv zc$lO+uDP}M6E`9N@<%rv>iz&V&xzr$+!L?Q(wo@S0@BTY9xtet1RZc9L%ekbJ*?c-oeFB@ypa-HqFC)^;&W$?1V2Xay-nv`Loca23q>mPXYE8Sj z1F~iN!TQgDkoEY%gIgbOE+*aR-bxEYT7SJ40QK=OAO<%H1^vH}W`q5)HuJ|-0X41M z^Q)?s(#iLpqu7d%Mc#Tm4g`fZAPWy7(Xn&zN^YqLI2H8e>%ahhRlS~zB?%&y2H`JJ z5(TNE&kd2+=WD2v{oWT%FM+=m2$hR;&tR2*3$ZHV+A#z5zC?2xaiif8+wg$4uyz`- z%s?@CJ}YNf-i6SH%GyMM#C1Kc1fVPavE@hDZ9NX#XV!gvS8w+8%+O>jz92s&oku>P zt6YrMD~Lh{lRyB<*pr(Gy~CjTxSv?Bypx{3gK8wHuia8of+m4$gJrQM%Js;ZMP4=G zHh&miGNPt^;5m~g823^^Ha2V#+TO287@BUG>cP7cLY6;2{-Jk~ zX9gzba~`Xjzh&q~_Y$}zFhD*yR8}b-quMpD z>B}%hq8!n`v?NM_)>a#b5SF}1vPxVA*7O3mI)K~NASJ#%s~(77_IL(qX(}fLm>O6y zK?IzM=`CAFXEqw2-xp4*zML4nqkP5X5sm<wzat7;4q+5tUetZ9wLXfY6uu}-fc zYc7{JG+ue+vR9(vJF_GGQo@Wz0oqHHFXRz`s<<)?JV1%ZAbr^ah1=DWWTypDbL^Nr z&A(mJ3d*H_Q}}L}6Zma+D20+?I3{OQEv7_Z$*BJDzU2l)>SrnGdub_YV7juptqG_M z$_Uzj;l-xj7qgg6TY-IwV`fr6+MNx+(p9N@unzl9pPyJ6bHP;y zH0h^Tz=RZ(`w2UD>8?p-fB4jb+~$R!&V%C(3e|;?c`SYmBFlsW^@wGYBr>P>Q#{mD zR<-v-N9FDPB(kEb5*K*n^j?h!kYVSuD^h{{m!#w~=XWnDd-zE{#si#FT*H6g)ieo= z-UIAu*D1N*$YX550v`od$*BOw+cZnZ0U)*5Hmi8=DCl3Cg0pU3gctL&;TY1Hvp8{9 z-TJYa8Vy-ON~-I!`@{X~1^COBfYZ-a$`1Syh*f9Om!dP9G_ZHi>wUbI?3IWl91r)bdL+v;bY;Y4!#3 zi4pM(F9Qz02Mb7+lZ(plebYth@nv`8@@Tp=sKhNvMX2!9R@K%j#&tgqD&X2UZXGmY z4)7mxytHDE>-Ti1!l>PJC`*4q=*6AMo*FEIC#fyfhFVbS!!#?Z7C!2>>YmOd+BM|J4RqhVaGxotCEH?`i{ ze$rUdVZF@IxtCSabxZz(V1Z|YfHO07mKwDP!Rg3Eh{!wj zNU49`pO_G8#2c1XFZ{rpYUC9!vjA#`n?OnhzAzd&t*&3qo)=J3VxCm@x9RwDLa;H` zBX2F71qXg&BBE+l(YF!aYe43jMPKA?^A&@^aZ1Epqjr7a?una2V9zr&gh#>1iO3L$ z?6-~CpoSOv?o?7xr=7n)Oh@w0&d$J6VI6$7jZSuI$~4#KS~G3^vC+1c-wZ#RMv`+J zG2GpIxdy1KmXlYy^bf+U6?DFU)hnrH-p-!azfZUNYr{%*_sb&f1ak-y*kz+T8NUlL z8x8{8Eewx&$)ID|7@d5s?s6tx>CR^My&naN-@$KUYpt`Md}_SMAscy)%U<=HJ3yBv zh7}qXR`0J2fT#EG$3pjK{@CYCCL&hu^}+U`1XEPVH3nkZmFu}SHDbzPfoTq?^1-+h`VRODqcl!&0Qf6)6+e!CE zVtg!{!*V-dv`6`T-_uQ+doclq9sjU?aQ6Xry!@$xUB3Hc<9-L#fs<9njG;$hCDx$? z8R_1z5Ug!IZ6BH_rD7ZMw03u?GMQ7O68?87FlEGgXqS+GhmK8{`)H~(#VEMsd&YM5 zV+ex*5rBSPH0%nGmTv5ZjIzj0*IMHv=^d@~f_Y;{UXnw>?D&qfvE7VdUOH~Nn!3y< zT<8*kn!g9`E4iD(P+myM>0CaBKzzpYVS5u`JL*PbpyVU|Ch0hK1w0by-Jvm zM-WYq5L8Q{fs;F>KB#5Map;Wdn2V?}i($GEpdGK8&R0qs!!NXUa_c_2o9%x7g?Rph zH3mi+!)M;gb%!mBcz<9)W1js{d`SZ-0hXI*P|Y|2G)9^X0J@`kj^sNp=ur8_9|uz~ z@9+At?N|?ZlV@=$-fKQgch(n8m+tq6&syi-f<+>i%RkN{B{Y=7h%eUDDZ9}9UN468 zSgTrN^tOm&eJ+Cz4j}I9X=?cV@qLR3f#itq=P_+KOr;gn*Si9nv5>9k(HAm0A1-4} zLcX|GxjB_;sYSn=`NX$fw1-K=KBIER0q)B1-^(HD>gip2EATK!d5_Q1x6ZzLZ4gRO zAuy9M6c0QNu8I|t!R>0EPsy9!Y+ckyfN`0P(&vw;fB5hl);Kllr`T_!rVtdiq@S6G zCkb77h1x_ka9*Ug)U9Hf-DuHjc%@sNzeSo3cb>@a0As;;*sDy|#FZ}LdyqSqv&jnV zt+W)>JX4(KN)Fpq!b=tD_RcMxWxwrG^UuT(c&n_<`DXD-g`ts(pDWDhJzrRkqzHbS7 z>%&M~Ez*2aggJ zEk8G&I+F|`Iwfh`V5OvFjiSwUXyb0u5BG~$-NGM>kP`}37C6BK$N7g{i?HQzgz7ym zMzW*+z{IKfVAN-iU2fg8v;q}mX7zZu*R}TSK&YhxzODzGE>SsssFjoWBU8A?IQ9If z5Grd%LR?%Icx-r_Glwb$HMVqS)Me$5q0nz%PxspjBRZ*C)HSD6& zEgh}~-d%q%@6*iZQnu}WkM)0lg}$7>-k_6WwKR7()ztD-#|eJIjfGwNd+EyO>M~6V7p8aqj-}-PlI`bvc zEh3egwYbdaPm}uP6#h~VEQyEFd$tN^$=i|tDGMn9`^x#Y4UOU1k60BUW`tjHiPD|-w>=RGG#-BVjTOW-XQAw?t z!Sf?@;q?8bLZzrYLJd}%N(4xQ-+wo@7UZ1MUBWHXdZv831tbI}|s zU*TYbb=<&MHu4DGa_D{Ub~r4v3uiiyZGm!HKwGlCb*yOId%o>Z%D6e}**R?es&%UH z<#)XNwQ9ey!fwbk#=Vu*s(EZWL^@9=Q4O@DS4=8}2&cH=jUZA-R%%6@x9}k~~3$qtho!m&}e01sN5vo#kWC{9XfJC=n6Q zk$SMMuY3QxV8{M47YVuTG5X9O8J@oj2g8I~O9$fZXL9D=;Be$lNekrYtwo()mTN0X zM#for?mUwh6ywHd=C>P)1lf9-Pfl(0w~U}8MSPfSb!p6KYE!=m0{Uk!lCs-?(L!LsLOKt#C0qMvm&RQ)HQO z2@*j%MX$!2i`sj09_%>yBzyT4VzxvWY=}Dlh<35!)f+v?70tiQDwX9-u7diwFMrKR z@KZlIJk{&)@`tlrk$cPP-Vdul;F!a(JQc#^fIsjdZBSKQSQ+ZJlm>t&0kK}h)*hKoB(T~1?Ozfbs zgq1qQ9};Y!9&cE0FmfN3kGI&cPBoGiG1&8rNFAGYBzre)lzQs&Sr+}>-}_i1*I1cD z!~KT05^CtNyd!PLF_(XuDCM5FmS0?0(kUvqTZLB_Ppf@}c{(2=o#w6fw3~OMZ*9Wf zl9gFdP?b->_BH1e8x0UsnHbDO>=?d{xGjA5J?ykz$atD+g(&)2JsbnPes&aRa&T4} zYYqpCt;w1Uwv=m_+P)>cPfLKs5d8FZ@yNzCJ3@bzp5#78D^xe$a@zL8(fa3D>D3WK zTxodF)`yx{rQR_^)?wTPjE|+`pI)0(O}cqAFGekLRwn;IZ|=Z;=7)ub9MWS{rCxfG z15Rwz97+7~sDXcnoeq1NU-HzkICFVdvAawCS=e%_uK&!~ozB9z(8(Ct-qt5X^IjUR z$qZ)aU@!6E6KoY+spjfde6v~)!?up$ za;isghi7MI`UYQ2JE+k*`Vs|G*VY}9=I*5`zMRYVKhlj za5TC4+cYpqiZ#b7Z8jq;!!tW2t*gh%Nv_65g2tOCji%~R{3vW}B|aO0T{RG&OqL%v zMj-u5a@NiV$}_df?evaK)~CE%cyC%}q+E_gmvx88Pi|$iagYISPmR2i;029#zZU_h zy|*@7sj}c?GlB+(NgovpN|_hf2EfH`#@JWVq-qdi-5=c#i5b~kQSW~&b5cHs4cw zxs9QKr4(q$v~oq|<@>YS3eVFp`kPxXw3$Px;CxDrn7=XS1>8W63pN2i$XcAMhZbod z!)TD+z=wEG@D_?ocKTNG@T*&ydkZXVs&1UJj6QtaZQYkMictz33X`iUM zqkFO~Oew+_W_jZ$lFZG_mgM+s5XrC1#QY<`0$hjDUACVh!)f6Y3GRoBAGW(kPDV&s zh)E}!f)s6|?!=4>+^eTa1MWQU{k9|CzkBCkH_^RaR>8&4$U&d6swfGN zCK+piUBqeF+M1flQO`+$;mLoQE))k1G(lkMNdP-8KHd&nA|+q@+(`3;&9L-IM6NYr zF8wNzWqPWMF$_8qk6{u9fK8vL)JPB?w8NelcQRKyrSopFH?q<1G&SWV$s&U$3@}+! zhlF_&g7;=>c33VSTP9@!pQ_T@Iev$YL0@k9dxXoI`G{N0=8a~ba>8<8E(DfzbFN}7 zKjLJ)lO}X3?I-EXTIMwo!&>U)e7(LNeQduOU_PDR$a44?J&S(8{JPuz?A!~lq|tt& z(wo&oTYy?)``A;-)AnREf8=1`2!1Y_=?xYp7kAu_ zBKc4)A0`#mOCzb|9JMnX_CxSRS8TuLmd5&UFgaDzC!j+nA_4WpC z7rau8yb=n^D0Nry<`92K}3_pA3`-vg3~AmwnCa9AEgu; z|J35Jw%i1#1llSQ`R=>7I{X>TRtML&FTY|zAXhmJ>zdW~U*qAE&vR94%wKohXbj^m=S6&6O&@dO} zNeIOA`M*Ad379r)6|84vWf{;Ayu)yhr)FimV*6o0{g(c>9Xh`{Kj_-q$^6X?g$=UbM#E)#=_~1v>=o9>n>N2;Buf>KA9Q~vWo3Kd|i#KeYCkIad+{6h? z8w0&kXsH8JtFaP5GIJ8^Pa`KNNb$xz+eL$}kOzz^>wCD|=-q60Bf2>l4Itc@Z%jB| z>)O6u&%{q*TEr6tiV1I5HkaL5|FMoM%s&$^I3->29N!^Y+hiiPGV&63gdKq~w4g8Y z(VgkU0@?}A^;#)0%HGLF#D6nVG5Q6@F4wj8L?yokUQ?l;6B5ul1ZXxOi0(w0f=r5} zDkHT2_lE@OX-Z5?%qX4Xiea2m$eEbUT**xia+IJD!^CUvO&_AnEc&&Fmpweyw1s&g zLUrWUoK3R7jS+n3ixB;Vb$jjcDp-Y777yc_Y%@iks{%8oP+aiU`0O(T(wyz^#5`s5 zyB*@}KGxf!JcQGy zch?9G@0&(mrzbL;pk#uExl3cxo)LNd3bV+)}0A7L$2>3NUQ zM~m&yj}tJyi-?16RA8D&0wm^YGTz_!+V4-tlM+M-oTl<|25v-731oD}o6Lt#m;6sw zk1v5$tcNhUZvX6VdkTj#ZZ7C8gBuu3K6y;?mMc$;j!N>`cgJ>g&NEw>m@Mer&lKb@ zXV+~|Ug18OJ+tGsI}I_cI-a4a8gt-4k?(1< zM)L|R%WcY@5CZgGjY048)0zq3WO&$#Q^{m+&oHenVrkZx5)AzQN-uBn-?JkwzgTC0?!Iu;bS zxRpNc|M|KE1MLA!*fbS}>PduyF5NvhH8vSPb z1B_^NKAS#NRX*@k#MW%8Pt{qwel_mJ6bFE9z~}KJ-x~9YEi$X;Q{1{+1F}I);z)7m zc|*2#XpqiF4`|XxuA+>P00{=7#1iTYa&@h0o4epc+DX*)$bw?RktZzLJC5~%m-0_a zJ`{tDGilNOX)xs>I5qs8a*?ggzm>HD4t(IASbj?&zZtq{&SbnhoEtsj)9hQfV59kk z)~OI0ESq{r9FSxL49KEsET^jFaJ!({(ucnsPHMbrNW*F5ew47+J`^vQ{7k?S?D$s$ z%W4~Jesp?VP7)UdDY$3T;rGP>{pXOCMFe|Y!n*IlI)rr>;NJpdZLAe}dD5P~eiT3$ z->6jv-WLcD;I{{K=*{M{%SC@E(<-D7UBuONG7wP$Ox%Eq3ip;Wxs*Vm)!)U7@|}EibJ=Oni?*{ z>@@dw(6R}0oiDn}yK7t( zJA)RvvXm`$3c{i2=_$lo^x^$`De^C(Nhy+`>(`|w#|YA9!S@yqRsqV#m&6U)h6DAV zlAMyS&usK*E&DR_@{D$;YJ`Z`1&?bQWn(Z0X~|UlW6&7}5?q?+XyxMzo+5koTGcj! zEVJxm6-OWHD=HeD^Xc_REv=cu9w6+ZS`tE*L0f0~p3?Hk^P zguYZ{P2#;RY%E)e@fcz?|CP(*AXwkMyvVH#R^U`tM&kgm^|2i7>Fq1I;c8Ej8}|O! zM+{pfEufGjrF;nevkOQP=H`spV5L3q#vg@$f~)~#2@c!UE=6WtwNIx4?Mv;n!i9VF zq=g^FfyL7mAfw2TLB_ba$r>`}zRo)qAvX^5o<1t8+gz^du~Ro(z3@U5aXBp3H{Va& zXQvquj=b(TVd$EdiKC4 z#06oe4M7{yJ#&XDl4g_*XNFYIrQ~;5GgW`&6S_2~Jy9<%55PaE5ecUoXT4t$$_=2OjQP7`@-?1AQ^mD z{)P_ouOuDo{Y37w(3f5@!FQ!8Efed@G+*{s6!Y!DrZqrQfj+mqun&`(N1Oh8!eH}3h>)bi=1?w%{6KmY9swz~ z=Z=1JMQ#pP| zSZJ$wCWa6do-j}BO&$)c2L*2crm>PP{eBr!c+)hgebvr3^fSnYz|*^=xwX;G&s@S)*eW3s;9md7@` z?Bnx3G+L?OUMjU149OKy$=A6x@wb8xJ=$J~j2!7*9D875R(fMRh3C0i;Y6IDS+N6* zZp=a$ zr=q|A_1KE0R#qQybDNuI7i}K)&aSM0$4i5nfPwX`H;mYV8-!tH+%DkqRR@rX1{Gmr zm{fM}svQ8T)8VyCW3~;5XXN}NQElu<`GkKnDgE8Q87=6N=;|%l)f>Un`V-dA-QwBT zQvgrE>fPNkIMcM_rN~jybl>vxawHvZ?oPF(a91)XkK}K{tDu1L#t^HdPxZ^W!DrPX zX+&yCVvYRd`rbM8EPT#=bld4;d$wOJf;KpYtD&H{v}>I8mu@N}v;Y2xRH;kJvUd8` ztCdD>hy%Uh$#dv6wx{Z#5c4fxSVhg@X!4t6-V+x=aB{W#KRxUMC@5GMke82Vf;PUk z9eVrq2W_0;m8vAJI@==Sat0;#?^EK;mq1oZtY`5WlK6D~FSwo}TVM{XXCs(G>W}VB z+iu!FvO&B4x;?dt>T+O!FxfLbecvrS_zk>w?&MH?s-rLe#HbIub0e#L(yVe3{G25# zm*=oC^ntId;!0s5v6v_u)12@#SXNS=1*|D0%$84Ad5_%}B_hW;*`~Apn8+m|V|1MT zVJb+j1(iIkR-^({yn(tEc(>`vL=tMZ-?9V*tUEg<=Iqbsy#{#XwU;Bl_@w}UN)wa- zaj=O2d`m2;Aw9lwt|MXcwThI9%}Gfpn7sx}7%Ed15Q)O72V5Fd>z=jM}7P{ zsEC~vJW!jl#^$AQv4;+R_g}wh*hkKm=fHx3c@n;5{y2XRr(U2cOUT? zpGbJm)NdH=rs-9+;HR_cN>_Xso8n{}4k*-uy$ zw`+anzQ}p(+C#W1Hvz(q&;n*P46;TeA5cz1P5q7NLJ3&@Qm8mbYnm`oFp@ z!U12{T`(Vy_ENR`*X2g$H>zfNjsq8DtN0%CPC%JQ%Jop_I%e|yHtYsppTlC@d5-1E zuEt=2keVNl)8S2m9q9KkgF3((YJg9a&#zx0?n<0-!B@f;1Bz>|1IT2HLHdh?@>)kSn$8IdcDJ^v>JO=QxR85g(bnrZD zY#!@G1z#GW)&!6$3_)rpB4@(Geql z0fPB8wQ08)oj-qwZ*XPmie0^UW>gkEn{dhqop8Dm))!HV!O_uC(*i)u&R;ELMqJCq zybF%z9o_s{qPOsPo!nx+d`_@-HD;QXS9h+izBo;Ou=}QYvu(%=aV&Y2>;AhMx0}wS z38KWK9;Dl^53E$QEHoCF0|8t9V$k5w(HSpwh6DrzyprdTthWgtriOW+B5h7at`Uy>KG7- zvmkI1PTlz{At@;O5sG{I$i60n()B(mEbAjMqf}MxfQ{JZan`*B3}mBSv+2l7Dd+|D zvq&~&9?r-X3*Fkn-Ub>ilQ{^fgbhS15bP@cbdlzd4 z>82CQ)pb1CXim?+A&PWC&TjZ1geJwDr}Tie@!vdx$8O(g@87jGa55D>V=fnKICM>Lf*B(e2kyg>U=;V~2K z`~kcEv!IuzzU=gJEoet%_LzSqeDL|3Xq5=Q<>ySs&jbQaB}3Ry5ZM9LnediWLzpWe znB=U)*#Y6SNA;Q4@wO=a zsMlUykZhGx`d3PH{u|sBiv_3qRI>5+y?$>>)dtf#*N>n24QBdLzRaSx>l2G#1rDU( zaUEYKB_#zH_pQ||IykUI zz7fE;JkYr)uX;EivU6&L{oj#cT_K7qe7qidM|kbVncz(hW(d8{--kXwN)fC=8K0T4 zxF|3#9Y^d2NBx5%<~eQ;C8Eg@w$RoMr^YD%w{gM&@xxGpuxZ~7<>8`m43ljDfa8#auAKYt@Oiyma&hsnc4 z<23b;A2)1xzea4x9~X%X?t=EQ#Ogh)0o`)Q{wckQtS(rA3|I(&+)fMG+WJ4`paO@6 zFzdD|pRd0SNOd%Jo0&@`l!zJZiOJtgF>NTi3Z{8G_eM0H9= zUH;{!3M$)A#jKdrYy)-B@M|?XF-K}Cs;eWWmV|`pj4KNpqdL!dU(5|j=FEK&mP@Ux z0F7F?Jb9-|((AI$pL>%}SM6IYPCp29;g`lh+>quQ5Fl?ACTKVN7|YR+{lV5KP(cQk zr`SnT_BDe$0KhMBKz>?DBx}U&JP3`V1@?(>IdgclZNVx=o~EWe>f>7XN8ltN?WPNr zPUAd7pYlFv`4$l7#3RCKvT%R1{;A6wW7yd`hj|(=_hQ~$k>hppE()t$@zcP$)R=1~ z+OvS*tRBKgWwpwx7&Dr^n+`?lL5ivvQ=I+)y|M&6S1|?QNpm;mtZSMRyiHvsR7kwW zHyXgurZ_($7sG>`4y4uU!!d7Te(sUT=#u^cA#FY{wQew*Ox;BvazgZg!n_czhZ8(47pKoK4`ziL}S%Tt^E7{$y%P2Y-vdHMwQ>7?vDlP8y7%4<=YUKRp0Ck=B=k&w)jp&mroDkjp$kb>>8e`+`Ehi{l`1O z999-miY#y|)^9p!hVUL*O8bGz2kxMlMy`*{E-;IJ-!g5(sgaRUyGdmIMDvXNvgNEN zv%@R;>fm{tQAW&i#$z$r(QZm@1^)>C9I*7wMvXQd-u)^l+TLjcW3G9bCEYrSK6EzT z>SHOm-+k1T`ree_mgArS=^lu|S{t$97ZEz+K2qyn1Lk=}85RYAd3n3b=<(g{H7Y8q zJO9>XfqCyl^CX`BknIVl#I~`)Y%jC4k;&Xs(BNZCXMbbjPajQUK2~qMG0jk z8-_ph?mh;~f#NgOGRa2Dv=upRHV*{$;9ChLTQyp$=+!rJ(b9M2UiA*p* z3UFVfpjjnT&R3&T$Zx=Z4hF~pJ&#Bk-3gw)TekDl=MYG+sz^3?6g^B@?G>Ito;_WQ z12r|>>1$5vMuPWUI&?m&x$U;Q zE;0IFS+>F9A*>5zB@`$?N4{YbEvvn(I12kZ$N!37kuQbYVYf{zpJipj%K6%c%ja() z^Vho4m@N82R`V#s$?em;9XWvU1cY5YC@kZl@WTbhn#W=&$o^opMmeL>j%vYwB|t5D zY!)3&mXez?-A}QkH><>z&JJDZYZm9AFpL_nV;=ru`%aY_@IlT3WE8W7{^-x+OoM+o zs^DhPNB>x9&*emV-1j&t*T}jVgos2nY)vCtUBtfqMM134bvH! z!Y7SFSBc;LbUZdK?f=L!6##E^ZD3vHbp+|C5uhL`k3*XAK-yIRpv?7*)~*8NHSvR>G8$lpo&aM? z=C-5)Ek{<)OM>c)H(|BR7cmh zp;>^@0?f^?;&0?ONqRtwTCC&&+pxJxI)kT;@ABDNBvO9M0g+O2#i9Q7t{ER*R|H)+T$EWAjnuTk&#Q3os|c!q#nx!jd*5B4~|DTYD-A zZJN6DQXI+7q6bUiQT=SXD@2G@#=&4;dL>-|4I%HgOoNdBnuwJw4Fn6--tjFmL{?WY zFtes6E*NYXHZ?6=6q+C7J^?iV?z2OF>qqbh*4SCW3&_WT^is$3c!5?m=r`}Hq|eDG zSl5#j%qH_u|FTn+f)xc-a{o&dae7?ve7Td+cRdjxSFeLs1-T{{DpHIsUVFmZ#Bd_W zCbMSsYn)V%llA~Rj_YFIzQJxbQ`T&HUzf92{=)9Q zM`L2JbQ1?-rQ-v?5rb2i#$QUwrSzm%pE)tMs;Sg-FF_ZrDo@LrInlsE7J~KI3>=Up z&=i8hVPLeZRq{PR_@Xz+CFwQWch=8`%C1{47xk(8FUwV~`uJ|~X461;|13-Ms)N}dNo)fQ zCQvOI_`_DC4f)1tuXmM(7d^L1Q@pj_0?@lb&0ejt&=B1kKXI=CZzDh??rsHW*<{G> zkshN%UIqajqA05)2;qx11f*(oqtch5Sr@lnF(oO|@V6NmnV2JrR>wl6Z2ALCVRG2iYKdD5-v^ z$OwV?IAY!{J~AUls|7jCNG28yUhhsIlMOhQ83p18XY{L=hR>>+DFqDg)W-p5qiV+A zzUzd8O-C$!v#^W#d$vX3=xDD8CjI359MH8)Y+L?=1lF`7hOl!V8Gn$3ax$<*iB4%e zyPN+g@+iEi&#t3zk>u#G{WP67_+co_ZP4$Pm>tXa@lEcWZ`#El$e!-0S(l{>*iRJ2 z9j5;TP2L{nBOe{HZhnZ5)pwgw`xKYeck!#D6rTbUYyT^es^$AWYFXku3wV1JxI@qU zpuZJm`jCDxuJ;UU$aLBCU>r6kwdl26ixy13r3X`bOK4ngnzGs$h?F=EvJN=o*nFvq zii-p!%0)E#vi|UOa}u}HZ(e16lBqxFMk5Va5?~JrzvZLuR8MhmkIGq9sZRNgHE8!% zIb@?_`_4PQua@HsO-qf-3H)(kM(zAOQMB&he%5jchgKP#Uwv^Fsk1jFdX5&fYfc1!HJJ{hS3tvApGNrPaR{57colTr79_Uc8rkR;Mb< zkyG*^Mpvc0k@=7e0Tyq17`GqCxy zA`8e&9#rvJ-}n5)AP_{b$&@j4cy4abh8K+T4x1xOl$(YTyG#SVCp)oq3i&}@Yq}*4 z6S}|Js$QQt3$xOwlx(iQ>BODmWkJoqUH@#C`?~H#O;Zz=(0ttbmGC_noGP|-{ut{f zhV}fY=)RgZYx?+TKz0mC{>C^WRbynZ3W`puxWq^2tTc_km3G>CH5VLKW~c4)K5OYq z%bU_~MC?v}^r8Ce^JMpYPPW5g_mttTBth& zZMtkr zn|}*fZJza3v9(T8J4t9sQBgEa2zz11Vno8jv;r2?U{8cteowxK&s$I-{au}fL+CJ? znSwv}2%!1ggoa(=0^Sq5rnitd^g*E-X|ujaujnXF|7WJiJ}Y7XZDLO-lUFe{eYH;T zH3Ie;2n;tJo`0L)?^ZK^O~Sg01OBOon>)R%3cuM+19F1wZ}Bi`4VL6->kjp4JXmFk z5pI*t{vG~6^UcXU5C#AxFKd36?*0#ebL*5R1Op1f)%JDvGoqY$)#<5tnZp7Cg?jdr#?>&V;s#z*$I*37gus#E{UOG12>*^yk z6Cgeehe_h2#BLD$-g~3==E0vfllgn&vwvNTFP8e3s)S7rMm$e zZYUxBf)i^rgskjQ2+8LAyxi~i_w)UIkKb|pj-Nm7<6gPW z>paibb3C4p$K$ExFmcP$);FEisg|~lP>;b=@=Q3QsA>7)EK{TnCY73r%|G^SfFv<> zwDE?xQ1ne;sIunmDVNat`wGaTzN}jvRRTMWPV#@LBnnH-!xs_mw z_E1`L2PsoH@p?CW7~+lyQ(vq2xl)F_;)lR+p*}7hXksFu$ z^CNrbXSm&b04d5yzld zJ?(JXEFNnl6Ci;7=x!uDOJR3`24SEJPUjO4*qCkrK+#IwNmyANJ;tV|>{@g}~{5@$bAAtaqPz_g>H?kg9(8<30?Rk8Y*yZ@Q- z!R`h9=)iqUCO}BumT5^#k!!5?ua`yGgAfLqgm{a%v5leb%EB1C#LwqK?X|FD4#)2a9&e!pf z&~pr>aqGf&5V0`5A^TvBf+w|;q3=|=f&k;?dMSM#VQ5*gBY4Jpc&s)_hAFqICf8xM zIXC#E-sL;}nLb~#BUj{Ok=f}lQ^kZ=7`a|j(z$d^R$qLole3urM&Men_K0)V%jH#y z%aKfC*vzu8TI7vEBz-*{uHyLD>#^G#&W9*OHqcZ0B7|$|3FZ~hBtYd1ON8PDZS|i& zM-LF>HnV5LB38`UtJlL6DE?-HiavjOo85S_HEZqNPLOcm!mF;rX5+tT%S9+-eR}y znLf_Tba?5@4<8&xyQP2iBsYQw8XP0na~(CXrtScFaQ2R_G}0ahRk|tWfaW%Cr-*xe7^xD6dE(JXSQGDBj{|< zm;HMcpw&GiR=%7Mj%p2aD-o~xwxoqDP0EXBD3_HE@gtc)ApnElj2Cht;I42Ol1Idu zZ0kBV?tHnQBR%g1Bh~M5>Wzta-l2RZY0-D!cxvqa@*5J}0KPk@ERYbr8tWej@{D4~ z!n3Xp{E>W{8J;LL+bq&EN0ObDQ}-7$DIaTn?(=F|JN#QjwZ7+Db1Hg~{rrrxk6u$` z`b=d1N=MGR9FYFv#`gG0l07%}zps9Uhc8K1B==Z`itpi<^Z!SI*9P29b>8bc+zfC^ zUH6Rek?X*!SZOmV#q((but96;HG~KG{l(ru43w1l_o0w^YgUF#gWbr#5T2!&f;8_x zgDRg)?eT7CfPglOem)$JNsckyZgFAM$PM6d7YbHGiV7V@B_o7Qvd zeD&?3+$SsIseBDgwS$((^0dTt@Fr*QR#0Bij1i?!iV|Ww+ zTrECE+$*3q&v`-ZZ=f3yUl4Ubq3wJKx2I0j{L7BnWkxiuX`fhbuN!oY1`|nOm~sia z4?QkNj64c0EwW2!wvhm@KT*KTV4%{8FU|@uk;K1@4&=XP_h(rpqXkYypxjIcPKG4c z)5u`rkhPA?#mkW+i*$t1Jm*1;7LPL-g)~u^#byEuh3^A!i$Nyk0mT_imQdkLXh6EI zDkbIFsH;Mn(X!$P*>%hUmVv!9r1Ua?ComuZHM585Z%I-pO#*>c-E0f_V)h54Dk96a z9_gpjODUl_kp>W>m5ePmMc{Nez>F4cga9pNCxV7@VqyZ;kb$QBbdy_12!7%6Bc76T z(uAh6+$Zm6RxkBE5_ZNCOZWsuer2}^ei3U*xUVc;(P`5ew1AGR=wMd$)LV#Mmhabgf_iT*i4 zj6k`~;KD_OyG4Q+VUmZPl0ZETbLF^k<4b2Jw-6&2MKE>K})+$ahG zHPSQku%mIf0U;~rBXbn!p~?*&DTIwR?hpN)@sPv4gt!t+t79=VJ7`BfY(<`}elg{u z_;Yv+{F)aZEZ9^4{jtga;aKVM3Hz)v77 zddC(EiY^>8{hzl=D_-C$*1cJ%xAs`%v|;29`oz3LOg zYsizCOS?6g%GhO!a8bG|UhsA?eM4~xA0M{)^^=IZ{&=UV5p(S6rChXyBm1$HV?l;; zhsHSkOr6aYG!M@xM*(0n@uYAggzGBA;r|2nM|PI5~}uMw_wf9&9Cnt z2GU!Vj$Nih`{x6mDwc{4P9I;30eC0VAQNT-4DSvoX%R6aSUDyg5RO2@0GQZlndudh zt5>foCJ7e*^H1M$8pGS5^koMj%%Gk<81@2$_q(vAZWDSoiqa5$-eOhaf|(R_%;nFt zIbtWRlwA_UsWV~X=#E{8bskWx1$!GdD=PVcaDS%cZ(V}TO}81tIew3jBMz5Fnz34c zjx?U!E~+*Me&Nx{Zlk*Ojo_`?>0_(ogPmIEjh>z!IuX}Dkn<9p?jsaC1f4BkYtIyo zdN|x<0!+E`k3vZFtDt?Sl%iU{#wb75>-s0BmVTnTd=rJ~ioi=DFP}0h`UgWi7m<+4 zUR$AyBhB^OnHP?BE+8sDN_yQ=?@5;AfGtVNSiTN^dyN*@0?^q1ngbdh+Lk`&!PDfrDJIh%A%{ozM>Y2iDmz z(@yO!yrnaua!C#?rxT26%3&~!jJ>>P-0WfHik`{7UGN_s+4BV<#UDkSNFeAQysKD) z2PP)89zOg%`-anO7nb2V)`AcbE~u-g=VWrj)4BNqxnIl72l?2-r^U0ejYozrUsm(8 zJm-g-ll%E+g%87daETV|dQBvK@j|?OWwdqa7#Oq|EnB304b+1>CAKB?L_zSjtHWVb z_5gwV$ml+wlV?aa703b#zrE$`R5FPRza)3VqzcHELp&*gbc8y`u}h4-+Qut?(H_W? z!a;e?lY<(NELpPr{r#66o1BH62jRlHIgPX$0!J3sKd`c~QSzBQRR3&qS^wl{pIplZ zi$tT~o7+acGpsyL^*mUiwyxVOu=ZegoN33&NNKk5VQ9S*N6w()!UiuD;70WD&_9;; z@XVOqt91Kh>#EyNb<7Q7rJy^5zro)iDCb`ev8+W- zI2C+>@MlVv7l|A_w5EMpHCN@Hqa!IUn~S^szvG?b?+gV|U57rPUq=wA?H3Sy8_!c+o+w;tb`-V~&l zIXxZkRzSSigC9M8D(L#hXE&bbWoiGA!`Cc;BtDFglThz`yI0iCf{q@2N315C#rX zh;Fbg7pIv1eaf9K!f1u@Y}~U;(;wZ>jwEd9(Y0&2JQea$u=*Rnfy=Lgs5D~PM_Dt) z?9j}tt#lk{@}yfwl3lj;7_K`}UH>)&jh}>h*memL&H>Y-K>QKDqXkYcbUOG2!F6C% zxjIF=DQ@f4o9)y=%U~lU6&)3o;l@yOLUYeuaG1ngZ-_VZLOG!a%(Guh)HK&2L4XKD zu!>y~4s~5T%g}7}m@B;emFJjkpxadMS`j0oJn?67N&4_Q+dir2SEe}2EkMHE{L<70 zZV+DtI9EhDQohN>#|L1`UVHixD-hq9st}me^e4Xqs;jG;^?simZg?%cQ>S}59|2;l zw-nrrmxCM*nqW|OrN8(^J3-y29AjBwRx9t!SwYcxz#7n{;*-r1LEx$Ww@VuVRw?PLC=8!p=9D+`hcBD`>`Ks zZQa=YnRmry^m>?PU&*rqSat;4#J^YDvyg1QF02dr(5C(FkrSnby}iAgTWvb)a^(4y z9?V`xr;kYzNf0ZNo#cWe_76!-55qvN)DucUOA5)Orsn?{5UT#6Vz@nld4b}2&%Sp4 zb+KI~;Wa+FNQZcT5C>P3mwOznWM{*94-HqwfxiC@B#dzbPWXuNlMo*7M&ts12`O8x+pym8a zp}YP-s`uXEFBy6dSQeY5oI14V$!^w@rRO$r@&ncf&qg2;OJG1><}e zS}xmQYR@i!XIu*Gk8hDRbWo)cSAp^*LlSJ$o6^m3u@RB2Ays9Ot&VF_4(ruRFqPT> zr?TzEZYhWDZh_NXuTuef``-EslBn`{7>MjVGQ6*4>lUDbW=`G?M{-)n?_v_h5|q)P_gg~ zD;tk3!Pa;pFEFr2a4rNyb(FkDCdA|QZo3}4lQ0t9*i5Zz_Pq!TIy_Dfr?+U&tAva=+GY670Qp$Yu?$`NE0o^J?R~&X*<1#l>H$ z29Y7Sm`MhLNcXGp*74XBt3-hI*;@hIdn~t&5cBIQEGUhsppxu+cQ%`f2XMyV$9;QD z@W_AZd3aspOBe@;c#2puf~hfccBr$1E3%$zHIhL3F}Ju2V_^)*m-ue=^Np!`ul=vO z4STcrj1nZ+V(J6>FUc=|8s(7V=21>fXC?S0dghCPco%bs)Rf5#6F_|qOb}*HIz(0# zYVu61_qcEK{>ug6Fnez7sH_pSU=)m76D!4UQl4Bi>IiBY$tDUz4?%1lPDX`(_#*=(u&`@mql@Ab~Yg8YjW; zH-^vY2HX9qx|f*utpEABI9lDcbq68v{D5>4&>}5!z8+pU2GkFJDe#*ItxP>wth5fk zx5Ow`&d!F=XD@@m|5mdggMSEwKC^^Z81yaIt)Z>S1=xPZx8jFZoJc{>{AZah!8vy4 z=5>UN5N7XjJs|etx0(=yuYLia%)zm1s@^U3mS%#`3%hpeFsvI1Dy%GV^A z)L}vh8+BnQ&|^FJXvrtRwF+oc1b8?|8o7Sbpv|tYa3w$8?Ap_lbaTu7lm2VECx9+5 z5_4+N8Ydy)`j}^141vOZI8UwL{xXvG;7xN~(||q5FpV34H z;LpEh;mcX<{*nsg;iA-IKOS6%ui~M-5#lT1FHnR$&Dq(^WN>U z7?mdQ?6kFM&t4g70V_Tb9hbtPSIQoouQwM{iPqy<1`h*S()-Y{?+$=@ma+;UOqQvP z>!L=L#+fB)j!zZGo0w8d^bU{!GLgIkMvM4@kmrOwK5uaG)fIgSCKfE+0HxG|Jtt`}FJxnNOxO#%_!nAI`PseIc zf9HJR-8@zPgkUpqg*TtSE=G2tsO+k5nQy@*KDC@0vdF@Ro?ZOw`lkEW*~`TS!&t}8 zd8U_KQhYF8P|?9KZZ&e=ONYKp%2Q1NrKr*seDi#=@2sY*KaQ9P}<+10opA2|- zmy+Ulf36Py?BX?EobbcD-s`b`xc)$SWAq&rHMMnz`zgJV11>sCF)?dz!^2~mv_I+- zZZ~$N-}S4W{IB`25$qLHqIZ1QdO8ywcueq(fY$!YK}cR+UW85=yrElW`h;1Vs^)u4 zVV|?b5G*Z$5H%&v9Q%V2XW#j~vy^M3?)f)upcNq0oM1Q%>oo9v?t9)_(9Nt(uzy?F ziJF@FHR{>@k>ad--&Jq1aQCwSe)v4#ap_QuyIURxvnrCWQacU`j1BpI}SCY)++ zNpegjC32LKBdFp#UUhXNGMu-OO{pxbz=XelozPNdW=o2lLPA219?kAfyWCgN;)rdT zVddn^uEMIiZs`^~>p!}=@BT_mOl`QVj1MSVBh}P)H!GT>2>ZVT!Z``QOT@PqTX>JO zZtLBzN|~^S+hDxAwPkebCBqm8{MY8y#8%0o;|*!uCpCLx(WDQOk=BdxI1EDf4wf?@ zK?>7^T8>v-D7tv=6(KeMuZiky*m$?HvNG5H*6nxmMF>}a1^uLKvHMg@;=>{;ox54% zWkh!UHDFLLs+A16W1d8-k6~xS?d09t&AnknEV9b=f%_D0@rlk2YNQqT3JjNEA^5|m zPhFrmN=i!lq2QaB2a=k5F2B=I`ta|JdsE(J+yk!kVox%4>ZpOOFABEls!kwUQEU~? zis(%FN6(%;+Zg}FgdWT8Ff0GUM&ueW7&PVe_3Y~x7Meb-)j#r^$V_>Bo}s2J_g1qL z2h$*c{X*8;=h9?Aj_d}Xl0O0^iVNg_Sb17GUJoC7e7M`2D4>iB_6f?cqpO{TADU&S zT3}>pbErdY;LdR=E|#XtymEZOaxX7$l{R9(qem1J6}Zn!$4W|Jce%WkyB%(6n?48& z!8Qvn3UB{b)Vp_AanA#fcbW(3dy7|X+I$?5rQ8YdCPPi3RkT5EUzOEl%|_$z{UKxF z`O`mv_+pQsAzCf~yP%s|Ra~N?UeJo6Z)5VYnTg3$aE$gPzQ?K#-qC#E)d+Q$#m?&R z?zETJ-MPo4AIi!etB?j$d)qvm=u?G`olRpxulVUNr`qR({1Jre*)Wns7@j2@>-W$X zjxHy_cE<|dPEx`K!N|X5lZ0h-@4`p9t9(Hg=&^w@>v9gea2O9TOvc8ZbK0&;y)l&&Eap z$+#CXIBb3(DR%z~7rs0jW?x9r^}Fd78*#nUeX|*3)lbP2X>UtX@153n%^XksY`9#& zfW<`Da_n;{PS(+Jr^0d^-f_3XwaTx#+08vEBJ6$?JO;8IH4{#EoY%G7ed-dDCSX6& zid{7zXkfOo6MTMi=GoTsjt5^m->m0l2{=`9Xhusq|1iHaH3gn0((Bq+=+WAd%WhYU zvpPIGttlI)H#S{5B;ctpvs?R(R&(7??1N~Q9Adv5tiUS^_duGarG(a+R?t?0&N@+q zWp)=!&%iCvriZz4{~g>Jy@1YZgiqo`;j zEKiu$LkYthP~-aGn@}q+g(~m;jfAJb`hZ*IAUBZA=Fjz&!ID3*cS-)cH6=86Q-M~! z>B;!2^QWIUO;8dONr_V{wqZ1aFD2x8anVLcOZ3D^cl*2d5rrGM8(+>dew&(VaNpnB zUg|wv6lkR6(i7V?_W#&%3w>?k%B@5;JTyF4cncp}|61pWMY(%jD(ob!H`jlq(%a6I zElFKhg}!yG8)C&QP74mq74`VqS2X?%1>5q32toNGE??5Ps zZxf0!L2oTuceq{~bzSiQ;3_~J0J59<{{0!+Z+c@I{{C>Ik<$;jr*_Qqzm+UJ3Bjg zclh;NanVwmn&X>up8?XzO}5|r{T%J*{*3`XsbvN>H^Ne)S${tgC9;{f+65tI%WMTz z&9IZ~Zb~aVMxO-T&c^Q7bpgIH0m1m=$oc{TO#!{&&C5_#5Z8ZGnP&1ssiv-VJRqh$ zrphwZwYb;ksX%A_^Hi3!1-s8pU@6PI(?8ISjPkSJ%!p;8h;h5uiORh?_N9&M1dU45 z;Yh25#99bqYY#7Yz(=h*7u&%sMc<3WDG=HKGx5u%&z zjU_$;^^4vnxx@)A!!#9B(YJnDk~ZWd;~r?mvtVf zOPXW-37pD{fRm7rkXT($@Hxjv^IK2VnGNT`GKdjfFAo4W4%)_P z&r%1t&l=sH{jd^^gM>Z%;N-><*1yt2ZgUf;nXX}2`wJzhJ)bcLW~SQBy;IOQKU zW-V^-A9*%LlQHQit;D1WIM20{3RZow3e;8kC(cA^3e@lpN8G8?-Q_$oZy6JCPQJu)=aml6 z_rF#h?S&)~5_d10!-7pTevJpfhmt;w!9q%b>$9!y;rjmA?)hwLYLKVzx9(V{>fy;| zc8;&K_y-C>2d|O1@7Xd|v?70L>obrvUTEt-N!a>|E2N(4WdDqBIlQGA&5Mr35yWAv zbcVuMr-c~M^tTO~`_C6^9;>};BfL%v-)ysT<;YU~CyxZR9#h}pVDW+H|20fsK-|dCFy0mb z{AFe)2!x{*8x{_nwmX^2D<0RSb}u7;hKDCDo(~KVNZ_iiZ3#Rz2KX=x$9>D=(d&oZ9f>qS2jG{;ct12f0tT+p?>~7b)QUDcJ5fOjVIF0jaI8 z-qO(+{8OWv*;R^6!^^(lT%z)pDzVsM@v^K+N(tE;>HLx4e}Zk*NmGnA+r;9chWpC+ zp7jB+mD5=Pbp%erhE3!r>e^=`CyP&*E9r{FwjCmmeVu3>tgtsi|HY*qNR1AyM9 zhwDe1Brn77bZvdg$arBJRKCidUV4CoOeR8c04eDH25SxJqwc=Mhw+1m7;b+yh?F-d zkhorus6z$Xn->UT}=%b($+}W7vXEgAF{HDXaxVMuRk8jRRz^`{YUEXR7o%+ zTDi_&Kq2<|kTf+xJxq7aC7qF2;dHRbWOYdh^v>v+R+p#GDZVqGjWbA91#K2upVD4ecDWAeMwg_FE{Iw|oU)K;z5w+)s* zv0k{))C#?7ANw<2=3r|5H8EeWl~u{f)KZ83xTzzDK*7KVw%FQ{s9Pmf;<#wzV5#3* zg6^aX6C|sSNE$W70_fnuhXr0<>e)P8HeYS+Dndm{;`_j$kqPK;(ysQpR3c@X>U?;Vj)==po83b zg5fm6z==Gq_6G?rWIEAueXW~?Td|ul<3zc|F2+b8OwN)1=FDY5o5s=kLbKIX4fPq^ z5oZ~A`~FCWIVrK}i+y|@e++`BEqnIEYi-pT5g(f{r9z*>T~0z|bFwvx}7vroGF`WyEW5Opp2T$P5c#WYo`qYC|SK7#o6~G zg?l^h$MtM4XC|dDyYH5f*1F|jQ8eqe>u$PX0iqCs0RUMus?b@_lyux*z%j4YEa!g! zK}50fny(p-DpYl7;cQ?8Ox-Q~nmi|K)I7$C_T#qKE~#qPF9!XKuits3o*cSB!w+vn zd+_p0(3#ijq;wS-RBrS0dsh9>lvJjPA`TGD_B7mf@{l}-0Nf@P!WuklSDmC}EGLK8 zMyN7kw>1kzc|-NjA#GKE?sG!iCc7cT6kKTq1&X`EpCjgh78!Jf<*^zqzeQZPk-R*w z)+u2yHNr#(1bjb9C2w*G@N{7tw05zd3I>fvQW8ya%Q*xNuztWS4uit?loi1B{7@s> z&dHNjBf_jq89)5N{syM@YHBcQex7fJX*_2KKFC9t)h|o~ZxuiRCxpl2b8Wp@e!_V( zt8|Ix>LJET*x`Ej*p6Ayt@z*iB?2`{jUY0>GG6P+n%kV5)&Q8h%3K6q5z-oW)5=DW z2L3BN3$)Mp^jG1}g{L_C+F)elOGFBg z{Pxz%T0k($T_1kers(j&uflT_Ul#uglVz@d`?H4O-zv0G=eY>>CQ*zjch)$`Z_kxPB|q^}k^ierlMT zlLJ?I^!Wn9S3Ko(x9^8;4OmKX*}F6vzOiFX5z}`oozs0LG!^^VSL%uQYU(UaQ}$KS z(~q-|H8LL1QEP9-q4c-IQuoVFwkqdOU;b3*zVu@vVIzmoE8=tR-~N@KQ(^s(uxR1@ z*fPGM_Co=obQXu{)_;y<{i3_}_r7aRKDA7*@2rjqjunAs8cOc_D$oN#1Gh(f3Go}P zvV8$RAqN$_sB>~A_J_31#B;i1zhgJwi)NP-maN5VB+b^2?iQt9Eb8@I{QP38T}H%v z5WkRuP}UIJyD)Q=7NlJ>HiA&0fIHRKg}jd+hlFVu3LmTO?7KsJfzsHl+{oB?+@fNA z*U3=y1MnK5THbM0Q+umfCabrVvApSGkdbL~FBpSHz=Chor@76JZ#1@9tPczg7ciKv zn%Zp;F99oZc2*ylHa54%R2MFWB?W(}RZKlixeI9>*a*0C(C-xLU|m))`qHWt_F_J2 zz$Ow&DCwKFI30WtZv=y~ z?y}B#=TPVE>(W)pG}o_gsr>4`$kx+F`0P{!ef~ZHf(rdn0$Zhy8R3srdo8oa3#)456L6S<1iMUe>DqrU2!R3kG03F-phAbuw?!Mo>(R^+^ zKINt>J|{+wxv;kr_n{+W=j3!2N_GvvmJ%1-c68fcBo$zw;XY;s)p66$oo5B#xDGjA z2dVTTee%uaxb^_=d6IwF=dtzt%_}GY& zH?gjPJI-{CV?JuO@K*jpFnzPI_Nz ztSDTi_vkAzB26|SCl|cKuq+^a^5Mgr$IH9223Ipr*qlbr{lVl!&XJc8ZoWf7@7K}U zS-sZi9Mt2_-OA?=$`p_r zRiZyxtf_$urJ5Qu_+ln2Js3lp_9U_-`;@jX&h>A*e40?6>5~2e6#CrzjD3B$El6zo3?}0-L1A*O=OLo~T4s2m7 ze+Dg5vEh7J`ZE9F{a7Z1t7vqX?{VccC$Yh>Pw!Gb+^XUi0dt2NgcRG=?l*W1XSLZH zmygTCANz=wK_;ZMbbZ-zWc-;rz~0X8&)ZjDaFBW#_)rp+3B)&W+kJ8h4maFJt}7m- z_aFZK30Z{f4Re+J<%|@prVz-h4!8EXTnyKOH|vuI`xvLZN{@BR0(_;u1;sWFJx*n$ zS4!lEgSP=T<0{?W9e$*xfWzJtZdl=o;;UCH%}eHb*&kf8`Mi|KJTbYFy5Hg+F zEcs$8Our+?7~p#qmFC77B)m+*jNA|PB}?-=RlwBmrz`>wRhzw+F-)`w!o#p7rPY4s ztb1;4h0nqOJ!WWz)24S0QxgI(%Vs5ZGcNyj_ib*r??VKj!%~342-xWAVXoJW!Djzv zRhsz0Cu5QN6`jw!)3sdlCclNYDf-?C5;&a%ya<@O=T(iP|9IN7TwsE95#QIGYD+qB zXEzcc^g0L|To?KCP}jaE&n=oMUI_(*>m66cO3mc5E}d4JZk1kGj_~2b2c_)N%uK%| zZiFc;-<)dw!SVg9xMlKg%~O6NAs3N`en&PU&2e0r2^`@ti&6R`E}t(rd6Wp|IPsNg@_%`~Q59K1ad~;rwgEzGRLb0v zI&!m2r5B=iNv8Bh;HRrvtq&hP8W>dREkWx5JL{Vc9um%k*^~xjet`6$-YU?n1Y`20 zg$0;pvagcoSziWBv`y#pft%`u;uh0{S%@yY`W-($jZ@wo~7gaO$n^-{)mVxGq2esPM6*goitrdV-Vx zf;z8X+&$(OE9u;uAuJJbmA4gdcFf|uY16M9kJ|s4M!p^D3N{m9p9jwyrv1%uev#$e zA6WfR`wS&sm#fb;4Ilj;dg+-8me?b?VPPQKYT4QrkFSwQ%r7mC3=gl+D$P%gPJZt$ z{jR*UOmbF2h|q78ygP_cjy-z7#ae147%0S-fU;VP6;PDGYbn~ZNj~mqQ8G% z1rQw|leL2j$gf|&{&zLuJ=F)DaG-tq9clGWYTGsof6b!p9oB9JlLS)c=Ee?yH*#Ju zb>`;RyhH*?t{lbSBa=|qm888dD;vseBZTL_cJg^WCW@SxZ_hN1G%NfYpWPG#AK4q= zTEnXiiR|$B1gaiYiDc}Qqo(Lv8j(7cBF3Pt7i&%u6O zv(hU0cVIi-{iCN8UeGjMtV|yeh|5e@ivl2mZkP#~^ru?JkofG7ir3bzCQY*?RePe!(3zVaO{r{@xY!roL-7IU{|w(m1XmR zDGZB7M@RRb{QdGH=7EaCSv@^cWiQKFA0OQmePLVwpF4;)X8vRXDW>#S?0-Q)YF67T zUxvGC^UcM0)LLS>dA2f4rc`<%Oa-Tto^^12%y>wo;%}$S=v}=`Iq}6&W~jvOWw`k4S*K?#^*v52l#)p7po!Be=lbKXSuh zs8l1E;`{jcYgBG-@-+Qme}6>e<)|kVNH{^{KUrvNzo%Z-3T9Myv1vlHog8<3Uo{L9 zAM}`VB?z7drSGYyx_FTzmodhRcuFdyv0oQ#1YsrW+q&#;&^iJnGd(()SFRFSPE@#Y z-A&y0rL&{rgF_$C_U8}hISaO5#yvkz{u#5V=gAch$kP9oqfSD}JfG8?rDk9l8U{v9 zYc_%aw3F4*;hyIQxYK^A2Z&vn+1X*#0_)8e>FbXFj_(9tK@?V354FD)Qdl3|A&el5 zPC2lU`L)Pb*Z8{)yuwB;Dj*={d+9)D!PYi%v53N{P*VTr!hFz=*nq}4`bXWUFX*e z@7X9RDcNL+s|~~Gmj15GLtJk6z27iR{Zgn4BTKm6;age=*R5M)dPi$t|E=D(Zq5AL zx&3)7Gq=4D`ZmLonN;f3*f-Fc?e4q7DYmq*sMF2;VpTiwZ8*|xJWWO?^v8`L5Bb9m z|Krd0EIWVHQt7H4|BO0+x?3#}#Ujz3{pO!RyXM=3_51n6o^eg|*hm&68?lmb%y_SI z+;V;vC(c=2pxLC2Q0}l2^+>rTXK7CpMw&42_d}uM{f$#S{^n+CnQ4MR}jb z5D`mKC&&C^y5sv&N9tZX!&ge$D7{;-03xVdLWmH!wF!TD?Dzt`) zCh7uc*zKyJ2&@9=^}c?b%fVH09flM32I(W5Q~;vSFtHU!g;C+(*TNb7y0FH!|r5L(k4n*IJ6v(Ob) z%f~5zlXraJEzh!as{g&r)Q)+!e({HhRl&H~r?XVh+km^Poc)2)50&?Qs5_pjTAW_P zH1KEbwUe5IV1*WdmS!63VvkE)uiQae6_-kP5C$}uT|;wPIgVLBlbQ-U2&YH@Z-XY- zwf-zHz`F}cC-eIdzhM4w!n=2d#ZN(k0TTPEnN|oMpnsd&1i~;r8YWUO0#}SMf^7$o zUPVQ9pICtfCH%w*b=w^LSxG(qWgH(L&;H~i?#nzN;=g|{jtg@P0?T6M)O*fTFSAkl zrzgjoAy<${Em@gZ!7BCz@{-W!;;ZYmk3311@^z!WG08+tW|^4!Pf_sBMmo9MTe)sb z_dRUj=Bgi@Ti>C#k^D*NgIp;!lH@e#I)pI_nnOV(GBk-u(bjieqJ{~G z_{+2;LfMle;G0f^dmiKvvkR|$0(|1kNh|nQtJBibGBaDHGE!=HAqb=h+Rj!lrBL5> zvFT6+e<*SZP_6W5$XqOf7@&kJeu)y9mHfHD<8k7)X}$O&Crhpw8uZsp)bQ7x6HDNg z(3%$AX%DIt-4ET|O}JLIanjfxLN1az7=B0JcX=kse~R~HgdTB-HW9vnpolak9>Nbm z3V=iD=x}J-Fc2B|pi#Ivc@JWlt`tALsiC0(!)K82J-;pxCop++fO!SzncsxdP4Ws0 zryyEQRNDhf!)Z+A)+hvp*CJd z)M+q&@d6kgz<~jX$*}!I<3sFzHg3B(K6*CZ2y|9q-Ly!jypk2Tu-&|M>q8Zq2ozyX z&21o(&~;K95YCZ}b7htNowJmXKou40x(?1nz?!6k?V!qD-}k>M$jHcK{{&V6iG)^N zhZQ-}+R|OU(!6cDL)b3(C?Jfkq~nMl zVY)MTq(g{s18M{vJ&YUJtO8$$YirM)hWf3?*Hpo@7iZ-Ebx@p>cf*fMWdIjZc)MRV z>B7B%K3jZAwkZtwG^e)5vUM2Fx^-RYKc|HKxVI`gM6tvo=VG~$stJY88Q@Z&v=`Sr z!q!d4|JX%WZoZ-JN?eb`^M@UHXsL8E?(>H&K*L_I-SAv9*FF4qP|WTp=yg(u`n0jT zF3u2 zK75GJ*%e8b^~CuDKAUpRP_9xkZQCktP19Ho@tP{V{r@@C#Ybe#jAIonc0F%|1z1?U z-SdDJJ$f$fHlR+a;nd}+#pMY&=vH`TRW`mFJZjdB5!~3js4KLpb{#{Y!4st8d| z?G?U320uZ&`3~3`0(=4%uV`re^;A^)VZ;OPO}=U-;@xxWP=EW?-xphgyoMcFo+Bs9 zQ~!d@p|)E6&aUFp9S`z691d!B9r18Pu4<_9 zjejzMs@*!5+G{-Epnf)oeMhqcyuD?xA?r@&o+P&zm`NJ}JRW|lWK1B!jjyzxiC zq&k1y*e2&K+Stm)i$NcKhD6)AO1S6rZH;z`@VAW?{ zy-i4~X(boGJ5}C`FYyi!DFvt-c`mm&>mNR~%S3^?9v>ULZronC!coHnx)oI$#TJ+* z13RFvyEAco1J^U>g`s4t$9DM_f2kWLdp6CLu#zMC^D*suHUN zf`RqG=F-KspyOD20;+hP?ctnO9HbpEAjDOSOaK=RxH1o^z@GcP>SFWKF>nM=65hCm zWn!AAV|1bG-m1pW$W{Oa#q2KGD@ocYN&@zaNpq82pBlUG&Nl2TD&I7*u&{_Pc7W(7 z655+{!gCUwTHEz#EKNN~>~jn|$M-=1owzvdk79@roPU9AN5}H73lDzOMoL;y_jY#n z3p2*O<4*-~hz4f-_id2iRbHOmZ{K0F+Z#Dck&%(Gl%yUc%whu1Lwy?{-7+#?x2Gx_ z?-H(!w6f%Lh`ZE*^;fn6C;tl(e zwf8Sl&iS$*yR%hkyOjU~opU@Hkltv;!MN#)zG zx3sTJ@)MQfa$uM&K!nb}`vmgOuU{5dKGZ^X0B7!noTaTTJ82PYL=Oc!cel4G?_g_k ziV_|2+pC5wIo{fTNY{GMb8PZ~()F258m4f9F`B=95awe8`LMm23=*cNu$sL8C63*= zabs(HySu7bHkPS1zD>XL%NMYl0*nOx?vfFwexJ067bvV;Wk3pg68mp2jH-lM!yR~V z`t_&aZR+V>HEXY_qEN(0dzN%$-Ikwi%|Kmt#qO`E;TMphOUYB(d{=->^<6+ ziU4OZQwWbM7bu&FA$+c_cIDv4OEbh93a4~o!9>n}f*%)YUpiyp!9jZt5I`z6L=A6QvdY4`e!W&l#M1FNa*~QqIWB(PcxX`Q9tLSb@{NIGN*;6gsRmZ4D>qnMJEpLQ?ZUIcdAMX;| zD~`tVYG0#vudb0mA;mu_(C{K!pF1?%Ne%P|Vz`o+mD<~OLdmeDsHW!of?b$pQG`I>bgMNmMS`r@r* zy4x&RRyBB-@s&~%Ei>`;g`+W}(pwrOnX$3U2Fv$H%Tz|Q$qibclUC?h^(Ydj7#3J_ zA$npUF%Yx(AFTT2ufObSn4w$AX$VB7ej9Bjy0t-AtZP6ksjSPPO1jBu1#&uA%_c6- zfAsTE_w5&sy7j5i;TtS`CRSAAvj^*ez{G*!N}}_~tErGWA`TQDohwO$VA!W`I+oA;*jGCUG}6}&}>^$RRq`{xf}@)VvVCY6u;0kV#w#tf+}f_8!$rOa2@vo z!giLT-+K3`cldj9lE?fex1pPrU$^w7TQPWsgD}is3MD}xvSNDN$*+)S8u*%99A61W zrMAOzFPVkp7eZ_`a7QaDVC(p&PoE&-VqWZUJ@2WRa&xrRt280FJ;UmqdU8^K6f%({~vd?FnyFg&Do+=Qqr&2H;BTpnQ(_NQ- zcg8jIq&n}-irId*38Tw13~7d304x{7^}Iu8PfbIf*h<3N7)${>+HmUWCG>1U2m_l! z@XdYbAHgOn%&-M9wT`$3KsM{+!+CX`|A%)4`lPGvNLXo4xbR za{B{=TnMEQp`ixo;%;S?#jr8q_jw^>J~v#c1@+4a@a>U5*|$||fH)i+9E{o6@ho9V9R2bFIX4^~Y)`7%8<^XR zAWgq~ShS6aHkNdD->vsrn?7@Yzh+0(sZYsm=iq2DhmANiqXbyaiSgj4JURpgwPwMS z3YqtB!WsR6a!`M5H8SQLh7Nvs3>6lvJ^{h1s;VRjh}FI2Od)DY0Te%SR~JKieO%6V zof`}J6rSe{6uUaOL!fSeCg(K@CGg+Nlw(~3vAP`c32rG zG5iW#SZD&EdIxHytt~gm`4E)q;F8Q}Ae+J6+d_`eIcI;?UJ?BfqZEdP*h=p*A%T_V z{4No_1BVxijgnM)MI3hoRDRc8smIuq;^k+*_25${$fD!pF8ck>f( z!yrD7zlGJX@FfVQfVm=);8a;p{-{+C)OX*Z4`P2+=&1%eNO5uTUoDW2J3nB)0H!$1 zH1ntPpzZm;a$?&Bqz^O@pz+q20Ane*Y?v)U?FJ_M;EHud9EKcGf9(=nFc=5Gn5iU< z#m7$^h62DhggNxhPjH)LWv@~Hh3)DN-GhvA>b6iT|CYoItu`^2XrESvH6x#?(tB1Q zq=j(_9A_-hhtj$p9xco_=QJFfSy$yIMqP_jC(##VozyT&O)#fCJcLCWxshoJ=8 zZ+tDQ3JcvOysB}XqJ|2xF%tgRwQObjE#1NmY5rfto}Y?3^q=P~J;}mhG9bE9C8wYH8nNRG6Sgt7A__$VQNo=D}Bo1VE3LncwQ=FqG?BN zo{-z$U%(Q+g!U(<_x$^7OpJlS5B3%%3Oif5>-Pmy!{Zq%Q*?ovD@`7}bj2nfroq^S z1rrpj|G!~Go>?+EU@Ei`;&p-dayf@wh$|cqc;C<;fD?kmjpi3M-0*{S=n*%s|MT=F z;8hg2&0veNCY+_a*Vs5XoN6Z}0*{W4;LEt^P;r0A%NzL#jU3Pjj7kkLgb{w#Oz;oP z{rIt~w-=`AH`v&Kp9g>NdN<~C5HSg!<|h{r3RU=>l9CvPatP&j{nUFN>vh{b)2Ao9 zhr1h%rzeMVlwmD1;lkC>+>#2!Y0JiDo&}Uk>arv)pqBgSEH#2!(pW$HolH!aZ~uPo za~MAQVJyu|QMxhRx+VIk7?KsH3ThNC4VzAc1L0eG~6ibBm=w-Lh76RLV#abtH? z**M_WbLyica`J?LEB!-beFMG(s6(#w{`bl*FG9Ze13{CJ_Qv4Ex;*(@2L5LzEo-$QTU@E_u|MBA>K+3RNYPk&yw`tSRyK#BFnP%i6Xa zu@`I=31?Wd$4Mn8ni`yPKJMn2`x65#8`G_KlS|Sr#ExaxPYE$WxxT*en|JSgMhAP& z${D-x!o_9ZC9Ylw%@zib z;))gCnwO!KUS?R!*l_Uth`7y*?w8KLeqDb3wNrsQb_9A=ZDSi9N{2$gsrRVL zKwB@*o*C5rfv9nG6+-=wSopP^ocEs&SXfvrjrir6^gua_gM&0Y*c8V8q~VBaf^fzzankj z`oyFprMoIRV}ngdf&lMHjiZoRdh@+1U2orgDf)a1YWaG6ag1=NCl~L)YO;9mf0I}Y znK8mL_>SoOjm2_1lNvC&_@O7T`xa(N7>Ri9@PN+jdM5haaG|v=!v$zl->3~Yp*iE^ z-Xy?8np9+cPZX0N=_j7XpIoJg%~k%>E0rMrC>ec1*!Up_C$Qz~)o1Au9|c3ti_ECh zj?BLtF*!0@OF-)O=i-*rF+KkhDU9{7`N@zcW*N5`MGOc!T%6_hsQu>9*H-t&0ztWY z<0a*tPxJh~hSHIvILu4UUVTYMEtBH9R;U~Fr3g-g1@K_F%#QSG!eP;jVL5_+7n@EtdIBI63J zv0~Y>+)u})9VEYi)Mr7^;3uZekfAlwYmlhc1p$8G_}O*HHgHHV*3YW}jz>l(z!y0U z=u*@-At&h2t#L%p9%N5z4|QpIG;i?tAI>@0v;fVX!04bY_K8ZYa^dgCm07~j1CrJ9 zput3bY;wjq5}5Ix0i=!&R3xvnN{^CRt9B`_5XAkgbW)3Pzibsc^_Iu~+B!P)6<(J4 zEwl2HlJ_72LCjoze_hp^H}@T$MM&9N*&zyv=Z1SJtb*`9zKBLbq`5g$tA~RKL$gLo z%Bzd&d@O@L`%`gv5(@AxBj?(B`4A9fRGIY}@Uu;*C%xFaiQs0C3G7}3ZUq0Da5sOv+;`I^gSmX@RxZ%OJ)gsLEGo(-k>1nSXt`Wn~*!TrD0T_g;oo9lxM^ay_yJ)H^N|0dx!_>L`M=;^w z$se9I?`_ymk}UuB#S9Kot}C{i?ivEm)KIjux)+OM^~nwFS{Ar-gQ8Vh zpMO3|SQAwDY%H;aIr-|6hFoY)Q{>vCHQ{112!MX5tHas*xm@>mm4Ja-Clm#NE=5U+ zY28_q-gtYaz(YO>19!Wh-p`Q2{>~6k<4Dg}SeHmT{@jEqSFj zqA+(kyJJFeXl(@Nia%{&GIfJSbLwYh??|m{;Ki-99R?*H`89w7DCcn8y&ETJ2560< zw0hYoDRrxy8HNT1#jz`_@z|ksWRTle9p`ens1qeQcqKJ8wNk4v4dzpuA@?cM{IHq>;zv)@Ni|) z*3=!V1Bbo#iwl4g;C;yE1MQ0%`NYeY1N$w7W=a7n`OAa%$b3R~{=`7@)qu*)>iwPK z`-C7qtZ|(ZZVXe$4<{ZKRZ4;FoAlWL@WB0@IrkTjgmTAO`d)S26G{>#Z{(q4zM^^~ z&$lNb{1%rf*|InOI7*VgEiM1Mwe?7eTol<; z`fO}@zptN-=HL4Hl7{C^v`*aJLx2^(I-VNn{*v9uy6+Hnbtwv80=lXRiCSn6wr%T z+l5mNS0M;IWsTl7w)r!wg;D9c!5jQh6=F!Lfxc`gNuQk_EZ{-gi@7N;R+J`Aopfp1 z#@_72?!((t(Mb16Q4?yJM7!Je_e_hThfce9B}Jm!oU z)H_S#bWtbvhmD<`Y_#(kyG#gJr5%~@i(WZqXb-&K1@QjE~OuC8l?Mt!^E zEFArtGxRQiM5U$qeA<7j_qcQ)%nxXW5Gjt0iz9hUGN@-h1XrT$82A@mUSKE30ikDZ zZvODRnfcEQvqUWo`1z2p(8f9-%BbrM=TunsJo)vtmbsM``K5b(PR}DGjfSWFHT&;6 zk|!f016WEHeGw=Xd{pF)2vA!;f7RZKY91Uh(bg7BXlxDdvWBPQd{xnulr)>%Uf_xE z7tpCEyGbDK?X~;B$${ApZt{7d6l>Wv$Fs%~$& zsP6u%v@{}!^V}0&wIs{;3ZO=WFyof9P&))BKvb2({k+2dRQH#2wkhRxKLvx?x#;M( z*V-jRp0{{-SDNh~>TQ7@!5W=#+Q5L^{0i#Mv^#g4p=gqV$8sajQcq{U4QJ!RsY_Y` z%_V2ugT7v@8*4(GLl#tgtx3T;=o9?p==5dFmO*~PfgApKOgxl+s4?)+AiweL+Xvpf ztqcytdxAVkqk*pvo-K&fkakQD%DQ)N-_uYLefEEJq9s4ewCP1*X%zba6m%)y0MU{>0zB2)mAgQ?wL1v`U}Qw$Eg9l~2c>In@enuE z*TNypq5mP12;U;`B>HUl_;Y5@Uct&+llW$l-)L`KVF3J9{7ZC7^jp$=2P_SIXr$i3 zH^#EF^#eveG_neV@@W7BFqGC}YH&CI z{C}9lEb$&rMMrgfdRIH3^ZtuhNxHJtx{D{aA*u3sIohnC>xaL<<@IQPyLdm%0O7kJ zs9pg`4}(61NurFVekI_T-H?{u$7DzK66H=Zn#T_{6^@S-wyZ;3>XyPZX5a>?GGbB% z_^olmIehoUC;Q<;8EyYn+S+JIFW)RVO^8t_YT$TblUTT%wzdH99ZEAdxIEOHFE&(# z!&xvc;1l|KbhJgT7KRdnuj@8#DwB)SLam3|9z)?b6&1f@Dq){64Dpnjr+1=G7)C|X zzyT~0G2}6X&%SMU=hN(20Oo+zVB3{&PzXYM%DgI+Lf8aMI^$#faUGB!v<0l7 z9#>fxMV|7+>^gO7CJNr^v2n1&paoB0UyZ`~A zl6dS&+Y}i{A6pl9cjo5J)mt?;8L+9dl5W{sO1{+2vrX$Fbd5{OhI@cZiIF-SHwV7)E`@j7X zxXv&-&bo!0TNh}0mrJ4uvw$4ko@bI!onv)11zSN1i&95Q3aFp}9T0Nf+=&p)37A=k zB;HNJp#j2>S9yzRY#go@LS%6vP9YfO7>^rBoF77q1#1X2KH}Pa6)>>J#n zK%#8E3O6P+Tbm7Y!Xwq3{NNlF_NOJAPaJ^|Gq|~A{O=3@zvp3ON||3;<(2h|kCJ&X MF)}ku)3-nRPmhm>bpQYW diff --git a/examples/haxby_decoding/haxby_decoding_neumapper_dyneusr.html b/examples/haxby_decoding/haxby_decoding_neumapper_dyneusr.html index 4523752..5157c32 100644 --- a/examples/haxby_decoding/haxby_decoding_neumapper_dyneusr.html +++ b/examples/haxby_decoding/haxby_decoding_neumapper_dyneusr.html @@ -11,10 +11,6 @@ - - - - + + + +

+ + + + + + +
+ +
+
+
+
+
+
+
+
+
+ + + + + + + + + + + diff --git a/examples/haxby_decoding/haxby_decoding_neumapper_dyneusr_7.html b/examples/haxby_decoding/haxby_decoding_neumapper_dyneusr_7.html new file mode 100644 index 0000000..9d91fb9 --- /dev/null +++ b/examples/haxby_decoding/haxby_decoding_neumapper_dyneusr_7.html @@ -0,0 +1,1266 @@ + + + + DyNeuSR + + + + + + + + + + + + + + + + + + + + + + +
+
+
+
+
+
+
+
+
+ + + + + + + + + + +