Skip to content

Instantly share code, notes, and snippets.

Show Gist options
  • Save jpcbertoldo/da22764eed915ee1f8a1d79e32aa72f6 to your computer and use it in GitHub Desktop.
Save jpcbertoldo/da22764eed915ee1f8a1d79e32aa72f6 to your computer and use it in GitHub Desktop.
See this issue #17530 in scipy: https://github.com/scipy/scipy/issues/17530
Display the source blob
Display the rendered blob
Raw
{
"cells": [
{
"cell_type": "markdown",
"metadata": {},
"source": [
"# modified `scipy.stats.wilcoxon`"
]
},
{
"cell_type": "code",
"execution_count": 1,
"metadata": {},
"outputs": [],
"source": [
"# @_rename_parameter(\"mode\", \"method\")\n",
"# @_axis_nan_policy_factory(\n",
"# wilcoxon_result_object, paired=True,\n",
"# n_samples=lambda kwds: 2 if kwds.get('y', None) is not None else 1,\n",
"# result_to_tuple=wilcoxon_result_unpacker, n_outputs=wilcoxon_outputs,\n",
"# )\n",
"def wilcoxon_modified(x, y=None, zero_method=\"wilcox\", correction=False,\n",
" alternative=\"two-sided\", method='auto', zero_diff_policy='original',):\n",
" \"\"\"Modified version of scipy.stats.wilcoxon to allow for ties in exact mode.\n",
"\n",
" The modifications are marked with comments.\n",
" \n",
" `zero_diff_policy` controls what to do with zero-difference cases.\n",
" \n",
" 1) `zero_diff_policy == 'original'` has the same behavior as `scipy.stats.wilcoxon`\n",
" \n",
" 2) `zero_diff_policy == 'demsar'`\n",
" \n",
" In the case where the number of zero-differences is odd, the function discards one of them, as suggested by [1].\n",
" \n",
" [1] J. Demšar, “Statistical Comparisons of Classifiers over Multiple Data Sets,” Journal of Machine Learning Research, vol. 7, no. 1, pp. 1–30, 2006. Url: http://jmlr.org/papers/v7/demsar06a.html \n",
" \n",
" The previous automatic switch from exact to approx mode is not used anymore.\n",
" \n",
" 3) `zero_diff_policy == 'donothing' does nothing, avoiding the automatic switch of mode 'exact' to 'approx' from the original function. \n",
" \n",
" \"\"\"\n",
" import warnings\n",
" import numpy as np\n",
" from scipy.stats._morestats import (WilcoxonResult, _axis_nan_policy_factory,\n",
" _get_wilcoxon_distr, _rename_parameter,\n",
" _stats_py, asarray, distributions,\n",
" find_repeats, sqrt, wilcoxon_outputs,\n",
" wilcoxon_result_object,\n",
" wilcoxon_result_unpacker)\n",
"\n",
" mode = method\n",
"\n",
" if mode not in [\"auto\", \"approx\", \"exact\"]:\n",
" raise ValueError(\"mode must be either 'auto', 'approx' or 'exact'\")\n",
"\n",
" if zero_method not in [\"wilcox\", \"pratt\", \"zsplit\"]:\n",
" raise ValueError(\"Zero method must be either 'wilcox' \"\n",
" \"or 'pratt' or 'zsplit'\")\n",
"\n",
" if alternative not in [\"two-sided\", \"less\", \"greater\"]:\n",
" raise ValueError(\"Alternative must be either 'two-sided', \"\n",
" \"'greater' or 'less'\")\n",
" \n",
" if zero_diff_policy not in [\"original\", \"demsar\", \"donothing\"]:\n",
" raise ValueError(\"zero_diff_policy must be 'original' or 'demsar'\")\n",
"\n",
" if y is None:\n",
" d = asarray(x)\n",
" if d.ndim > 1:\n",
" raise ValueError('Sample x must be one-dimensional.')\n",
" else:\n",
" x, y = map(asarray, (x, y))\n",
" if x.ndim > 1 or y.ndim > 1:\n",
" raise ValueError('Samples x and y must be one-dimensional.')\n",
" if len(x) != len(y):\n",
" raise ValueError('The samples x and y must have the same length.')\n",
" d = x - y\n",
"\n",
" if len(d) == 0:\n",
" res = WilcoxonResult(np.nan, np.nan)\n",
" if method == 'approx':\n",
" res.zstatistic = np.nan\n",
" return res\n",
"\n",
" if mode == \"auto\":\n",
" if len(d) <= 50:\n",
" mode = \"exact\"\n",
" else:\n",
" mode = \"approx\"\n",
"\n",
" n_zero = np.sum(d == 0)\n",
" \n",
" # ========================================================================\n",
" # ========================================================================\n",
" # ========================================================================\n",
" # Modification: allow for ties in exact mode\n",
" \n",
" if zero_diff_policy == 'original':\n",
" if n_zero > 0 and mode == \"exact\":\n",
" mode = \"approx\"\n",
" warnings.warn(\"Exact p-value calculation does not work if there are \"\n",
" \"zeros. Switching to normal approximation.\")\n",
" \n",
" elif zero_diff_policy == \"demsar\": \n",
" if n_zero % 2 == 1:\n",
" # discard one zero difference\n",
" # first [0] is for the tuple returned by np.where, \n",
" # second [0] is for the first element of the tuple\n",
" where_idx = np.where(d == 0)[0][0]\n",
" x = np.delete(x, where_idx)\n",
" if y is not None:\n",
" y = np.delete(y, where_idx)\n",
" d = np.delete(d, where_idx)\n",
" n_zero -= 1\n",
" \n",
" elif zero_diff_policy == \"donothing\":\n",
" # avoid the exact-to-approx switch\n",
" # zero_method == \"wilcox\" would be modified in some cases\n",
" pass\n",
" \n",
" else:\n",
" raise ValueError(f\"zero_diff_policy={zero_diff_policy}\")\n",
" # ========================================================================\n",
" # ========================================================================\n",
" # ========================================================================\n",
"\n",
" if mode == \"approx\":\n",
" if zero_method in [\"wilcox\", \"pratt\"]:\n",
" if n_zero == len(d):\n",
" raise ValueError(\"zero_method 'wilcox' and 'pratt' do not \"\n",
" \"work if x - y is zero for all elements.\")\n",
" if zero_method == \"wilcox\":\n",
" # Keep all non-zero differences\n",
" d = compress(np.not_equal(d, 0), d)\n",
"\n",
" count = len(d)\n",
" if count < 10 and mode == \"approx\":\n",
" warnings.warn(\"Sample size too small for normal approximation.\")\n",
"\n",
" r = _stats_py.rankdata(abs(d))\n",
" r_plus = np.sum((d > 0) * r)\n",
" r_minus = np.sum((d < 0) * r)\n",
"\n",
" if zero_method == \"zsplit\":\n",
" r_zero = np.sum((d == 0) * r)\n",
" r_plus += r_zero / 2.\n",
" r_minus += r_zero / 2.\n",
"\n",
" # return min for two-sided test, but r_plus for one-sided test\n",
" # the literature is not consistent here\n",
" # r_plus is more informative since r_plus + r_minus = count*(count+1)/2,\n",
" # i.e. the sum of the ranks, so r_minus and the min can be inferred\n",
" # (If alternative='pratt', r_plus + r_minus = count*(count+1)/2 - r_zero.)\n",
" # [3] uses the r_plus for the one-sided test, keep min for two-sided test\n",
" # to keep backwards compatibility\n",
" if alternative == \"two-sided\":\n",
" T = min(r_plus, r_minus)\n",
" else:\n",
" T = r_plus\n",
"\n",
" if mode == \"approx\":\n",
" mn = count * (count + 1.) * 0.25\n",
" se = count * (count + 1.) * (2. * count + 1.)\n",
"\n",
" if zero_method == \"pratt\":\n",
" r = r[d != 0]\n",
" # normal approximation needs to be adjusted, see Cureton (1967)\n",
" mn -= n_zero * (n_zero + 1.) * 0.25\n",
" se -= n_zero * (n_zero + 1.) * (2. * n_zero + 1.)\n",
"\n",
" replist, repnum = find_repeats(r)\n",
" if repnum.size != 0:\n",
" # Correction for repeated elements.\n",
" se -= 0.5 * (repnum * (repnum * repnum - 1)).sum()\n",
"\n",
" se = sqrt(se / 24)\n",
"\n",
" # apply continuity correction if applicable\n",
" d = 0\n",
" if correction:\n",
" if alternative == \"two-sided\":\n",
" d = 0.5 * np.sign(T - mn)\n",
" elif alternative == \"less\":\n",
" d = -0.5\n",
" else:\n",
" d = 0.5\n",
"\n",
" # compute statistic and p-value using normal approximation\n",
" z = (T - mn - d) / se\n",
" if alternative == \"two-sided\":\n",
" prob = 2. * distributions.norm.sf(abs(z))\n",
" elif alternative == \"greater\":\n",
" # large T = r_plus indicates x is greater than y; i.e.\n",
" # accept alternative in that case and return small p-value (sf)\n",
" prob = distributions.norm.sf(z)\n",
" else:\n",
" prob = distributions.norm.cdf(z)\n",
" elif mode == \"exact\":\n",
" # get pmf of the possible positive ranksums r_plus\n",
" pmf = _get_wilcoxon_distr(count)\n",
" # note: r_plus is int (ties not allowed), need int for slices below\n",
" r_plus = int(r_plus)\n",
" if alternative == \"two-sided\":\n",
" if r_plus == (len(pmf) - 1) // 2:\n",
" # r_plus is the center of the distribution.\n",
" prob = 1.0\n",
" else:\n",
" p_less = np.sum(pmf[:r_plus + 1])\n",
" p_greater = np.sum(pmf[r_plus:])\n",
" prob = 2*min(p_greater, p_less)\n",
" elif alternative == \"greater\":\n",
" prob = np.sum(pmf[r_plus:])\n",
" else:\n",
" prob = np.sum(pmf[:r_plus + 1])\n",
" prob = np.clip(prob, 0, 1)\n",
"\n",
" res = WilcoxonResult(T, prob)\n",
" if method == 'approx':\n",
" res.zstatistic = z\n",
" return res"
]
},
{
"cell_type": "code",
"execution_count": 2,
"metadata": {},
"outputs": [],
"source": [
"def wilcoxon_permutation(\n",
" x, \n",
" zero_method, \n",
" alternative, \n",
" rng, \n",
") -> float: \n",
" \"\"\"Wilcoxon signed-rank test with `scipy.stats.permutation_test` for p-value computation.\"\"\"\n",
" import scipy\n",
" import numpy as np\n",
" \n",
" def get_statistic(x_):\n",
" res = scipy.stats.wilcoxon(\n",
" x_,\n",
" # doesnt matter because it does not concern the statistic computation\n",
" correction=False,\n",
" # does not infere with the computation of the statistic\n",
" method=\"exact\", \n",
" # this one is passed on because it changes the \n",
" # statistic computation when zero_method == \"zsplit\"\n",
" zero_method=zero_method, \n",
" # must be greater to work with the permutation test\n",
" alternative='greater', \n",
" )\n",
" # res = wilcoxon_modified(\n",
" # x_,\n",
" # # doesnt matter because it does not concern the statistic computation\n",
" # correction=False,\n",
" # # does not infere with the computation of the statistic\n",
" # method=\"exact\", \n",
" # # avoid the exact-to-approx switch when\n",
" # # zero_method == \"wilcox\" \n",
" # # because the statistic would be modified when\n",
" # # n_zero > 0 \n",
" # zero_diff_policy=\"donothing\",\n",
" # # this one is passed on because it changes the \n",
" # # statistic computation when zero_method == \"zsplit\"\n",
" # zero_method=zero_method, \n",
" # # must be greater to work with the permutation test\n",
" # alternative='greater', \n",
" # )\n",
" return res.statistic\n",
" \n",
" return scipy.stats.permutation_test(\n",
" (x,), get_statistic, \n",
" vectorized=False, \n",
" permutation_type='samples', \n",
" random_state=rng, \n",
" n_resamples=np.inf,\n",
" alternative=alternative,\n",
" )"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"# tests"
]
},
{
"cell_type": "code",
"execution_count": 3,
"metadata": {},
"outputs": [],
"source": [
"def get_pvalues(\n",
" num_samples, \n",
" num_zeros, \n",
" num_ties, \n",
" seed,\n",
" alternative, \n",
" zero_method=\"zsplit\", # !!!! not wilcox as in `scipy.stats.wilcoxon`\n",
"):\n",
" import scipy, numpy\n",
" \n",
" rng = numpy.random.default_rng(seed)\n",
" x = rng.normal(size=(num_samples,))\n",
" \n",
" # add zeros\n",
" x[:num_zeros] = 0 \n",
" \n",
" # add ties\n",
" ties_start_idx = num_zeros\n",
" ties_end_idx = ties_start_idx + num_ties\n",
" x[ties_start_idx:ties_end_idx] = x[ties_start_idx] \n",
" \n",
" # get pvalues\n",
" res_original = scipy.stats.wilcoxon(\n",
" x, zero_method=zero_method, alternative=alternative,\n",
" correction=False, method='exact', \n",
" )\n",
" res_permutation = wilcoxon_permutation(x, zero_method=zero_method, alternative=alternative, rng=rng)\n",
" res_modified = wilcoxon_modified(\n",
" x, zero_method=zero_method, alternative=alternative,\n",
" zero_diff_policy='demsar',\n",
" correction=False, method='exact', \n",
" )\n",
" \n",
" return {\n",
" \"zero_method\": zero_method,\n",
" \"alternative\": alternative,\n",
" \"num_samples\": num_samples,\n",
" \"num_zeros\": num_zeros,\n",
" \"num_ties\": num_ties,\n",
" \"seed\": seed,\n",
" \"pvalue_original\": res_original.pvalue,\n",
" \"pvalue_permutation\": res_permutation.pvalue,\n",
" \"pvalue_modified\": res_modified.pvalue,\n",
" }"
]
},
{
"cell_type": "code",
"execution_count": 4,
"metadata": {},
"outputs": [
{
"name": "stdout",
"output_type": "stream",
"text": [
"Number of combinations: 88200\n"
]
}
],
"source": [
"from itertools import product\n",
"import random\n",
"import pandas as pd\n",
"\n",
"ALTERNATIVES = ['two-sided', 'greater', 'less']\n",
"ZERO_METHODS = [\"wilcox\", \"pratt\", \"zsplit\"]\n",
"\n",
"# all possible combinations of (num_samples, num_zeros, num_ties)\n",
"# for num_samples in range(3, 10)\n",
"NUMS = [\n",
" (num_samples, num_zeros, num_ties)\n",
" for num_samples in range(3, 10)\n",
" for num_zeros, num_ties in product(range(num_samples), range(num_samples))\n",
" if num_zeros + num_ties <= num_samples\n",
"]\n",
"SEEDS = list(range(50))\n",
"\n",
"# flatten the list of tuples because NUMS is a list of tuples\n",
"ALL_COMBINATIONS = [\n",
" (num_samples, num_zeros, num_ties, seed, alternative, zero_method)\n",
" for (num_samples, num_zeros, num_ties), seed, alternative, zero_method in product(NUMS, SEEDS, ALTERNATIVES, ZERO_METHODS, )\n",
"]\n",
"\n",
"# DEBUG \n",
"# ALL_COMBINATIONS = ALL_COMBINATIONS[:10]\n",
"\n",
"print(f\"Number of combinations: {len(ALL_COMBINATIONS)}\")"
]
},
{
"cell_type": "code",
"execution_count": 5,
"metadata": {},
"outputs": [
{
"name": "stdout",
"output_type": "stream",
"text": [
"Starting 20 engines with <class 'ipyparallel.cluster.launcher.LocalEngineSetLauncher'>\n"
]
},
{
"data": {
"application/vnd.jupyter.widget-view+json": {
"model_id": "bc2d1a298cb94f9ebb9088c535f39ea7",
"version_major": 2,
"version_minor": 0
},
"text/plain": [
" 0%| | 0/20 [00:00<?, ?engine/s]"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"application/vnd.jupyter.widget-view+json": {
"model_id": "a6fd00da0f6e4983a6e583e0d096f883",
"version_major": 2,
"version_minor": 0
},
"text/plain": [
"<lambda>: 0%| | 0/88200 [00:00<?, ?tasks/s]"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Stopping engine(s): 1672765481\n",
"engine set stopped 1672765481: {'engines': {'0': {'exit_code': 0, 'pid': 3067495, 'identifier': '0'}, '1': {'exit_code': 0, 'pid': 3067512, 'identifier': '1'}, '2': {'exit_code': 0, 'pid': 3067526, 'identifier': '2'}, '3': {'exit_code': 0, 'pid': 3067546, 'identifier': '3'}, '4': {'exit_code': 0, 'pid': 3067563, 'identifier': '4'}, '5': {'exit_code': 0, 'pid': 3067593, 'identifier': '5'}, '6': {'exit_code': 0, 'pid': 3067624, 'identifier': '6'}, '7': {'exit_code': 0, 'pid': 3067665, 'identifier': '7'}, '8': {'exit_code': 0, 'pid': 3067706, 'identifier': '8'}, '9': {'exit_code': 0, 'pid': 3067722, 'identifier': '9'}, '10': {'exit_code': 0, 'pid': 3067767, 'identifier': '10'}, '11': {'exit_code': 0, 'pid': 3067783, 'identifier': '11'}, '12': {'exit_code': 0, 'pid': 3067832, 'identifier': '12'}, '13': {'exit_code': 0, 'pid': 3067892, 'identifier': '13'}, '14': {'exit_code': 0, 'pid': 3067909, 'identifier': '14'}, '15': {'exit_code': 0, 'pid': 3067979, 'identifier': '15'}, '16': {'exit_code': 0, 'pid': 3067991, 'identifier': '16'}, '17': {'exit_code': 0, 'pid': 3068055, 'identifier': '17'}, '18': {'exit_code': 0, 'pid': 3068077, 'identifier': '18'}, '19': {'exit_code': 0, 'pid': 3068120, 'identifier': '19'}}, 'exit_code': 0}\n",
"Stopping controller\n",
"Controller stopped: {'exit_code': 0, 'pid': 3067314, 'identifier': 'ipcontroller-1672765480-u0ek-3066868'}\n"
]
}
],
"source": [
"# SEQUENTIAL VERSION\n",
"\n",
"# from progressbar import progressbar\n",
"# # make the progress more homogeneous in terms of time\n",
"# random.shuffle(ALL_COMBINATIONS) \n",
"# records = [None] * len(ALL_COMBINATIONS) # preallocate\n",
"# for idx, args in progressbar(enumerate(ALL_COMBINATIONS), max_value=len(ALL_COMBINATIONS)):\n",
"# records[idx] = dict(**get_pvalues(*args))\n",
"\n",
"\n",
"# PARALLEL VERSION\n",
"\n",
"import ipyparallel as ipp\n",
"with ipp.Cluster() as rc:\n",
" \n",
" rc[:][\"wilcoxon_modified\"] = wilcoxon_modified\n",
" rc[:][\"wilcoxon_permutation\"] = wilcoxon_permutation\n",
" rc[:][\"get_pvalues\"] = get_pvalues\n",
" \n",
" view = rc.load_balanced_view()\n",
" asyncresult = view.map_async(\n",
" lambda args: get_pvalues(*args), ALL_COMBINATIONS, \n",
" # return_exceptions=True\n",
" )\n",
" asyncresult.wait_interactive()\n",
" records = asyncresult.get()"
]
},
{
"cell_type": "code",
"execution_count": 6,
"metadata": {},
"outputs": [],
"source": [
"df = pd.DataFrame.from_records(records)\n",
"df.index.name = \"idx\"\n",
"df.to_csv(\"wilcoxon3.csv\")"
]
},
{
"attachments": {},
"cell_type": "markdown",
"metadata": {},
"source": [
"---\n",
"\n",
"# analysis"
]
},
{
"cell_type": "code",
"execution_count": 18,
"metadata": {},
"outputs": [],
"source": [
"# make a cell print all the outputs instead of just the last one\n",
"from IPython.core.interactiveshell import InteractiveShell\n",
"InteractiveShell.ast_node_interactivity = \"all\""
]
},
{
"cell_type": "code",
"execution_count": 45,
"metadata": {},
"outputs": [],
"source": [
"def savefig_and_display(fig, idx):\n",
" \"\"\"\n",
" some figs wouldnt show in the pdf otherwise\n",
" \"\"\"\n",
" fname = f\"fig_{idx:03}.svg\"\n",
" fig.write_image(fname)\n",
" from IPython.display import SVG, display\n",
" display(SVG(fname))"
]
},
{
"cell_type": "markdown",
"metadata": {
"tags": []
},
"source": [
"# analysis 1: pvalue difference relative to the permutation method\n",
"\n",
"look at difference between the p-value given by a method and that of the permutation method\n",
"\n",
"0 is the ideal"
]
},
{
"cell_type": "code",
"execution_count": 46,
"metadata": {},
"outputs": [
{
"data": {
"text/html": [
"<div><div id=529341ec-2320-41d2-a320-ba42be34b051 style=\"display:none; background-color:#9D6CFF; color:white; width:200px; height:30px; padding-left:5px; border-radius:4px; flex-direction:row; justify-content:space-around; align-items:center;\" onmouseover=\"this.style.backgroundColor='#BA9BF8'\" onmouseout=\"this.style.backgroundColor='#9D6CFF'\" onclick=\"window.commands?.execute('create-mitosheet-from-dataframe-output');\">See Full Dataframe in Mito</div> <script> if (window.commands?.hasCommand('create-mitosheet-from-dataframe-output')) document.getElementById('529341ec-2320-41d2-a320-ba42be34b051').style.display = 'flex' </script> <table border=\"1\" class=\"dataframe\">\n",
" <thead>\n",
" <tr style=\"text-align: right;\">\n",
" <th></th>\n",
" <th>zero_method</th>\n",
" <th>alternative</th>\n",
" <th>num_samples</th>\n",
" <th>num_zeros</th>\n",
" <th>num_ties</th>\n",
" <th>seed</th>\n",
" <th>method</th>\n",
" <th>pvalue</th>\n",
" <th>diff</th>\n",
" <th>absdiff</th>\n",
" <th>signdiff</th>\n",
" </tr>\n",
" </thead>\n",
" <tbody>\n",
" <tr>\n",
" <th>0</th>\n",
" <td>pratt</td>\n",
" <td>greater</td>\n",
" <td>3</td>\n",
" <td>0</td>\n",
" <td>0</td>\n",
" <td>0</td>\n",
" <td>modified</td>\n",
" <td>0.375</td>\n",
" <td>0.0</td>\n",
" <td>0.0</td>\n",
" <td>0.0</td>\n",
" </tr>\n",
" <tr>\n",
" <th>1</th>\n",
" <td>pratt</td>\n",
" <td>greater</td>\n",
" <td>3</td>\n",
" <td>0</td>\n",
" <td>0</td>\n",
" <td>0</td>\n",
" <td>original</td>\n",
" <td>0.375</td>\n",
" <td>0.0</td>\n",
" <td>0.0</td>\n",
" <td>0.0</td>\n",
" </tr>\n",
" <tr>\n",
" <th>2</th>\n",
" <td>pratt</td>\n",
" <td>greater</td>\n",
" <td>3</td>\n",
" <td>0</td>\n",
" <td>0</td>\n",
" <td>1</td>\n",
" <td>modified</td>\n",
" <td>0.125</td>\n",
" <td>0.0</td>\n",
" <td>0.0</td>\n",
" <td>0.0</td>\n",
" </tr>\n",
" <tr>\n",
" <th>3</th>\n",
" <td>pratt</td>\n",
" <td>greater</td>\n",
" <td>3</td>\n",
" <td>0</td>\n",
" <td>0</td>\n",
" <td>1</td>\n",
" <td>original</td>\n",
" <td>0.125</td>\n",
" <td>0.0</td>\n",
" <td>0.0</td>\n",
" <td>0.0</td>\n",
" </tr>\n",
" <tr>\n",
" <th>4</th>\n",
" <td>pratt</td>\n",
" <td>greater</td>\n",
" <td>3</td>\n",
" <td>0</td>\n",
" <td>0</td>\n",
" <td>2</td>\n",
" <td>modified</td>\n",
" <td>0.875</td>\n",
" <td>0.0</td>\n",
" <td>0.0</td>\n",
" <td>0.0</td>\n",
" </tr>\n",
" </tbody>\n",
"</table></div>"
],
"text/plain": [
" zero_method alternative num_samples num_zeros num_ties seed method \\\n",
"0 pratt greater 3 0 0 0 modified \n",
"1 pratt greater 3 0 0 0 original \n",
"2 pratt greater 3 0 0 1 modified \n",
"3 pratt greater 3 0 0 1 original \n",
"4 pratt greater 3 0 0 2 modified \n",
"\n",
" pvalue diff absdiff signdiff \n",
"0 0.375 0.0 0.0 0.0 \n",
"1 0.375 0.0 0.0 0.0 \n",
"2 0.125 0.0 0.0 0.0 \n",
"3 0.125 0.0 0.0 0.0 \n",
"4 0.875 0.0 0.0 0.0 "
]
},
"execution_count": 46,
"metadata": {},
"output_type": "execute_result"
}
],
"source": [
"import numpy as np\n",
"from pathlib import Path\n",
"import pandas as pd\n",
"\n",
"datacsv = Path('wilcoxon3.csv')\n",
"df = pd.read_csv(datacsv, index_col=0)\n",
"\n",
"# df.head(3)\n",
"\n",
"df = df.melt(id_vars=['zero_method', 'alternative', 'num_samples', 'num_zeros', 'num_ties', 'seed'], var_name=\"method\", value_name=\"pvalue\")\n",
"df[\"method\"] = df[\"method\"].apply(lambda s: s[len(\"pvalue_\"):])\n",
"\n",
"sort_columns = ['zero_method', 'alternative', 'num_samples', 'num_zeros', 'num_ties', 'seed', \"method\"]\n",
"df = df.sort_values(by=sort_columns).reset_index(drop=True)\n",
"\n",
"# df.head(3)\n",
"\n",
"mask_is_permutation = df[\"method\"] == \"permutation\"\n",
"\n",
"df_perm = df[mask_is_permutation]\n",
"df_perm = pd.concat([df_perm, df_perm], axis=0).sort_values(by=sort_columns).reset_index(drop=True)#.set_index(sort_columns)\n",
"\n",
"df = df[~mask_is_permutation].reset_index(drop=True)#.set_index(sort_columns)\n",
"\n",
"# df.head(3)\n",
"\n",
"df['diff'] = df['pvalue'] - df_perm['pvalue']\n",
"df['absdiff'] = abs(df['diff'])\n",
"df['signdiff'] = np.sign(df['diff'])\n",
"\n",
"df.head(5)"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"## percentiles of abs diff"
]
},
{
"cell_type": "code",
"execution_count": 47,
"metadata": {},
"outputs": [
{
"data": {
"text/html": [
"<div><div id=2f477edc-db6e-48e9-8f5f-6d688fe70a7b style=\"display:none; background-color:#9D6CFF; color:white; width:200px; height:30px; padding-left:5px; border-radius:4px; flex-direction:row; justify-content:space-around; align-items:center;\" onmouseover=\"this.style.backgroundColor='#BA9BF8'\" onmouseout=\"this.style.backgroundColor='#9D6CFF'\" onclick=\"window.commands?.execute('create-mitosheet-from-dataframe-output');\">See Full Dataframe in Mito</div> <script> if (window.commands?.hasCommand('create-mitosheet-from-dataframe-output')) document.getElementById('2f477edc-db6e-48e9-8f5f-6d688fe70a7b').style.display = 'flex' </script> <table border=\"1\" class=\"dataframe\">\n",
" <thead>\n",
" <tr style=\"text-align: right;\">\n",
" <th></th>\n",
" <th></th>\n",
" <th></th>\n",
" <th>min</th>\n",
" <th>25%</th>\n",
" <th>50%</th>\n",
" <th>75%</th>\n",
" <th>max</th>\n",
" </tr>\n",
" <tr>\n",
" <th>zero_method</th>\n",
" <th>alternative</th>\n",
" <th>method</th>\n",
" <th></th>\n",
" <th></th>\n",
" <th></th>\n",
" <th></th>\n",
" <th></th>\n",
" </tr>\n",
" </thead>\n",
" <tbody>\n",
" <tr>\n",
" <th rowspan=\"5\" valign=\"top\">pratt</th>\n",
" <th rowspan=\"2\" valign=\"top\">greater</th>\n",
" <th>modified</th>\n",
" <td>0.0</td>\n",
" <td>0.000000</td>\n",
" <td>0.015625</td>\n",
" <td>0.085938</td>\n",
" <td>0.501953</td>\n",
" </tr>\n",
" <tr>\n",
" <th>original</th>\n",
" <td>0.0</td>\n",
" <td>0.006345</td>\n",
" <td>0.023345</td>\n",
" <td>0.066414</td>\n",
" <td>0.341345</td>\n",
" </tr>\n",
" <tr>\n",
" <th rowspan=\"2\" valign=\"top\">less</th>\n",
" <th>modified</th>\n",
" <td>0.0</td>\n",
" <td>0.000000</td>\n",
" <td>0.046875</td>\n",
" <td>0.156250</td>\n",
" <td>0.935547</td>\n",
" </tr>\n",
" <tr>\n",
" <th>original</th>\n",
" <td>0.0</td>\n",
" <td>0.005859</td>\n",
" <td>0.022750</td>\n",
" <td>0.062052</td>\n",
" <td>0.341345</td>\n",
" </tr>\n",
" <tr>\n",
" <th>two-sided</th>\n",
" <th>modified</th>\n",
" <td>0.0</td>\n",
" <td>0.000000</td>\n",
" <td>0.062500</td>\n",
" <td>0.218750</td>\n",
" <td>0.996094</td>\n",
" </tr>\n",
" <tr>\n",
" <th>...</th>\n",
" <th>...</th>\n",
" <th>...</th>\n",
" <td>...</td>\n",
" <td>...</td>\n",
" <td>...</td>\n",
" <td>...</td>\n",
" <td>...</td>\n",
" </tr>\n",
" <tr>\n",
" <th rowspan=\"5\" valign=\"top\">zsplit</th>\n",
" <th>greater</th>\n",
" <th>original</th>\n",
" <td>0.0</td>\n",
" <td>0.006039</td>\n",
" <td>0.023248</td>\n",
" <td>0.062627</td>\n",
" <td>0.292892</td>\n",
" </tr>\n",
" <tr>\n",
" <th rowspan=\"2\" valign=\"top\">less</th>\n",
" <th>modified</th>\n",
" <td>0.0</td>\n",
" <td>0.000000</td>\n",
" <td>0.019531</td>\n",
" <td>0.054688</td>\n",
" <td>0.289062</td>\n",
" </tr>\n",
" <tr>\n",
" <th>original</th>\n",
" <td>0.0</td>\n",
" <td>0.005859</td>\n",
" <td>0.021478</td>\n",
" <td>0.062500</td>\n",
" <td>0.292892</td>\n",
" </tr>\n",
" <tr>\n",
" <th rowspan=\"2\" valign=\"top\">two-sided</th>\n",
" <th>modified</th>\n",
" <td>0.0</td>\n",
" <td>0.000000</td>\n",
" <td>0.031250</td>\n",
" <td>0.085938</td>\n",
" <td>0.500000</td>\n",
" </tr>\n",
" <tr>\n",
" <th>original</th>\n",
" <td>0.0</td>\n",
" <td>0.009704</td>\n",
" <td>0.047898</td>\n",
" <td>0.129355</td>\n",
" <td>0.585784</td>\n",
" </tr>\n",
" </tbody>\n",
"</table></div>"
],
"text/plain": [
" min 25% 50% 75% max\n",
"zero_method alternative method \n",
"pratt greater modified 0.0 0.000000 0.015625 0.085938 0.501953\n",
" original 0.0 0.006345 0.023345 0.066414 0.341345\n",
" less modified 0.0 0.000000 0.046875 0.156250 0.935547\n",
" original 0.0 0.005859 0.022750 0.062052 0.341345\n",
" two-sided modified 0.0 0.000000 0.062500 0.218750 0.996094\n",
" original 0.0 0.011719 0.055436 0.162095 0.682689\n",
"wilcox greater modified 0.0 0.000000 0.003906 0.062500 0.501953\n",
" original 0.0 0.007055 0.030415 0.077360 0.341345\n",
" less modified 0.0 0.000000 0.031250 0.183594 0.935547\n",
" original 0.0 0.006011 0.029504 0.078510 0.341345\n",
" two-sided modified 0.0 0.000000 0.046875 0.242188 0.996094\n",
" original 0.0 0.008835 0.066218 0.163549 0.682689\n",
"zsplit greater modified 0.0 0.000000 0.015625 0.046875 0.285156\n",
" original 0.0 0.006039 0.023248 0.062627 0.292892\n",
" less modified 0.0 0.000000 0.019531 0.054688 0.289062\n",
" original 0.0 0.005859 0.021478 0.062500 0.292892\n",
" two-sided modified 0.0 0.000000 0.031250 0.085938 0.500000\n",
" original 0.0 0.009704 0.047898 0.129355 0.585784"
]
},
"execution_count": 47,
"metadata": {},
"output_type": "execute_result"
},
{
"data": {
"application/vnd.plotly.v1+json": {
"config": {
"plotlyServerURL": "https://plot.ly"
},
"data": [
{
"hovertemplate": "method=modified<br>zero_method=pratt<br>alternative=greater<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "modified",
"line": {
"color": "#636efa",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "modified",
"orientation": "v",
"showlegend": true,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x7",
"y": [
0,
0,
0.015625,
0.0859375,
0.501953125
],
"yaxis": "y7"
},
{
"hovertemplate": "method=modified<br>zero_method=pratt<br>alternative=less<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "modified",
"line": {
"color": "#636efa",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "modified",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x8",
"y": [
0,
0,
0.046875,
0.15625,
0.935546875
],
"yaxis": "y8"
},
{
"hovertemplate": "method=modified<br>zero_method=pratt<br>alternative=two-sided<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "modified",
"line": {
"color": "#636efa",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "modified",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x9",
"y": [
0,
0,
0.0625,
0.21875,
0.99609375
],
"yaxis": "y9"
},
{
"hovertemplate": "method=modified<br>zero_method=wilcox<br>alternative=greater<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "modified",
"line": {
"color": "#636efa",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "modified",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x4",
"y": [
0,
0,
0.00390625,
0.0625,
0.501953125
],
"yaxis": "y4"
},
{
"hovertemplate": "method=modified<br>zero_method=wilcox<br>alternative=less<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "modified",
"line": {
"color": "#636efa",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "modified",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x5",
"y": [
0,
0,
0.03125,
0.18359375,
0.935546875
],
"yaxis": "y5"
},
{
"hovertemplate": "method=modified<br>zero_method=wilcox<br>alternative=two-sided<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "modified",
"line": {
"color": "#636efa",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "modified",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x6",
"y": [
0,
0,
0.046875,
0.2421875,
0.99609375
],
"yaxis": "y6"
},
{
"hovertemplate": "method=modified<br>zero_method=zsplit<br>alternative=greater<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "modified",
"line": {
"color": "#636efa",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "modified",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x",
"y": [
0,
0,
0.015625,
0.046875,
0.28515625
],
"yaxis": "y"
},
{
"hovertemplate": "method=modified<br>zero_method=zsplit<br>alternative=less<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "modified",
"line": {
"color": "#636efa",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "modified",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x2",
"y": [
0,
0,
0.01953125,
0.0546875,
0.2890625
],
"yaxis": "y2"
},
{
"hovertemplate": "method=modified<br>zero_method=zsplit<br>alternative=two-sided<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "modified",
"line": {
"color": "#636efa",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "modified",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x3",
"y": [
0,
0,
0.03125,
0.0859375,
0.5
],
"yaxis": "y3"
},
{
"hovertemplate": "method=original<br>zero_method=pratt<br>alternative=greater<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "original",
"line": {
"color": "#EF553B",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "original",
"orientation": "v",
"showlegend": true,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x7",
"y": [
0,
0.006345380130961642,
0.023344803626837024,
0.06641426847333809,
0.34134474606854304
],
"yaxis": "y7"
},
{
"hovertemplate": "method=original<br>zero_method=pratt<br>alternative=less<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "original",
"line": {
"color": "#EF553B",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "original",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x8",
"y": [
0,
0.005859375,
0.02275013194817921,
0.06205197103852961,
0.34134474606854304
],
"yaxis": "y8"
},
{
"hovertemplate": "method=original<br>zero_method=pratt<br>alternative=two-sided<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "original",
"line": {
"color": "#EF553B",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "original",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x9",
"y": [
0,
0.01171875,
0.05543636537918539,
0.16209504616816545,
0.6826894921370859
],
"yaxis": "y9"
},
{
"hovertemplate": "method=original<br>zero_method=wilcox<br>alternative=greater<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "original",
"line": {
"color": "#EF553B",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "original",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x4",
"y": [
0,
0.0070551360722743706,
0.03041521722580287,
0.07736042300928847,
0.34134474606854304
],
"yaxis": "y4"
},
{
"hovertemplate": "method=original<br>zero_method=wilcox<br>alternative=less<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "original",
"line": {
"color": "#EF553B",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "original",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x5",
"y": [
0,
0.006011103925376404,
0.029503972470326302,
0.07850995099128671,
0.34134474606854304
],
"yaxis": "y5"
},
{
"hovertemplate": "method=original<br>zero_method=wilcox<br>alternative=two-sided<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "original",
"line": {
"color": "#EF553B",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "original",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x6",
"y": [
0,
0.008834608173839298,
0.0662182786446412,
0.1635490121666393,
0.6826894921370859
],
"yaxis": "y6"
},
{
"hovertemplate": "method=original<br>zero_method=zsplit<br>alternative=greater<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "original",
"line": {
"color": "#EF553B",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "original",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x",
"y": [
0,
0.006039286973318271,
0.02324846104896361,
0.06262668051347431,
0.2928919108787374
],
"yaxis": "y"
},
{
"hovertemplate": "method=original<br>zero_method=zsplit<br>alternative=less<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "original",
"line": {
"color": "#EF553B",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "original",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x2",
"y": [
0,
0.005859375,
0.02147774798448615,
0.0625,
0.2928919108787374
],
"yaxis": "y2"
},
{
"hovertemplate": "method=original<br>zero_method=zsplit<br>alternative=two-sided<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "original",
"line": {
"color": "#EF553B",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "original",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x3",
"y": [
0,
0.009704330760760247,
0.04789795581062731,
0.12935457466365502,
0.5857838217574748
],
"yaxis": "y3"
}
],
"layout": {
"annotations": [
{
"font": {},
"showarrow": false,
"text": "alternative=greater",
"x": 0.15666666666666665,
"xanchor": "center",
"xref": "paper",
"y": 1,
"yanchor": "bottom",
"yref": "paper"
},
{
"font": {},
"showarrow": false,
"text": "alternative=less",
"x": 0.49,
"xanchor": "center",
"xref": "paper",
"y": 1,
"yanchor": "bottom",
"yref": "paper"
},
{
"font": {},
"showarrow": false,
"text": "alternative=two-sided",
"x": 0.8233333333333333,
"xanchor": "center",
"xref": "paper",
"y": 1,
"yanchor": "bottom",
"yref": "paper"
},
{
"font": {},
"showarrow": false,
"text": "zero_method=zsplit",
"textangle": 90,
"x": 0.98,
"xanchor": "left",
"xref": "paper",
"y": 0.15,
"yanchor": "middle",
"yref": "paper"
},
{
"font": {},
"showarrow": false,
"text": "zero_method=wilcox",
"textangle": 90,
"x": 0.98,
"xanchor": "left",
"xref": "paper",
"y": 0.49999999999999994,
"yanchor": "middle",
"yref": "paper"
},
{
"font": {},
"showarrow": false,
"text": "zero_method=pratt",
"textangle": 90,
"x": 0.98,
"xanchor": "left",
"xref": "paper",
"y": 0.85,
"yanchor": "middle",
"yref": "paper"
}
],
"height": 900,
"legend": {
"title": {
"text": "method"
},
"tracegroupgap": 0
},
"margin": {
"t": 200
},
"template": {
"data": {
"bar": [
{
"error_x": {
"color": "#2a3f5f"
},
"error_y": {
"color": "#2a3f5f"
},
"marker": {
"line": {
"color": "#E5ECF6",
"width": 0.5
},
"pattern": {
"fillmode": "overlay",
"size": 10,
"solidity": 0.2
}
},
"type": "bar"
}
],
"barpolar": [
{
"marker": {
"line": {
"color": "#E5ECF6",
"width": 0.5
},
"pattern": {
"fillmode": "overlay",
"size": 10,
"solidity": 0.2
}
},
"type": "barpolar"
}
],
"carpet": [
{
"aaxis": {
"endlinecolor": "#2a3f5f",
"gridcolor": "white",
"linecolor": "white",
"minorgridcolor": "white",
"startlinecolor": "#2a3f5f"
},
"baxis": {
"endlinecolor": "#2a3f5f",
"gridcolor": "white",
"linecolor": "white",
"minorgridcolor": "white",
"startlinecolor": "#2a3f5f"
},
"type": "carpet"
}
],
"choropleth": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"type": "choropleth"
}
],
"contour": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
],
"type": "contour"
}
],
"contourcarpet": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"type": "contourcarpet"
}
],
"heatmap": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
],
"type": "heatmap"
}
],
"heatmapgl": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
],
"type": "heatmapgl"
}
],
"histogram": [
{
"marker": {
"pattern": {
"fillmode": "overlay",
"size": 10,
"solidity": 0.2
}
},
"type": "histogram"
}
],
"histogram2d": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
],
"type": "histogram2d"
}
],
"histogram2dcontour": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
],
"type": "histogram2dcontour"
}
],
"mesh3d": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"type": "mesh3d"
}
],
"parcoords": [
{
"line": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "parcoords"
}
],
"pie": [
{
"automargin": true,
"type": "pie"
}
],
"scatter": [
{
"fillpattern": {
"fillmode": "overlay",
"size": 10,
"solidity": 0.2
},
"type": "scatter"
}
],
"scatter3d": [
{
"line": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scatter3d"
}
],
"scattercarpet": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scattercarpet"
}
],
"scattergeo": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scattergeo"
}
],
"scattergl": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scattergl"
}
],
"scattermapbox": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scattermapbox"
}
],
"scatterpolar": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scatterpolar"
}
],
"scatterpolargl": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scatterpolargl"
}
],
"scatterternary": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scatterternary"
}
],
"surface": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
],
"type": "surface"
}
],
"table": [
{
"cells": {
"fill": {
"color": "#EBF0F8"
},
"line": {
"color": "white"
}
},
"header": {
"fill": {
"color": "#C8D4E3"
},
"line": {
"color": "white"
}
},
"type": "table"
}
]
},
"layout": {
"annotationdefaults": {
"arrowcolor": "#2a3f5f",
"arrowhead": 0,
"arrowwidth": 1
},
"autotypenumbers": "strict",
"coloraxis": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"colorscale": {
"diverging": [
[
0,
"#8e0152"
],
[
0.1,
"#c51b7d"
],
[
0.2,
"#de77ae"
],
[
0.3,
"#f1b6da"
],
[
0.4,
"#fde0ef"
],
[
0.5,
"#f7f7f7"
],
[
0.6,
"#e6f5d0"
],
[
0.7,
"#b8e186"
],
[
0.8,
"#7fbc41"
],
[
0.9,
"#4d9221"
],
[
1,
"#276419"
]
],
"sequential": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
],
"sequentialminus": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
]
},
"colorway": [
"#636efa",
"#EF553B",
"#00cc96",
"#ab63fa",
"#FFA15A",
"#19d3f3",
"#FF6692",
"#B6E880",
"#FF97FF",
"#FECB52"
],
"font": {
"color": "#2a3f5f"
},
"geo": {
"bgcolor": "white",
"lakecolor": "white",
"landcolor": "#E5ECF6",
"showlakes": true,
"showland": true,
"subunitcolor": "white"
},
"hoverlabel": {
"align": "left"
},
"hovermode": "closest",
"mapbox": {
"style": "light"
},
"paper_bgcolor": "white",
"plot_bgcolor": "#E5ECF6",
"polar": {
"angularaxis": {
"gridcolor": "white",
"linecolor": "white",
"ticks": ""
},
"bgcolor": "#E5ECF6",
"radialaxis": {
"gridcolor": "white",
"linecolor": "white",
"ticks": ""
}
},
"scene": {
"xaxis": {
"backgroundcolor": "#E5ECF6",
"gridcolor": "white",
"gridwidth": 2,
"linecolor": "white",
"showbackground": true,
"ticks": "",
"zerolinecolor": "white"
},
"yaxis": {
"backgroundcolor": "#E5ECF6",
"gridcolor": "white",
"gridwidth": 2,
"linecolor": "white",
"showbackground": true,
"ticks": "",
"zerolinecolor": "white"
},
"zaxis": {
"backgroundcolor": "#E5ECF6",
"gridcolor": "white",
"gridwidth": 2,
"linecolor": "white",
"showbackground": true,
"ticks": "",
"zerolinecolor": "white"
}
},
"shapedefaults": {
"line": {
"color": "#2a3f5f"
}
},
"ternary": {
"aaxis": {
"gridcolor": "white",
"linecolor": "white",
"ticks": ""
},
"baxis": {
"gridcolor": "white",
"linecolor": "white",
"ticks": ""
},
"bgcolor": "#E5ECF6",
"caxis": {
"gridcolor": "white",
"linecolor": "white",
"ticks": ""
}
},
"title": {
"x": 0.05
},
"xaxis": {
"automargin": true,
"gridcolor": "white",
"linecolor": "white",
"ticks": "",
"title": {
"standoff": 15
},
"zerolinecolor": "white",
"zerolinewidth": 2
},
"yaxis": {
"automargin": true,
"gridcolor": "white",
"linecolor": "white",
"ticks": "",
"title": {
"standoff": 15
},
"zerolinecolor": "white",
"zerolinewidth": 2
}
}
},
"title": {
"text": "absolute difference relative to the permutation method (lower is better)<br><br><sup>per `aternative`, per `zero_method`</sup><br><sup>percentile statistics all ('num_samples', 'num_zeros', 'num_ties', 'seed') confounded</sup><br>"
},
"width": 900,
"xaxis": {
"anchor": "y",
"domain": [
0,
0.3133333333333333
],
"title": {
"text": "percentile"
}
},
"xaxis2": {
"anchor": "y2",
"domain": [
0.3333333333333333,
0.6466666666666666
],
"matches": "x",
"title": {
"text": "percentile"
}
},
"xaxis3": {
"anchor": "y3",
"domain": [
0.6666666666666666,
0.98
],
"matches": "x",
"title": {
"text": "percentile"
}
},
"xaxis4": {
"anchor": "y4",
"domain": [
0,
0.3133333333333333
],
"matches": "x",
"showticklabels": false
},
"xaxis5": {
"anchor": "y5",
"domain": [
0.3333333333333333,
0.6466666666666666
],
"matches": "x",
"showticklabels": false
},
"xaxis6": {
"anchor": "y6",
"domain": [
0.6666666666666666,
0.98
],
"matches": "x",
"showticklabels": false
},
"xaxis7": {
"anchor": "y7",
"domain": [
0,
0.3133333333333333
],
"matches": "x",
"showticklabels": false
},
"xaxis8": {
"anchor": "y8",
"domain": [
0.3333333333333333,
0.6466666666666666
],
"matches": "x",
"showticklabels": false
},
"xaxis9": {
"anchor": "y9",
"domain": [
0.6666666666666666,
0.98
],
"matches": "x",
"showticklabels": false
},
"yaxis": {
"anchor": "x",
"autorange": true,
"domain": [
0,
0.3
],
"showticklabels": true,
"title": {
"text": "absdiff"
}
},
"yaxis2": {
"anchor": "x2",
"autorange": true,
"domain": [
0,
0.3
],
"showticklabels": true
},
"yaxis3": {
"anchor": "x3",
"autorange": true,
"domain": [
0,
0.3
],
"showticklabels": true
},
"yaxis4": {
"anchor": "x4",
"autorange": true,
"domain": [
0.35,
0.6499999999999999
],
"showticklabels": true,
"title": {
"text": "absdiff"
}
},
"yaxis5": {
"anchor": "x5",
"autorange": true,
"domain": [
0.35,
0.6499999999999999
],
"showticklabels": true
},
"yaxis6": {
"anchor": "x6",
"autorange": true,
"domain": [
0.35,
0.6499999999999999
],
"showticklabels": true
},
"yaxis7": {
"anchor": "x7",
"autorange": true,
"domain": [
0.7,
1
],
"showticklabels": true,
"title": {
"text": "absdiff"
}
},
"yaxis8": {
"anchor": "x8",
"autorange": true,
"domain": [
0.7,
1
],
"showticklabels": true
},
"yaxis9": {
"anchor": "x9",
"autorange": true,
"domain": [
0.7,
1
],
"showticklabels": true
}
}
},
"text/html": [
"<div> <div id=\"86dda137-92bd-4d97-a556-a06c36b2f7fe\" class=\"plotly-graph-div\" style=\"height:900px; width:900px;\"></div> <script type=\"text/javascript\"> require([\"plotly\"], function(Plotly) { window.PLOTLYENV=window.PLOTLYENV || {}; if (document.getElementById(\"86dda137-92bd-4d97-a556-a06c36b2f7fe\")) { Plotly.newPlot( \"86dda137-92bd-4d97-a556-a06c36b2f7fe\", [{\"hovertemplate\":\"method=modified<br>zero_method=pratt<br>alternative=greater<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"modified\",\"line\":{\"color\":\"#636efa\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"modified\",\"orientation\":\"v\",\"showlegend\":true,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x7\",\"y\":[0.0,0.0,0.015625,0.0859375,0.501953125],\"yaxis\":\"y7\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=modified<br>zero_method=pratt<br>alternative=less<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"modified\",\"line\":{\"color\":\"#636efa\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"modified\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x8\",\"y\":[0.0,0.0,0.046875,0.15625,0.935546875],\"yaxis\":\"y8\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=modified<br>zero_method=pratt<br>alternative=two-sided<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"modified\",\"line\":{\"color\":\"#636efa\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"modified\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x9\",\"y\":[0.0,0.0,0.0625,0.21875,0.99609375],\"yaxis\":\"y9\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=modified<br>zero_method=wilcox<br>alternative=greater<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"modified\",\"line\":{\"color\":\"#636efa\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"modified\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x4\",\"y\":[0.0,0.0,0.00390625,0.0625,0.501953125],\"yaxis\":\"y4\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=modified<br>zero_method=wilcox<br>alternative=less<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"modified\",\"line\":{\"color\":\"#636efa\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"modified\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x5\",\"y\":[0.0,0.0,0.03125,0.18359375,0.935546875],\"yaxis\":\"y5\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=modified<br>zero_method=wilcox<br>alternative=two-sided<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"modified\",\"line\":{\"color\":\"#636efa\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"modified\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x6\",\"y\":[0.0,0.0,0.046875,0.2421875,0.99609375],\"yaxis\":\"y6\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=modified<br>zero_method=zsplit<br>alternative=greater<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"modified\",\"line\":{\"color\":\"#636efa\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"modified\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x\",\"y\":[0.0,0.0,0.015625,0.046875,0.28515625],\"yaxis\":\"y\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=modified<br>zero_method=zsplit<br>alternative=less<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"modified\",\"line\":{\"color\":\"#636efa\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"modified\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x2\",\"y\":[0.0,0.0,0.01953125,0.0546875,0.2890625],\"yaxis\":\"y2\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=modified<br>zero_method=zsplit<br>alternative=two-sided<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"modified\",\"line\":{\"color\":\"#636efa\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"modified\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x3\",\"y\":[0.0,0.0,0.03125,0.0859375,0.5],\"yaxis\":\"y3\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=original<br>zero_method=pratt<br>alternative=greater<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"original\",\"line\":{\"color\":\"#EF553B\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"original\",\"orientation\":\"v\",\"showlegend\":true,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x7\",\"y\":[0.0,0.006345380130961642,0.023344803626837024,0.06641426847333809,0.34134474606854304],\"yaxis\":\"y7\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=original<br>zero_method=pratt<br>alternative=less<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"original\",\"line\":{\"color\":\"#EF553B\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"original\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x8\",\"y\":[0.0,0.005859375,0.02275013194817921,0.06205197103852961,0.34134474606854304],\"yaxis\":\"y8\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=original<br>zero_method=pratt<br>alternative=two-sided<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"original\",\"line\":{\"color\":\"#EF553B\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"original\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x9\",\"y\":[0.0,0.01171875,0.05543636537918539,0.16209504616816545,0.6826894921370859],\"yaxis\":\"y9\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=original<br>zero_method=wilcox<br>alternative=greater<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"original\",\"line\":{\"color\":\"#EF553B\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"original\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x4\",\"y\":[0.0,0.0070551360722743706,0.03041521722580287,0.07736042300928847,0.34134474606854304],\"yaxis\":\"y4\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=original<br>zero_method=wilcox<br>alternative=less<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"original\",\"line\":{\"color\":\"#EF553B\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"original\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x5\",\"y\":[0.0,0.006011103925376404,0.029503972470326302,0.07850995099128671,0.34134474606854304],\"yaxis\":\"y5\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=original<br>zero_method=wilcox<br>alternative=two-sided<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"original\",\"line\":{\"color\":\"#EF553B\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"original\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x6\",\"y\":[0.0,0.008834608173839298,0.0662182786446412,0.1635490121666393,0.6826894921370859],\"yaxis\":\"y6\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=original<br>zero_method=zsplit<br>alternative=greater<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"original\",\"line\":{\"color\":\"#EF553B\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"original\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x\",\"y\":[0.0,0.006039286973318271,0.02324846104896361,0.06262668051347431,0.2928919108787374],\"yaxis\":\"y\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=original<br>zero_method=zsplit<br>alternative=less<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"original\",\"line\":{\"color\":\"#EF553B\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"original\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x2\",\"y\":[0.0,0.005859375,0.02147774798448615,0.0625,0.2928919108787374],\"yaxis\":\"y2\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=original<br>zero_method=zsplit<br>alternative=two-sided<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"original\",\"line\":{\"color\":\"#EF553B\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"original\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x3\",\"y\":[0.0,0.009704330760760247,0.04789795581062731,0.12935457466365502,0.5857838217574748],\"yaxis\":\"y3\",\"type\":\"scatter\"}], {\"template\":{\"data\":{\"histogram2dcontour\":[{\"type\":\"histogram2dcontour\",\"colorbar\":{\"outlinewidth\":0,\"ticks\":\"\"},\"colorscale\":[[0.0,\"#0d0887\"],[0.1111111111111111,\"#46039f\"],[0.2222222222222222,\"#7201a8\"],[0.3333333333333333,\"#9c179e\"],[0.4444444444444444,\"#bd3786\"],[0.5555555555555556,\"#d8576b\"],[0.6666666666666666,\"#ed7953\"],[0.7777777777777778,\"#fb9f3a\"],[0.8888888888888888,\"#fdca26\"],[1.0,\"#f0f921\"]]}],\"choropleth\":[{\"type\":\"choropleth\",\"colorbar\":{\"outlinewidth\":0,\"ticks\":\"\"}}],\"histogram2d\":[{\"type\":\"histogram2d\",\"colorbar\":{\"outlinewidth\":0,\"ticks\":\"\"},\"colorscale\":[[0.0,\"#0d0887\"],[0.1111111111111111,\"#46039f\"],[0.2222222222222222,\"#7201a8\"],[0.3333333333333333,\"#9c179e\"],[0.4444444444444444,\"#bd3786\"],[0.5555555555555556,\"#d8576b\"],[0.6666666666666666,\"#ed7953\"],[0.7777777777777778,\"#fb9f3a\"],[0.8888888888888888,\"#fdca26\"],[1.0,\"#f0f921\"]]}],\"heatmap\":[{\"type\":\"heatmap\",\"colorbar\":{\"outlinewidth\":0,\"ticks\":\"\"},\"colorscale\":[[0.0,\"#0d0887\"],[0.1111111111111111,\"#46039f\"],[0.2222222222222222,\"#7201a8\"],[0.3333333333333333,\"#9c179e\"],[0.4444444444444444,\"#bd3786\"],[0.5555555555555556,\"#d8576b\"],[0.6666666666666666,\"#ed7953\"],[0.7777777777777778,\"#fb9f3a\"],[0.8888888888888888,\"#fdca26\"],[1.0,\"#f0f921\"]]}],\"heatmapgl\":[{\"type\":\"heatmapgl\",\"colorbar\":{\"outlinewidth\":0,\"ticks\":\"\"},\"colorscale\":[[0.0,\"#0d0887\"],[0.1111111111111111,\"#46039f\"],[0.2222222222222222,\"#7201a8\"],[0.3333333333333333,\"#9c179e\"],[0.4444444444444444,\"#bd3786\"],[0.5555555555555556,\"#d8576b\"],[0.6666666666666666,\"#ed7953\"],[0.7777777777777778,\"#fb9f3a\"],[0.8888888888888888,\"#fdca26\"],[1.0,\"#f0f921\"]]}],\"contourcarpet\":[{\"type\":\"contourcarpet\",\"colorbar\":{\"outlinewidth\":0,\"ticks\":\"\"}}],\"contour\":[{\"type\":\"contour\",\"colorbar\":{\"outlinewidth\":0,\"ticks\":\"\"},\"colorscale\":[[0.0,\"#0d0887\"],[0.1111111111111111,\"#46039f\"],[0.2222222222222222,\"#7201a8\"],[0.3333333333333333,\"#9c179e\"],[0.4444444444444444,\"#bd3786\"],[0.5555555555555556,\"#d8576b\"],[0.6666666666666666,\"#ed7953\"],[0.7777777777777778,\"#fb9f3a\"],[0.8888888888888888,\"#fdca26\"],[1.0,\"#f0f921\"]]}],\"surface\":[{\"type\":\"surface\",\"colorbar\":{\"outlinewidth\":0,\"ticks\":\"\"},\"colorscale\":[[0.0,\"#0d0887\"],[0.1111111111111111,\"#46039f\"],[0.2222222222222222,\"#7201a8\"],[0.3333333333333333,\"#9c179e\"],[0.4444444444444444,\"#bd3786\"],[0.5555555555555556,\"#d8576b\"],[0.6666666666666666,\"#ed7953\"],[0.7777777777777778,\"#fb9f3a\"],[0.8888888888888888,\"#fdca26\"],[1.0,\"#f0f921\"]]}],\"mesh3d\":[{\"type\":\"mesh3d\",\"colorbar\":{\"outlinewidth\":0,\"ticks\":\"\"}}],\"scatter\":[{\"fillpattern\":{\"fillmode\":\"overlay\",\"size\":10,\"solidity\":0.2},\"type\":\"scatter\"}],\"parcoords\":[{\"type\":\"parcoords\",\"line\":{\"colorbar\":{\"outlinewidth\":0,\"ticks\":\"\"}}}],\"scatterpolargl\":[{\"type\":\"scatterpolargl\",\"marker\":{\"colorbar\":{\"outlinewidth\":0,\"ticks\":\"\"}}}],\"bar\":[{\"error_x\":{\"color\":\"#2a3f5f\"},\"error_y\":{\"color\":\"#2a3f5f\"},\"marker\":{\"line\":{\"color\":\"#E5ECF6\",\"width\":0.5},\"pattern\":{\"fillmode\":\"overlay\",\"size\":10,\"solidity\":0.2}},\"type\":\"bar\"}],\"scattergeo\":[{\"type\":\"scattergeo\",\"marker\":{\"colorbar\":{\"outlinewidth\":0,\"ticks\":\"\"}}}],\"scatterpolar\":[{\"type\":\"scatterpolar\",\"marker\":{\"colorbar\":{\"outlinewidth\":0,\"ticks\":\"\"}}}],\"histogram\":[{\"marker\":{\"pattern\":{\"fillmode\":\"overlay\",\"size\":10,\"solidity\":0.2}},\"type\":\"histogram\"}],\"scattergl\":[{\"type\":\"scattergl\",\"marker\":{\"colorbar\":{\"outlinewidth\":0,\"ticks\":\"\"}}}],\"scatter3d\":[{\"type\":\"scatter3d\",\"line\":{\"colorbar\":{\"outlinewidth\":0,\"ticks\":\"\"}},\"marker\":{\"colorbar\":{\"outlinewidth\":0,\"ticks\":\"\"}}}],\"scattermapbox\":[{\"type\":\"scattermapbox\",\"marker\":{\"colorbar\":{\"outlinewidth\":0,\"ticks\":\"\"}}}],\"scatterternary\":[{\"type\":\"scatterternary\",\"marker\":{\"colorbar\":{\"outlinewidth\":0,\"ticks\":\"\"}}}],\"scattercarpet\":[{\"type\":\"scattercarpet\",\"marker\":{\"colorbar\":{\"outlinewidth\":0,\"ticks\":\"\"}}}],\"carpet\":[{\"aaxis\":{\"endlinecolor\":\"#2a3f5f\",\"gridcolor\":\"white\",\"linecolor\":\"white\",\"minorgridcolor\":\"white\",\"startlinecolor\":\"#2a3f5f\"},\"baxis\":{\"endlinecolor\":\"#2a3f5f\",\"gridcolor\":\"white\",\"linecolor\":\"white\",\"minorgridcolor\":\"white\",\"startlinecolor\":\"#2a3f5f\"},\"type\":\"carpet\"}],\"table\":[{\"cells\":{\"fill\":{\"color\":\"#EBF0F8\"},\"line\":{\"color\":\"white\"}},\"header\":{\"fill\":{\"color\":\"#C8D4E3\"},\"line\":{\"color\":\"white\"}},\"type\":\"table\"}],\"barpolar\":[{\"marker\":{\"line\":{\"color\":\"#E5ECF6\",\"width\":0.5},\"pattern\":{\"fillmode\":\"overlay\",\"size\":10,\"solidity\":0.2}},\"type\":\"barpolar\"}],\"pie\":[{\"automargin\":true,\"type\":\"pie\"}]},\"layout\":{\"autotypenumbers\":\"strict\",\"colorway\":[\"#636efa\",\"#EF553B\",\"#00cc96\",\"#ab63fa\",\"#FFA15A\",\"#19d3f3\",\"#FF6692\",\"#B6E880\",\"#FF97FF\",\"#FECB52\"],\"font\":{\"color\":\"#2a3f5f\"},\"hovermode\":\"closest\",\"hoverlabel\":{\"align\":\"left\"},\"paper_bgcolor\":\"white\",\"plot_bgcolor\":\"#E5ECF6\",\"polar\":{\"bgcolor\":\"#E5ECF6\",\"angularaxis\":{\"gridcolor\":\"white\",\"linecolor\":\"white\",\"ticks\":\"\"},\"radialaxis\":{\"gridcolor\":\"white\",\"linecolor\":\"white\",\"ticks\":\"\"}},\"ternary\":{\"bgcolor\":\"#E5ECF6\",\"aaxis\":{\"gridcolor\":\"white\",\"linecolor\":\"white\",\"ticks\":\"\"},\"baxis\":{\"gridcolor\":\"white\",\"linecolor\":\"white\",\"ticks\":\"\"},\"caxis\":{\"gridcolor\":\"white\",\"linecolor\":\"white\",\"ticks\":\"\"}},\"coloraxis\":{\"colorbar\":{\"outlinewidth\":0,\"ticks\":\"\"}},\"colorscale\":{\"sequential\":[[0.0,\"#0d0887\"],[0.1111111111111111,\"#46039f\"],[0.2222222222222222,\"#7201a8\"],[0.3333333333333333,\"#9c179e\"],[0.4444444444444444,\"#bd3786\"],[0.5555555555555556,\"#d8576b\"],[0.6666666666666666,\"#ed7953\"],[0.7777777777777778,\"#fb9f3a\"],[0.8888888888888888,\"#fdca26\"],[1.0,\"#f0f921\"]],\"sequentialminus\":[[0.0,\"#0d0887\"],[0.1111111111111111,\"#46039f\"],[0.2222222222222222,\"#7201a8\"],[0.3333333333333333,\"#9c179e\"],[0.4444444444444444,\"#bd3786\"],[0.5555555555555556,\"#d8576b\"],[0.6666666666666666,\"#ed7953\"],[0.7777777777777778,\"#fb9f3a\"],[0.8888888888888888,\"#fdca26\"],[1.0,\"#f0f921\"]],\"diverging\":[[0,\"#8e0152\"],[0.1,\"#c51b7d\"],[0.2,\"#de77ae\"],[0.3,\"#f1b6da\"],[0.4,\"#fde0ef\"],[0.5,\"#f7f7f7\"],[0.6,\"#e6f5d0\"],[0.7,\"#b8e186\"],[0.8,\"#7fbc41\"],[0.9,\"#4d9221\"],[1,\"#276419\"]]},\"xaxis\":{\"gridcolor\":\"white\",\"linecolor\":\"white\",\"ticks\":\"\",\"title\":{\"standoff\":15},\"zerolinecolor\":\"white\",\"automargin\":true,\"zerolinewidth\":2},\"yaxis\":{\"gridcolor\":\"white\",\"linecolor\":\"white\",\"ticks\":\"\",\"title\":{\"standoff\":15},\"zerolinecolor\":\"white\",\"automargin\":true,\"zerolinewidth\":2},\"scene\":{\"xaxis\":{\"backgroundcolor\":\"#E5ECF6\",\"gridcolor\":\"white\",\"linecolor\":\"white\",\"showbackground\":true,\"ticks\":\"\",\"zerolinecolor\":\"white\",\"gridwidth\":2},\"yaxis\":{\"backgroundcolor\":\"#E5ECF6\",\"gridcolor\":\"white\",\"linecolor\":\"white\",\"showbackground\":true,\"ticks\":\"\",\"zerolinecolor\":\"white\",\"gridwidth\":2},\"zaxis\":{\"backgroundcolor\":\"#E5ECF6\",\"gridcolor\":\"white\",\"linecolor\":\"white\",\"showbackground\":true,\"ticks\":\"\",\"zerolinecolor\":\"white\",\"gridwidth\":2}},\"shapedefaults\":{\"line\":{\"color\":\"#2a3f5f\"}},\"annotationdefaults\":{\"arrowcolor\":\"#2a3f5f\",\"arrowhead\":0,\"arrowwidth\":1},\"geo\":{\"bgcolor\":\"white\",\"landcolor\":\"#E5ECF6\",\"subunitcolor\":\"white\",\"showland\":true,\"showlakes\":true,\"lakecolor\":\"white\"},\"title\":{\"x\":0.05},\"mapbox\":{\"style\":\"light\"}}},\"xaxis\":{\"anchor\":\"y\",\"domain\":[0.0,0.3133333333333333],\"title\":{\"text\":\"percentile\"}},\"yaxis\":{\"anchor\":\"x\",\"domain\":[0.0,0.3],\"title\":{\"text\":\"absdiff\"},\"showticklabels\":true,\"autorange\":true},\"xaxis2\":{\"anchor\":\"y2\",\"domain\":[0.3333333333333333,0.6466666666666666],\"matches\":\"x\",\"title\":{\"text\":\"percentile\"}},\"yaxis2\":{\"anchor\":\"x2\",\"domain\":[0.0,0.3],\"showticklabels\":true,\"autorange\":true},\"xaxis3\":{\"anchor\":\"y3\",\"domain\":[0.6666666666666666,0.98],\"matches\":\"x\",\"title\":{\"text\":\"percentile\"}},\"yaxis3\":{\"anchor\":\"x3\",\"domain\":[0.0,0.3],\"showticklabels\":true,\"autorange\":true},\"xaxis4\":{\"anchor\":\"y4\",\"domain\":[0.0,0.3133333333333333],\"matches\":\"x\",\"showticklabels\":false},\"yaxis4\":{\"anchor\":\"x4\",\"domain\":[0.35,0.6499999999999999],\"title\":{\"text\":\"absdiff\"},\"showticklabels\":true,\"autorange\":true},\"xaxis5\":{\"anchor\":\"y5\",\"domain\":[0.3333333333333333,0.6466666666666666],\"matches\":\"x\",\"showticklabels\":false},\"yaxis5\":{\"anchor\":\"x5\",\"domain\":[0.35,0.6499999999999999],\"showticklabels\":true,\"autorange\":true},\"xaxis6\":{\"anchor\":\"y6\",\"domain\":[0.6666666666666666,0.98],\"matches\":\"x\",\"showticklabels\":false},\"yaxis6\":{\"anchor\":\"x6\",\"domain\":[0.35,0.6499999999999999],\"showticklabels\":true,\"autorange\":true},\"xaxis7\":{\"anchor\":\"y7\",\"domain\":[0.0,0.3133333333333333],\"matches\":\"x\",\"showticklabels\":false},\"yaxis7\":{\"anchor\":\"x7\",\"domain\":[0.7,1.0],\"title\":{\"text\":\"absdiff\"},\"showticklabels\":true,\"autorange\":true},\"xaxis8\":{\"anchor\":\"y8\",\"domain\":[0.3333333333333333,0.6466666666666666],\"matches\":\"x\",\"showticklabels\":false},\"yaxis8\":{\"anchor\":\"x8\",\"domain\":[0.7,1.0],\"showticklabels\":true,\"autorange\":true},\"xaxis9\":{\"anchor\":\"y9\",\"domain\":[0.6666666666666666,0.98],\"matches\":\"x\",\"showticklabels\":false},\"yaxis9\":{\"anchor\":\"x9\",\"domain\":[0.7,1.0],\"showticklabels\":true,\"autorange\":true},\"annotations\":[{\"font\":{},\"showarrow\":false,\"text\":\"alternative=greater\",\"x\":0.15666666666666665,\"xanchor\":\"center\",\"xref\":\"paper\",\"y\":1.0,\"yanchor\":\"bottom\",\"yref\":\"paper\"},{\"font\":{},\"showarrow\":false,\"text\":\"alternative=less\",\"x\":0.49,\"xanchor\":\"center\",\"xref\":\"paper\",\"y\":1.0,\"yanchor\":\"bottom\",\"yref\":\"paper\"},{\"font\":{},\"showarrow\":false,\"text\":\"alternative=two-sided\",\"x\":0.8233333333333333,\"xanchor\":\"center\",\"xref\":\"paper\",\"y\":1.0,\"yanchor\":\"bottom\",\"yref\":\"paper\"},{\"font\":{},\"showarrow\":false,\"text\":\"zero_method=zsplit\",\"textangle\":90,\"x\":0.98,\"xanchor\":\"left\",\"xref\":\"paper\",\"y\":0.15,\"yanchor\":\"middle\",\"yref\":\"paper\"},{\"font\":{},\"showarrow\":false,\"text\":\"zero_method=wilcox\",\"textangle\":90,\"x\":0.98,\"xanchor\":\"left\",\"xref\":\"paper\",\"y\":0.49999999999999994,\"yanchor\":\"middle\",\"yref\":\"paper\"},{\"font\":{},\"showarrow\":false,\"text\":\"zero_method=pratt\",\"textangle\":90,\"x\":0.98,\"xanchor\":\"left\",\"xref\":\"paper\",\"y\":0.85,\"yanchor\":\"middle\",\"yref\":\"paper\"}],\"legend\":{\"title\":{\"text\":\"method\"},\"tracegroupgap\":0},\"margin\":{\"t\":200},\"height\":900,\"width\":900,\"title\":{\"text\":\"absolute difference relative to the permutation method (lower is better)<br><br><sup>per `aternative`, per `zero_method`</sup><br><sup>percentile statistics all ('num_samples', 'num_zeros', 'num_ties', 'seed') confounded</sup><br>\"}}, {\"responsive\": true} ).then(function(){\n",
" \n",
"var gd = document.getElementById('86dda137-92bd-4d97-a556-a06c36b2f7fe');\n",
"var x = new MutationObserver(function (mutations, observer) {{\n",
" var display = window.getComputedStyle(gd).display;\n",
" if (!display || display === 'none') {{\n",
" console.log([gd, 'removed!']);\n",
" Plotly.purge(gd);\n",
" observer.disconnect();\n",
" }}\n",
"}});\n",
"\n",
"// Listen for the removal of the full notebook cells\n",
"var notebookContainer = gd.closest('#notebook-container');\n",
"if (notebookContainer) {{\n",
" x.observe(notebookContainer, {childList: true});\n",
"}}\n",
"\n",
"// Listen for the clearing of the current output cell\n",
"var outputEl = gd.closest('.output');\n",
"if (outputEl) {{\n",
" x.observe(outputEl, {childList: true});\n",
"}}\n",
"\n",
" }) }; }); </script> </div>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/svg+xml": "<svg xmlns=\"http://www.w3.org/2000/svg\" xmlns:xlink=\"http://www.w3.org/1999/xlink\" class=\"main-svg\" width=\"900\" height=\"900\" style=\"\" viewBox=\"0 0 900 900\"><rect x=\"0\" y=\"0\" width=\"900\" height=\"900\" style=\"fill: rgb(255, 255, 255); fill-opacity: 1;\"/><defs id=\"defs-facad1\"><g class=\"clips\"><clipPath id=\"clipfacad1xyplot\" class=\"plotclip\"><rect width=\"219.01999999999998\" height=\"186\"/></clipPath><clipPath id=\"clipfacad1x2y2plot\" class=\"plotclip\"><rect width=\"219.01999999999998\" height=\"186\"/></clipPath><clipPath id=\"clipfacad1x3y3plot\" class=\"plotclip\"><rect width=\"219.02\" height=\"186\"/></clipPath><clipPath id=\"clipfacad1x4y4plot\" class=\"plotclip\"><rect width=\"219.01999999999998\" height=\"185.99999999999997\"/></clipPath><clipPath id=\"clipfacad1x5y5plot\" class=\"plotclip\"><rect width=\"219.01999999999998\" height=\"185.99999999999997\"/></clipPath><clipPath id=\"clipfacad1x6y6plot\" class=\"plotclip\"><rect width=\"219.02\" height=\"185.99999999999997\"/></clipPath><clipPath id=\"clipfacad1x7y7plot\" class=\"plotclip\"><rect width=\"219.01999999999998\" height=\"186.00000000000003\"/></clipPath><clipPath id=\"clipfacad1x8y8plot\" class=\"plotclip\"><rect width=\"219.01999999999998\" height=\"186.00000000000003\"/></clipPath><clipPath id=\"clipfacad1x9y9plot\" class=\"plotclip\"><rect width=\"219.02\" height=\"186.00000000000003\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x\"><rect x=\"80\" y=\"0\" width=\"219.01999999999998\" height=\"900\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1y\"><rect x=\"0\" y=\"634\" width=\"900\" height=\"186\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1xy\"><rect x=\"80\" y=\"634\" width=\"219.01999999999998\" height=\"186\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1y2\"><rect x=\"0\" y=\"634\" width=\"900\" height=\"186\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1xy2\"><rect x=\"80\" y=\"634\" width=\"219.01999999999998\" height=\"186\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1y3\"><rect x=\"0\" y=\"634\" width=\"900\" height=\"186\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1xy3\"><rect x=\"80\" y=\"634\" width=\"219.01999999999998\" height=\"186\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1y4\"><rect x=\"0\" y=\"417.00000000000006\" width=\"900\" height=\"185.99999999999997\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1xy4\"><rect x=\"80\" y=\"417.00000000000006\" width=\"219.01999999999998\" height=\"185.99999999999997\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1y5\"><rect x=\"0\" y=\"417.00000000000006\" width=\"900\" height=\"185.99999999999997\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1xy5\"><rect x=\"80\" y=\"417.00000000000006\" width=\"219.01999999999998\" height=\"185.99999999999997\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1y6\"><rect x=\"0\" y=\"417.00000000000006\" width=\"900\" height=\"185.99999999999997\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1xy6\"><rect x=\"80\" y=\"417.00000000000006\" width=\"219.01999999999998\" height=\"185.99999999999997\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1y7\"><rect x=\"0\" y=\"200\" width=\"900\" height=\"186.00000000000003\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1xy7\"><rect x=\"80\" y=\"200\" width=\"219.01999999999998\" height=\"186.00000000000003\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1y8\"><rect x=\"0\" y=\"200\" width=\"900\" height=\"186.00000000000003\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1xy8\"><rect x=\"80\" y=\"200\" width=\"219.01999999999998\" height=\"186.00000000000003\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1y9\"><rect x=\"0\" y=\"200\" width=\"900\" height=\"186.00000000000003\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1xy9\"><rect x=\"80\" y=\"200\" width=\"219.01999999999998\" height=\"186.00000000000003\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x2\"><rect x=\"313\" y=\"0\" width=\"219.01999999999998\" height=\"900\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x2y\"><rect x=\"313\" y=\"634\" width=\"219.01999999999998\" height=\"186\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x2y2\"><rect x=\"313\" y=\"634\" width=\"219.01999999999998\" height=\"186\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x2y3\"><rect x=\"313\" y=\"634\" width=\"219.01999999999998\" height=\"186\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x2y4\"><rect x=\"313\" y=\"417.00000000000006\" width=\"219.01999999999998\" height=\"185.99999999999997\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x2y5\"><rect x=\"313\" y=\"417.00000000000006\" width=\"219.01999999999998\" height=\"185.99999999999997\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x2y6\"><rect x=\"313\" y=\"417.00000000000006\" width=\"219.01999999999998\" height=\"185.99999999999997\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x2y7\"><rect x=\"313\" y=\"200\" width=\"219.01999999999998\" height=\"186.00000000000003\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x2y8\"><rect x=\"313\" y=\"200\" width=\"219.01999999999998\" height=\"186.00000000000003\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x2y9\"><rect x=\"313\" y=\"200\" width=\"219.01999999999998\" height=\"186.00000000000003\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x3\"><rect x=\"546\" y=\"0\" width=\"219.02\" height=\"900\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x3y\"><rect x=\"546\" y=\"634\" width=\"219.02\" height=\"186\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x3y2\"><rect x=\"546\" y=\"634\" width=\"219.02\" height=\"186\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x3y3\"><rect x=\"546\" y=\"634\" width=\"219.02\" height=\"186\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x3y4\"><rect x=\"546\" y=\"417.00000000000006\" width=\"219.02\" height=\"185.99999999999997\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x3y5\"><rect x=\"546\" y=\"417.00000000000006\" width=\"219.02\" height=\"185.99999999999997\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x3y6\"><rect x=\"546\" y=\"417.00000000000006\" width=\"219.02\" height=\"185.99999999999997\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x3y7\"><rect x=\"546\" y=\"200\" width=\"219.02\" height=\"186.00000000000003\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x3y8\"><rect x=\"546\" y=\"200\" width=\"219.02\" height=\"186.00000000000003\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x3y9\"><rect x=\"546\" y=\"200\" width=\"219.02\" height=\"186.00000000000003\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x4\"><rect x=\"80\" y=\"0\" width=\"219.01999999999998\" height=\"900\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x4y\"><rect x=\"80\" y=\"634\" width=\"219.01999999999998\" height=\"186\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x4y2\"><rect x=\"80\" y=\"634\" width=\"219.01999999999998\" height=\"186\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x4y3\"><rect x=\"80\" y=\"634\" width=\"219.01999999999998\" height=\"186\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x4y4\"><rect x=\"80\" y=\"417.00000000000006\" width=\"219.01999999999998\" height=\"185.99999999999997\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x4y5\"><rect x=\"80\" y=\"417.00000000000006\" width=\"219.01999999999998\" height=\"185.99999999999997\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x4y6\"><rect x=\"80\" y=\"417.00000000000006\" width=\"219.01999999999998\" height=\"185.99999999999997\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x4y7\"><rect x=\"80\" y=\"200\" width=\"219.01999999999998\" height=\"186.00000000000003\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x4y8\"><rect x=\"80\" y=\"200\" width=\"219.01999999999998\" height=\"186.00000000000003\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x4y9\"><rect x=\"80\" y=\"200\" width=\"219.01999999999998\" height=\"186.00000000000003\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x5\"><rect x=\"313\" y=\"0\" width=\"219.01999999999998\" height=\"900\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x5y\"><rect x=\"313\" y=\"634\" width=\"219.01999999999998\" height=\"186\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x5y2\"><rect x=\"313\" y=\"634\" width=\"219.01999999999998\" height=\"186\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x5y3\"><rect x=\"313\" y=\"634\" width=\"219.01999999999998\" height=\"186\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x5y4\"><rect x=\"313\" y=\"417.00000000000006\" width=\"219.01999999999998\" height=\"185.99999999999997\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x5y5\"><rect x=\"313\" y=\"417.00000000000006\" width=\"219.01999999999998\" height=\"185.99999999999997\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x5y6\"><rect x=\"313\" y=\"417.00000000000006\" width=\"219.01999999999998\" height=\"185.99999999999997\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x5y7\"><rect x=\"313\" y=\"200\" width=\"219.01999999999998\" height=\"186.00000000000003\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x5y8\"><rect x=\"313\" y=\"200\" width=\"219.01999999999998\" height=\"186.00000000000003\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x5y9\"><rect x=\"313\" y=\"200\" width=\"219.01999999999998\" height=\"186.00000000000003\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x6\"><rect x=\"546\" y=\"0\" width=\"219.02\" height=\"900\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x6y\"><rect x=\"546\" y=\"634\" width=\"219.02\" height=\"186\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x6y2\"><rect x=\"546\" y=\"634\" width=\"219.02\" height=\"186\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x6y3\"><rect x=\"546\" y=\"634\" width=\"219.02\" height=\"186\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x6y4\"><rect x=\"546\" y=\"417.00000000000006\" width=\"219.02\" height=\"185.99999999999997\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x6y5\"><rect x=\"546\" y=\"417.00000000000006\" width=\"219.02\" height=\"185.99999999999997\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x6y6\"><rect x=\"546\" y=\"417.00000000000006\" width=\"219.02\" height=\"185.99999999999997\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x6y7\"><rect x=\"546\" y=\"200\" width=\"219.02\" height=\"186.00000000000003\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x6y8\"><rect x=\"546\" y=\"200\" width=\"219.02\" height=\"186.00000000000003\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x6y9\"><rect x=\"546\" y=\"200\" width=\"219.02\" height=\"186.00000000000003\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x7\"><rect x=\"80\" y=\"0\" width=\"219.01999999999998\" height=\"900\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x7y\"><rect x=\"80\" y=\"634\" width=\"219.01999999999998\" height=\"186\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x7y2\"><rect x=\"80\" y=\"634\" width=\"219.01999999999998\" height=\"186\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x7y3\"><rect x=\"80\" y=\"634\" width=\"219.01999999999998\" height=\"186\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x7y4\"><rect x=\"80\" y=\"417.00000000000006\" width=\"219.01999999999998\" height=\"185.99999999999997\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x7y5\"><rect x=\"80\" y=\"417.00000000000006\" width=\"219.01999999999998\" height=\"185.99999999999997\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x7y6\"><rect x=\"80\" y=\"417.00000000000006\" width=\"219.01999999999998\" height=\"185.99999999999997\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x7y7\"><rect x=\"80\" y=\"200\" width=\"219.01999999999998\" height=\"186.00000000000003\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x7y8\"><rect x=\"80\" y=\"200\" width=\"219.01999999999998\" height=\"186.00000000000003\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x7y9\"><rect x=\"80\" y=\"200\" width=\"219.01999999999998\" height=\"186.00000000000003\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x8\"><rect x=\"313\" y=\"0\" width=\"219.01999999999998\" height=\"900\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x8y\"><rect x=\"313\" y=\"634\" width=\"219.01999999999998\" height=\"186\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x8y2\"><rect x=\"313\" y=\"634\" width=\"219.01999999999998\" height=\"186\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x8y3\"><rect x=\"313\" y=\"634\" width=\"219.01999999999998\" height=\"186\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x8y4\"><rect x=\"313\" y=\"417.00000000000006\" width=\"219.01999999999998\" height=\"185.99999999999997\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x8y5\"><rect x=\"313\" y=\"417.00000000000006\" width=\"219.01999999999998\" height=\"185.99999999999997\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x8y6\"><rect x=\"313\" y=\"417.00000000000006\" width=\"219.01999999999998\" height=\"185.99999999999997\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x8y7\"><rect x=\"313\" y=\"200\" width=\"219.01999999999998\" height=\"186.00000000000003\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x8y8\"><rect x=\"313\" y=\"200\" width=\"219.01999999999998\" height=\"186.00000000000003\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x8y9\"><rect x=\"313\" y=\"200\" width=\"219.01999999999998\" height=\"186.00000000000003\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x9\"><rect x=\"546\" y=\"0\" width=\"219.02\" height=\"900\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x9y\"><rect x=\"546\" y=\"634\" width=\"219.02\" height=\"186\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x9y2\"><rect x=\"546\" y=\"634\" width=\"219.02\" height=\"186\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x9y3\"><rect x=\"546\" y=\"634\" width=\"219.02\" height=\"186\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x9y4\"><rect x=\"546\" y=\"417.00000000000006\" width=\"219.02\" height=\"185.99999999999997\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x9y5\"><rect x=\"546\" y=\"417.00000000000006\" width=\"219.02\" height=\"185.99999999999997\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x9y6\"><rect x=\"546\" y=\"417.00000000000006\" width=\"219.02\" height=\"185.99999999999997\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x9y7\"><rect x=\"546\" y=\"200\" width=\"219.02\" height=\"186.00000000000003\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x9y8\"><rect x=\"546\" y=\"200\" width=\"219.02\" height=\"186.00000000000003\"/></clipPath><clipPath class=\"axesclip\" id=\"clipfacad1x9y9\"><rect x=\"546\" y=\"200\" width=\"219.02\" height=\"186.00000000000003\"/></clipPath></g><g class=\"gradients\"/><g class=\"patterns\"/></defs><g class=\"bglayer\"><rect class=\"bg\" x=\"80\" y=\"634\" width=\"219.01999999999998\" height=\"186\" style=\"fill: rgb(229, 236, 246); fill-opacity: 1; stroke-width: 0;\"/><rect class=\"bg\" x=\"313\" y=\"634\" width=\"219.01999999999998\" height=\"186\" style=\"fill: rgb(229, 236, 246); fill-opacity: 1; stroke-width: 0;\"/><rect class=\"bg\" x=\"546\" y=\"634\" width=\"219.02\" height=\"186\" style=\"fill: rgb(229, 236, 246); fill-opacity: 1; stroke-width: 0;\"/><rect class=\"bg\" x=\"80\" y=\"417.00000000000006\" width=\"219.01999999999998\" height=\"185.99999999999997\" style=\"fill: rgb(229, 236, 246); fill-opacity: 1; stroke-width: 0;\"/><rect class=\"bg\" x=\"313\" y=\"417.00000000000006\" width=\"219.01999999999998\" height=\"185.99999999999997\" style=\"fill: rgb(229, 236, 246); fill-opacity: 1; stroke-width: 0;\"/><rect class=\"bg\" x=\"546\" y=\"417.00000000000006\" width=\"219.02\" height=\"185.99999999999997\" style=\"fill: rgb(229, 236, 246); fill-opacity: 1; stroke-width: 0;\"/><rect class=\"bg\" x=\"80\" y=\"200\" width=\"219.01999999999998\" height=\"186.00000000000003\" style=\"fill: rgb(229, 236, 246); fill-opacity: 1; stroke-width: 0;\"/><rect class=\"bg\" x=\"313\" y=\"200\" width=\"219.01999999999998\" height=\"186.00000000000003\" style=\"fill: rgb(229, 236, 246); fill-opacity: 1; stroke-width: 0;\"/><rect class=\"bg\" x=\"546\" y=\"200\" width=\"219.02\" height=\"186.00000000000003\" style=\"fill: rgb(229, 236, 246); fill-opacity: 1; stroke-width: 0;\"/></g><g class=\"layer-below\"><g class=\"imagelayer\"/><g class=\"shapelayer\"/></g><g class=\"cartesianlayer\"><g class=\"subplot xy\"><g class=\"layer-subplot\"><g class=\"shapelayer\"/><g class=\"imagelayer\"/></g><g class=\"minor-gridlayer\"><g class=\"x\"/><g class=\"y\"/></g><g class=\"gridlayer\"><g class=\"x\"><path class=\"xgrid crisp\" transform=\"translate(134.76,0)\" d=\"M0,634v186\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"xgrid crisp\" transform=\"translate(189.51,0)\" d=\"M0,634v186\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"xgrid crisp\" transform=\"translate(244.27,0)\" d=\"M0,634v186\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g><g class=\"y\"><path class=\"ygrid crisp\" transform=\"translate(0,753.55)\" d=\"M80,0h219.01999999999998\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"ygrid crisp\" transform=\"translate(0,696.39)\" d=\"M80,0h219.01999999999998\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"ygrid crisp\" transform=\"translate(0,639.24)\" d=\"M80,0h219.01999999999998\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g></g><g class=\"zerolinelayer\"><path class=\"yzl zl crisp\" transform=\"translate(0,810.7)\" d=\"M80,0h219.01999999999998\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 2px;\"/></g><path class=\"xlines-below\"/><path class=\"ylines-below\"/><g class=\"overlines-below\"/><g class=\"xaxislayer-below\"/><g class=\"yaxislayer-below\"/><g class=\"overaxes-below\"/><g class=\"plot\" transform=\"translate(80,634)\" clip-path=\"url(#clipfacad1xyplot)\"><g class=\"scatterlayer mlayer\"><g class=\"trace scatter tracef6a493\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,176.7L54.76,176.7L109.51,167.77L164.27,149.91L219.02,13.72\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(99, 110, 250); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g><g class=\"trace scatter trace433d0c\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,176.7L54.76,173.25L109.51,163.41L164.27,140.91L219.02,9.3\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(239, 85, 59); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g></g></g><g class=\"overplot\"/><path class=\"xlines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><path class=\"ylines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><g class=\"overlines-above\"/><g class=\"xaxislayer-above\"><g class=\"xtick\"><text text-anchor=\"middle\" x=\"0\" y=\"833\" transform=\"translate(80,0)\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\">min</text></g><g class=\"xtick\"><text text-anchor=\"middle\" x=\"0\" y=\"833\" transform=\"translate(134.76,0)\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\">25%</text></g><g class=\"xtick\"><text text-anchor=\"middle\" x=\"0\" y=\"833\" transform=\"translate(189.51,0)\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\">50%</text></g><g class=\"xtick\"><text text-anchor=\"middle\" x=\"0\" y=\"833\" transform=\"translate(244.27,0)\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\">75%</text></g><g class=\"xtick\"><text text-anchor=\"middle\" x=\"0\" y=\"833\" transform=\"translate(299.02,0)\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\">max</text></g></g><g class=\"yaxislayer-above\"><g class=\"ytick\"><text text-anchor=\"end\" x=\"79\" y=\"4.199999999999999\" transform=\"translate(0,810.7)\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\">0</text></g><g class=\"ytick\"><text text-anchor=\"end\" x=\"79\" y=\"4.199999999999999\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\" transform=\"translate(0,753.55)\">0.1</text></g><g class=\"ytick\"><text text-anchor=\"end\" x=\"79\" y=\"4.199999999999999\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\" transform=\"translate(0,696.39)\">0.2</text></g><g class=\"ytick\"><text text-anchor=\"end\" x=\"79\" y=\"4.199999999999999\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\" transform=\"translate(0,639.24)\">0.3</text></g></g><g class=\"overaxes-above\"/></g><g class=\"subplot x2y2\"><g class=\"layer-subplot\"><g class=\"shapelayer\"/><g class=\"imagelayer\"/></g><g class=\"minor-gridlayer\"><g class=\"x2\"/><g class=\"y2\"/></g><g class=\"gridlayer\"><g class=\"x2\"><path class=\"x2grid crisp\" transform=\"translate(367.76,0)\" d=\"M0,634v186\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x2grid crisp\" transform=\"translate(422.51,0)\" d=\"M0,634v186\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x2grid crisp\" transform=\"translate(477.27,0)\" d=\"M0,634v186\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g><g class=\"y2\"><path class=\"y2grid crisp\" transform=\"translate(0,753.55)\" d=\"M313,0h219.01999999999998\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"y2grid crisp\" transform=\"translate(0,696.39)\" d=\"M313,0h219.01999999999998\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"y2grid crisp\" transform=\"translate(0,639.24)\" d=\"M313,0h219.01999999999998\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g></g><g class=\"zerolinelayer\"><path class=\"y2zl zl crisp\" transform=\"translate(0,810.7)\" d=\"M313,0h219.01999999999998\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 2px;\"/></g><path class=\"xlines-below\"/><path class=\"ylines-below\"/><g class=\"overlines-below\"/><g class=\"xaxislayer-below\"/><g class=\"yaxislayer-below\"/><g class=\"overaxes-below\"/><g class=\"plot\" transform=\"translate(313,634)\" clip-path=\"url(#clipfacad1x2y2plot)\"><g class=\"scatterlayer mlayer\"><g class=\"trace scatter trace938f3a\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,176.7L54.76,176.7L109.51,165.54L164.27,145.44L219.02,11.49\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(99, 110, 250); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g><g class=\"trace scatter trace9bb5f8\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,176.7L54.76,173.35L109.51,164.42L164.27,140.98L219.02,9.3\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(239, 85, 59); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g></g></g><g class=\"overplot\"/><path class=\"xlines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><path class=\"ylines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><g class=\"overlines-above\"/><g class=\"xaxislayer-above\"><g class=\"x2tick\"><text text-anchor=\"middle\" x=\"0\" y=\"833\" transform=\"translate(313,0)\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\">min</text></g><g class=\"x2tick\"><text text-anchor=\"middle\" x=\"0\" y=\"833\" transform=\"translate(367.76,0)\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\">25%</text></g><g class=\"x2tick\"><text text-anchor=\"middle\" x=\"0\" y=\"833\" transform=\"translate(422.51,0)\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\">50%</text></g><g class=\"x2tick\"><text text-anchor=\"middle\" x=\"0\" y=\"833\" transform=\"translate(477.27,0)\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\">75%</text></g><g class=\"x2tick\"><text text-anchor=\"middle\" x=\"0\" y=\"833\" transform=\"translate(532.02,0)\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\">max</text></g></g><g class=\"yaxislayer-above\"><g class=\"y2tick\"><text text-anchor=\"end\" x=\"312\" y=\"4.199999999999999\" transform=\"translate(0,810.7)\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\">0</text></g><g class=\"y2tick\"><text text-anchor=\"end\" x=\"312\" y=\"4.199999999999999\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\" transform=\"translate(0,753.55)\">0.1</text></g><g class=\"y2tick\"><text text-anchor=\"end\" x=\"312\" y=\"4.199999999999999\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\" transform=\"translate(0,696.39)\">0.2</text></g><g class=\"y2tick\"><text text-anchor=\"end\" x=\"312\" y=\"4.199999999999999\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\" transform=\"translate(0,639.24)\">0.3</text></g></g><g class=\"overaxes-above\"/></g><g class=\"subplot x3y3\"><g class=\"layer-subplot\"><g class=\"shapelayer\"/><g class=\"imagelayer\"/></g><g class=\"minor-gridlayer\"><g class=\"x3\"/><g class=\"y3\"/></g><g class=\"gridlayer\"><g class=\"x3\"><path class=\"x3grid crisp\" transform=\"translate(600.76,0)\" d=\"M0,634v186\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x3grid crisp\" transform=\"translate(655.51,0)\" d=\"M0,634v186\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x3grid crisp\" transform=\"translate(710.27,0)\" d=\"M0,634v186\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g><g class=\"y3\"><path class=\"y3grid crisp\" transform=\"translate(0,753.55)\" d=\"M546,0h219.02\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"y3grid crisp\" transform=\"translate(0,696.39)\" d=\"M546,0h219.02\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"y3grid crisp\" transform=\"translate(0,639.24)\" d=\"M546,0h219.02\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g></g><g class=\"zerolinelayer\"><path class=\"y3zl zl crisp\" transform=\"translate(0,810.7)\" d=\"M546,0h219.02\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 2px;\"/></g><path class=\"xlines-below\"/><path class=\"ylines-below\"/><g class=\"overlines-below\"/><g class=\"xaxislayer-below\"/><g class=\"yaxislayer-below\"/><g class=\"overaxes-below\"/><g class=\"plot\" transform=\"translate(546,634)\" clip-path=\"url(#clipfacad1x3y3plot)\"><g class=\"scatterlayer mlayer\"><g class=\"trace scatter trace8e278f\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,176.7L54.76,176.7L109.51,167.77L164.27,152.14L219.02,33.81\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(99, 110, 250); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g><g class=\"trace scatter trace821b7b\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,176.7L54.76,173.93L109.51,163.01L164.27,139.73L219.02,9.3\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(239, 85, 59); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g></g></g><g class=\"overplot\"/><path class=\"xlines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><path class=\"ylines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><g class=\"overlines-above\"/><g class=\"xaxislayer-above\"><g class=\"x3tick\"><text text-anchor=\"middle\" x=\"0\" y=\"833\" transform=\"translate(546,0)\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\">min</text></g><g class=\"x3tick\"><text text-anchor=\"middle\" x=\"0\" y=\"833\" transform=\"translate(600.76,0)\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\">25%</text></g><g class=\"x3tick\"><text text-anchor=\"middle\" x=\"0\" y=\"833\" transform=\"translate(655.51,0)\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\">50%</text></g><g class=\"x3tick\"><text text-anchor=\"middle\" x=\"0\" y=\"833\" transform=\"translate(710.27,0)\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\">75%</text></g><g class=\"x3tick\"><text text-anchor=\"middle\" x=\"0\" y=\"833\" transform=\"translate(765.02,0)\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\">max</text></g></g><g class=\"yaxislayer-above\"><g class=\"y3tick\"><text text-anchor=\"end\" x=\"545\" y=\"4.199999999999999\" transform=\"translate(0,810.7)\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\">0</text></g><g class=\"y3tick\"><text text-anchor=\"end\" x=\"545\" y=\"4.199999999999999\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\" transform=\"translate(0,753.55)\">0.2</text></g><g class=\"y3tick\"><text text-anchor=\"end\" x=\"545\" y=\"4.199999999999999\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\" transform=\"translate(0,696.39)\">0.4</text></g><g class=\"y3tick\"><text text-anchor=\"end\" x=\"545\" y=\"4.199999999999999\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\" transform=\"translate(0,639.24)\">0.6</text></g></g><g class=\"overaxes-above\"/></g><g class=\"subplot x4y4\"><g class=\"layer-subplot\"><g class=\"shapelayer\"/><g class=\"imagelayer\"/></g><g class=\"minor-gridlayer\"><g class=\"x4\"/><g class=\"y4\"/></g><g class=\"gridlayer\"><g class=\"x4\"><path class=\"x4grid crisp\" transform=\"translate(134.76,0)\" d=\"M0,417.00000000000006v185.99999999999997\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x4grid crisp\" transform=\"translate(189.51,0)\" d=\"M0,417.00000000000006v185.99999999999997\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x4grid crisp\" transform=\"translate(244.27,0)\" d=\"M0,417.00000000000006v185.99999999999997\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g><g class=\"y4\"><path class=\"y4grid crisp\" transform=\"translate(0,560.35)\" d=\"M80,0h219.01999999999998\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"y4grid crisp\" transform=\"translate(0,527)\" d=\"M80,0h219.01999999999998\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"y4grid crisp\" transform=\"translate(0,493.6500000000001)\" d=\"M80,0h219.01999999999998\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"y4grid crisp\" transform=\"translate(0,460.30000000000007)\" d=\"M80,0h219.01999999999998\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"y4grid crisp\" transform=\"translate(0,426.95000000000005)\" d=\"M80,0h219.01999999999998\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g></g><g class=\"zerolinelayer\"><path class=\"y4zl zl crisp\" transform=\"translate(0,593.7)\" d=\"M80,0h219.01999999999998\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 2px;\"/></g><path class=\"xlines-below\"/><path class=\"ylines-below\"/><g class=\"overlines-below\"/><g class=\"xaxislayer-below\"/><g class=\"yaxislayer-below\"/><g class=\"overaxes-below\"/><g class=\"plot\" transform=\"translate(80,417.00000000000006)\" clip-path=\"url(#clipfacad1x4y4plot)\"><g class=\"scatterlayer mlayer\"><g class=\"trace scatter trace457dfe\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,176.7L54.76,176.7L109.51,175.4L164.27,155.86L219.02,9.3\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(99, 110, 250); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g><g class=\"trace scatter trace863d0d\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,176.7L54.76,174.35L109.51,166.56L164.27,150.9L219.02,62.86\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(239, 85, 59); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g></g></g><g class=\"overplot\"/><path class=\"xlines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><path class=\"ylines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><g class=\"overlines-above\"/><g class=\"xaxislayer-above\"/><g class=\"yaxislayer-above\"><g class=\"y4tick\"><text text-anchor=\"end\" x=\"79\" y=\"4.199999999999999\" transform=\"translate(0,593.7)\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\">0</text></g><g class=\"y4tick\"><text text-anchor=\"end\" x=\"79\" y=\"4.199999999999999\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\" transform=\"translate(0,560.35)\">0.1</text></g><g class=\"y4tick\"><text text-anchor=\"end\" x=\"79\" y=\"4.199999999999999\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\" transform=\"translate(0,527)\">0.2</text></g><g class=\"y4tick\"><text text-anchor=\"end\" x=\"79\" y=\"4.199999999999999\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\" transform=\"translate(0,493.6500000000001)\">0.3</text></g><g class=\"y4tick\"><text text-anchor=\"end\" x=\"79\" y=\"4.199999999999999\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\" transform=\"translate(0,460.30000000000007)\">0.4</text></g><g class=\"y4tick\"><text text-anchor=\"end\" x=\"79\" y=\"4.199999999999999\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\" transform=\"translate(0,426.95000000000005)\">0.5</text></g></g><g class=\"overaxes-above\"/></g><g class=\"subplot x5y5\"><g class=\"layer-subplot\"><g class=\"shapelayer\"/><g class=\"imagelayer\"/></g><g class=\"minor-gridlayer\"><g class=\"x5\"/><g class=\"y5\"/></g><g class=\"gridlayer\"><g class=\"x5\"><path class=\"x5grid crisp\" transform=\"translate(367.76,0)\" d=\"M0,417.00000000000006v185.99999999999997\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x5grid crisp\" transform=\"translate(422.51,0)\" d=\"M0,417.00000000000006v185.99999999999997\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x5grid crisp\" transform=\"translate(477.27,0)\" d=\"M0,417.00000000000006v185.99999999999997\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g><g class=\"y5\"><path class=\"y5grid crisp\" transform=\"translate(0,557.9100000000001)\" d=\"M313,0h219.01999999999998\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"y5grid crisp\" transform=\"translate(0,522.1300000000001)\" d=\"M313,0h219.01999999999998\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"y5grid crisp\" transform=\"translate(0,486.34000000000003)\" d=\"M313,0h219.01999999999998\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"y5grid crisp\" transform=\"translate(0,450.55000000000007)\" d=\"M313,0h219.01999999999998\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g></g><g class=\"zerolinelayer\"><path class=\"y5zl zl crisp\" transform=\"translate(0,593.7)\" d=\"M313,0h219.01999999999998\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 2px;\"/></g><path class=\"xlines-below\"/><path class=\"ylines-below\"/><g class=\"overlines-below\"/><g class=\"xaxislayer-below\"/><g class=\"yaxislayer-below\"/><g class=\"overaxes-below\"/><g class=\"plot\" transform=\"translate(313,417.00000000000006)\" clip-path=\"url(#clipfacad1x5y5plot)\"><g class=\"scatterlayer mlayer\"><g class=\"trace scatter tracec8e675\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,176.7L54.76,176.7L109.51,171.11L164.27,143.85L219.02,9.3\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(99, 110, 250); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g><g class=\"trace scatter trace80ee1b\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,176.7L54.76,175.62L109.51,171.42L164.27,162.65L219.02,115.62\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(239, 85, 59); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g></g></g><g class=\"overplot\"/><path class=\"xlines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><path class=\"ylines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><g class=\"overlines-above\"/><g class=\"xaxislayer-above\"/><g class=\"yaxislayer-above\"><g class=\"y5tick\"><text text-anchor=\"end\" x=\"312\" y=\"4.199999999999999\" transform=\"translate(0,593.7)\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\">0</text></g><g class=\"y5tick\"><text text-anchor=\"end\" x=\"312\" y=\"4.199999999999999\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\" transform=\"translate(0,557.9100000000001)\">0.2</text></g><g class=\"y5tick\"><text text-anchor=\"end\" x=\"312\" y=\"4.199999999999999\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\" transform=\"translate(0,522.1300000000001)\">0.4</text></g><g class=\"y5tick\"><text text-anchor=\"end\" x=\"312\" y=\"4.199999999999999\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\" transform=\"translate(0,486.34000000000003)\">0.6</text></g><g class=\"y5tick\"><text text-anchor=\"end\" x=\"312\" y=\"4.199999999999999\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\" transform=\"translate(0,450.55000000000007)\">0.8</text></g></g><g class=\"overaxes-above\"/></g><g class=\"subplot x6y6\"><g class=\"layer-subplot\"><g class=\"shapelayer\"/><g class=\"imagelayer\"/></g><g class=\"minor-gridlayer\"><g class=\"x6\"/><g class=\"y6\"/></g><g class=\"gridlayer\"><g class=\"x6\"><path class=\"x6grid crisp\" transform=\"translate(600.76,0)\" d=\"M0,417.00000000000006v185.99999999999997\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x6grid crisp\" transform=\"translate(655.51,0)\" d=\"M0,417.00000000000006v185.99999999999997\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x6grid crisp\" transform=\"translate(710.27,0)\" d=\"M0,417.00000000000006v185.99999999999997\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g><g class=\"y6\"><path class=\"y6grid crisp\" transform=\"translate(0,560.09)\" d=\"M546,0h219.02\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"y6grid crisp\" transform=\"translate(0,526.48)\" d=\"M546,0h219.02\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"y6grid crisp\" transform=\"translate(0,492.87000000000006)\" d=\"M546,0h219.02\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"y6grid crisp\" transform=\"translate(0,459.25000000000006)\" d=\"M546,0h219.02\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"y6grid crisp\" transform=\"translate(0,425.64000000000004)\" d=\"M546,0h219.02\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g></g><g class=\"zerolinelayer\"><path class=\"y6zl zl crisp\" transform=\"translate(0,593.7)\" d=\"M546,0h219.02\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 2px;\"/></g><path class=\"xlines-below\"/><path class=\"ylines-below\"/><g class=\"overlines-below\"/><g class=\"xaxislayer-below\"/><g class=\"yaxislayer-below\"/><g class=\"overaxes-below\"/><g class=\"plot\" transform=\"translate(546,417.00000000000006)\" clip-path=\"url(#clipfacad1x6y6plot)\"><g class=\"scatterlayer mlayer\"><g class=\"trace scatter trace6b77b7\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,176.7L54.76,176.7L109.51,168.82L164.27,136L219.02,9.3\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(99, 110, 250); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g><g class=\"trace scatter trace6c6eb6\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,176.7L54.76,175.22L109.51,165.57L164.27,149.21L219.02,61.97\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(239, 85, 59); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g></g></g><g class=\"overplot\"/><path class=\"xlines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><path class=\"ylines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><g class=\"overlines-above\"/><g class=\"xaxislayer-above\"/><g class=\"yaxislayer-above\"><g class=\"y6tick\"><text text-anchor=\"end\" x=\"545\" y=\"4.199999999999999\" transform=\"translate(0,593.7)\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\">0</text></g><g class=\"y6tick\"><text text-anchor=\"end\" x=\"545\" y=\"4.199999999999999\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\" transform=\"translate(0,560.09)\">0.2</text></g><g class=\"y6tick\"><text text-anchor=\"end\" x=\"545\" y=\"4.199999999999999\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\" transform=\"translate(0,526.48)\">0.4</text></g><g class=\"y6tick\"><text text-anchor=\"end\" x=\"545\" y=\"4.199999999999999\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\" transform=\"translate(0,492.87000000000006)\">0.6</text></g><g class=\"y6tick\"><text text-anchor=\"end\" x=\"545\" y=\"4.199999999999999\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\" transform=\"translate(0,459.25000000000006)\">0.8</text></g><g class=\"y6tick\"><text text-anchor=\"end\" x=\"545\" y=\"4.199999999999999\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\" transform=\"translate(0,425.64000000000004)\">1</text></g></g><g class=\"overaxes-above\"/></g><g class=\"subplot x7y7\"><g class=\"layer-subplot\"><g class=\"shapelayer\"/><g class=\"imagelayer\"/></g><g class=\"minor-gridlayer\"><g class=\"x7\"/><g class=\"y7\"/></g><g class=\"gridlayer\"><g class=\"x7\"><path class=\"x7grid crisp\" transform=\"translate(134.76,0)\" d=\"M0,200v186.00000000000003\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x7grid crisp\" transform=\"translate(189.51,0)\" d=\"M0,200v186.00000000000003\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x7grid crisp\" transform=\"translate(244.27,0)\" d=\"M0,200v186.00000000000003\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g><g class=\"y7\"><path class=\"y7grid crisp\" transform=\"translate(0,343.35)\" d=\"M80,0h219.01999999999998\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"y7grid crisp\" transform=\"translate(0,310)\" d=\"M80,0h219.01999999999998\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"y7grid crisp\" transform=\"translate(0,276.65)\" d=\"M80,0h219.01999999999998\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"y7grid crisp\" transform=\"translate(0,243.3)\" d=\"M80,0h219.01999999999998\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"y7grid crisp\" transform=\"translate(0,209.95)\" d=\"M80,0h219.01999999999998\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g></g><g class=\"zerolinelayer\"><path class=\"y7zl zl crisp\" transform=\"translate(0,376.7)\" d=\"M80,0h219.01999999999998\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 2px;\"/></g><path class=\"xlines-below\"/><path class=\"ylines-below\"/><g class=\"overlines-below\"/><g class=\"xaxislayer-below\"/><g class=\"yaxislayer-below\"/><g class=\"overaxes-below\"/><g class=\"plot\" transform=\"translate(80,200)\" clip-path=\"url(#clipfacad1x7y7plot)\"><g class=\"scatterlayer mlayer\"><g class=\"trace scatter trace1176d9\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,176.7L54.76,176.7L109.51,171.49L164.27,148.04L219.02,9.3\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(99, 110, 250); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g><g class=\"trace scatter trace300cf9\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,176.7L54.76,174.58L109.51,168.91L164.27,154.55L219.02,62.86\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(239, 85, 59); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g></g></g><g class=\"overplot\"/><path class=\"xlines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><path class=\"ylines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><g class=\"overlines-above\"/><g class=\"xaxislayer-above\"/><g class=\"yaxislayer-above\"><g class=\"y7tick\"><text text-anchor=\"end\" x=\"79\" y=\"4.199999999999999\" transform=\"translate(0,376.7)\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\">0</text></g><g class=\"y7tick\"><text text-anchor=\"end\" x=\"79\" y=\"4.199999999999999\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\" transform=\"translate(0,343.35)\">0.1</text></g><g class=\"y7tick\"><text text-anchor=\"end\" x=\"79\" y=\"4.199999999999999\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\" transform=\"translate(0,310)\">0.2</text></g><g class=\"y7tick\"><text text-anchor=\"end\" x=\"79\" y=\"4.199999999999999\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\" transform=\"translate(0,276.65)\">0.3</text></g><g class=\"y7tick\"><text text-anchor=\"end\" x=\"79\" y=\"4.199999999999999\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\" transform=\"translate(0,243.3)\">0.4</text></g><g class=\"y7tick\"><text text-anchor=\"end\" x=\"79\" y=\"4.199999999999999\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\" transform=\"translate(0,209.95)\">0.5</text></g></g><g class=\"overaxes-above\"/></g><g class=\"subplot x8y8\"><g class=\"layer-subplot\"><g class=\"shapelayer\"/><g class=\"imagelayer\"/></g><g class=\"minor-gridlayer\"><g class=\"x8\"/><g class=\"y8\"/></g><g class=\"gridlayer\"><g class=\"x8\"><path class=\"x8grid crisp\" transform=\"translate(367.76,0)\" d=\"M0,200v186.00000000000003\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x8grid crisp\" transform=\"translate(422.51,0)\" d=\"M0,200v186.00000000000003\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x8grid crisp\" transform=\"translate(477.27,0)\" d=\"M0,200v186.00000000000003\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g><g class=\"y8\"><path class=\"y8grid crisp\" transform=\"translate(0,340.90999999999997)\" d=\"M313,0h219.01999999999998\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"y8grid crisp\" transform=\"translate(0,305.13)\" d=\"M313,0h219.01999999999998\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"y8grid crisp\" transform=\"translate(0,269.34000000000003)\" d=\"M313,0h219.01999999999998\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"y8grid crisp\" transform=\"translate(0,233.55)\" d=\"M313,0h219.01999999999998\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g></g><g class=\"zerolinelayer\"><path class=\"y8zl zl crisp\" transform=\"translate(0,376.7)\" d=\"M313,0h219.01999999999998\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 2px;\"/></g><path class=\"xlines-below\"/><path class=\"ylines-below\"/><g class=\"overlines-below\"/><g class=\"xaxislayer-below\"/><g class=\"yaxislayer-below\"/><g class=\"overaxes-below\"/><g class=\"plot\" transform=\"translate(313,200)\" clip-path=\"url(#clipfacad1x8y8plot)\"><g class=\"scatterlayer mlayer\"><g class=\"trace scatter trace494a02\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,176.7L54.76,176.7L109.51,168.31L164.27,148.74L219.02,9.3\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(99, 110, 250); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g><g class=\"trace scatter trace80ad35\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,176.7L54.76,175.65L109.51,172.63L164.27,165.6L219.02,115.62\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(239, 85, 59); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g></g></g><g class=\"overplot\"/><path class=\"xlines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><path class=\"ylines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><g class=\"overlines-above\"/><g class=\"xaxislayer-above\"/><g class=\"yaxislayer-above\"><g class=\"y8tick\"><text text-anchor=\"end\" x=\"312\" y=\"4.199999999999999\" transform=\"translate(0,376.7)\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\">0</text></g><g class=\"y8tick\"><text text-anchor=\"end\" x=\"312\" y=\"4.199999999999999\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\" transform=\"translate(0,340.90999999999997)\">0.2</text></g><g class=\"y8tick\"><text text-anchor=\"end\" x=\"312\" y=\"4.199999999999999\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\" transform=\"translate(0,305.13)\">0.4</text></g><g class=\"y8tick\"><text text-anchor=\"end\" x=\"312\" y=\"4.199999999999999\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\" transform=\"translate(0,269.34000000000003)\">0.6</text></g><g class=\"y8tick\"><text text-anchor=\"end\" x=\"312\" y=\"4.199999999999999\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\" transform=\"translate(0,233.55)\">0.8</text></g></g><g class=\"overaxes-above\"/></g><g class=\"subplot x9y9\"><g class=\"layer-subplot\"><g class=\"shapelayer\"/><g class=\"imagelayer\"/></g><g class=\"minor-gridlayer\"><g class=\"x9\"/><g class=\"y9\"/></g><g class=\"gridlayer\"><g class=\"x9\"><path class=\"x9grid crisp\" transform=\"translate(600.76,0)\" d=\"M0,200v186.00000000000003\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x9grid crisp\" transform=\"translate(655.51,0)\" d=\"M0,200v186.00000000000003\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x9grid crisp\" transform=\"translate(710.27,0)\" d=\"M0,200v186.00000000000003\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g><g class=\"y9\"><path class=\"y9grid crisp\" transform=\"translate(0,343.09000000000003)\" d=\"M546,0h219.02\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"y9grid crisp\" transform=\"translate(0,309.48)\" d=\"M546,0h219.02\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"y9grid crisp\" transform=\"translate(0,275.87)\" d=\"M546,0h219.02\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"y9grid crisp\" transform=\"translate(0,242.25)\" d=\"M546,0h219.02\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"y9grid crisp\" transform=\"translate(0,208.64)\" d=\"M546,0h219.02\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g></g><g class=\"zerolinelayer\"><path class=\"y9zl zl crisp\" transform=\"translate(0,376.7)\" d=\"M546,0h219.02\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 2px;\"/></g><path class=\"xlines-below\"/><path class=\"ylines-below\"/><g class=\"overlines-below\"/><g class=\"xaxislayer-below\"/><g class=\"yaxislayer-below\"/><g class=\"overaxes-below\"/><g class=\"plot\" transform=\"translate(546,200)\" clip-path=\"url(#clipfacad1x9y9plot)\"><g class=\"scatterlayer mlayer\"><g class=\"trace scatter trace35a1dc\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,176.7L54.76,176.7L109.51,166.2L164.27,139.94L219.02,9.3\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(99, 110, 250); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g><g class=\"trace scatter trace0c8e82\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,176.7L54.76,174.73L109.51,167.38L164.27,149.46L219.02,61.97\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(239, 85, 59); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g></g></g><g class=\"overplot\"/><path class=\"xlines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><path class=\"ylines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><g class=\"overlines-above\"/><g class=\"xaxislayer-above\"/><g class=\"yaxislayer-above\"><g class=\"y9tick\"><text text-anchor=\"end\" x=\"545\" y=\"4.199999999999999\" transform=\"translate(0,376.7)\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\">0</text></g><g class=\"y9tick\"><text text-anchor=\"end\" x=\"545\" y=\"4.199999999999999\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\" transform=\"translate(0,343.09000000000003)\">0.2</text></g><g class=\"y9tick\"><text text-anchor=\"end\" x=\"545\" y=\"4.199999999999999\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\" transform=\"translate(0,309.48)\">0.4</text></g><g class=\"y9tick\"><text text-anchor=\"end\" x=\"545\" y=\"4.199999999999999\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\" transform=\"translate(0,275.87)\">0.6</text></g><g class=\"y9tick\"><text text-anchor=\"end\" x=\"545\" y=\"4.199999999999999\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\" transform=\"translate(0,242.25)\">0.8</text></g><g class=\"y9tick\"><text text-anchor=\"end\" x=\"545\" y=\"4.199999999999999\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\" transform=\"translate(0,208.64)\">1</text></g></g><g class=\"overaxes-above\"/></g></g><g class=\"polarlayer\"/><g class=\"smithlayer\"/><g class=\"ternarylayer\"/><g class=\"geolayer\"/><g class=\"funnelarealayer\"/><g class=\"pielayer\"/><g class=\"iciclelayer\"/><g class=\"treemaplayer\"/><g class=\"sunburstlayer\"/><g class=\"glimages\"/><defs id=\"topdefs-facad1\"><g class=\"clips\"/><clipPath id=\"legendfacad1\"><rect width=\"95\" height=\"67\" x=\"0\" y=\"0\"/></clipPath></defs><g class=\"layer-above\"><g class=\"imagelayer\"/><g class=\"shapelayer\"/></g><g class=\"infolayer\"><g class=\"legend\" pointer-events=\"all\" transform=\"translate(792.98,200)\"><rect class=\"bg\" shape-rendering=\"crispEdges\" width=\"95\" height=\"67\" x=\"0\" y=\"0\" style=\"stroke: rgb(68, 68, 68); stroke-opacity: 1; fill: rgb(255, 255, 255); fill-opacity: 1; stroke-width: 0px;\"/><g class=\"scrollbox\" transform=\"\" clip-path=\"url(#legendfacad1)\"><text class=\"legendtitletext\" text-anchor=\"start\" x=\"2\" y=\"18.2\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 14px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre;\">method</text><g class=\"groups\" transform=\"\"><g class=\"traces\" transform=\"translate(0,32.7)\" style=\"opacity: 1;\"><text class=\"legendtext\" text-anchor=\"start\" x=\"40\" y=\"4.680000000000001\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre;\">modified</text><g class=\"layers\" style=\"opacity: 1;\"><g class=\"legendfill\"/><g class=\"legendlines\"><path class=\"js-line\" d=\"M5,0h30\" style=\"fill: none; stroke: rgb(99, 110, 250); stroke-opacity: 1; stroke-width: 2px;\"/></g><g class=\"legendsymbols\"><g class=\"legendpoints\"/></g></g><rect class=\"legendtoggle\" x=\"0\" y=\"-9.5\" width=\"90\" height=\"19\" style=\"fill: rgb(0, 0, 0); fill-opacity: 0;\"/></g></g><g class=\"groups\" transform=\"\"><g class=\"traces\" transform=\"translate(0,51.7)\" style=\"opacity: 1;\"><text class=\"legendtext\" text-anchor=\"start\" x=\"40\" y=\"4.680000000000001\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre;\">original</text><g class=\"layers\" style=\"opacity: 1;\"><g class=\"legendfill\"/><g class=\"legendlines\"><path class=\"js-line\" d=\"M5,0h30\" style=\"fill: none; stroke: rgb(239, 85, 59); stroke-opacity: 1; stroke-width: 2px;\"/></g><g class=\"legendsymbols\"><g class=\"legendpoints\"/></g></g><rect class=\"legendtoggle\" x=\"0\" y=\"-9.5\" width=\"90\" height=\"19\" style=\"fill: rgb(0, 0, 0); fill-opacity: 0;\"/></g></g></g><rect class=\"scrollbar\" rx=\"20\" ry=\"3\" width=\"0\" height=\"0\" x=\"0\" y=\"0\" style=\"fill: rgb(128, 139, 164); fill-opacity: 1;\"/></g><g class=\"g-gtitle\"><text class=\"gtitle\" x=\"45\" y=\"100\" text-anchor=\"start\" dy=\"0em\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 17px; fill: rgb(42, 63, 95); opacity: 1; font-weight: normal; white-space: pre;\"><tspan class=\"line\" dy=\"0em\" x=\"45\" y=\"100\">absolute difference relative to the permutation method (lower is better)</tspan><tspan class=\"line\" dy=\"1.3em\" x=\"45\" y=\"100\"/><tspan class=\"line\" dy=\"2.6em\" x=\"45\" y=\"100\">​<tspan style=\"font-size:70%\" dy=\"-0.6em\">per `aternative`, per `zero_method`</tspan><tspan dy=\"0.42em\">​</tspan></tspan><tspan class=\"line\" dy=\"3.9000000000000004em\" x=\"45\" y=\"100\">​<tspan style=\"font-size:70%\" dy=\"-0.6em\">percentile statistics all ('num_samples', 'num_zeros', 'num_ties', 'seed') confounded</tspan><tspan dy=\"0.42em\">​</tspan></tspan><tspan class=\"line\" dy=\"5.2em\" x=\"45\" y=\"100\"/></text></g><g class=\"g-xtitle\"><text class=\"xtitle\" x=\"189.51\" y=\"861.8\" text-anchor=\"middle\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 14px; fill: rgb(42, 63, 95); opacity: 1; font-weight: normal; white-space: pre;\">percentile</text></g><g class=\"g-x2title\"><text class=\"x2title\" x=\"422.51\" y=\"861.8\" text-anchor=\"middle\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 14px; fill: rgb(42, 63, 95); opacity: 1; font-weight: normal; white-space: pre;\">percentile</text></g><g class=\"g-x3title\"><text class=\"x3title\" x=\"655.51\" y=\"861.8\" text-anchor=\"middle\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 14px; fill: rgb(42, 63, 95); opacity: 1; font-weight: normal; white-space: pre;\">percentile</text></g><g class=\"g-x4title\"/><g class=\"g-x5title\"/><g class=\"g-x6title\"/><g class=\"g-x7title\"/><g class=\"g-x8title\"/><g class=\"g-x9title\"/><g class=\"g-ytitle\"><text class=\"ytitle\" transform=\"rotate(-90,37.278125,727)\" x=\"37.278125\" y=\"727\" text-anchor=\"middle\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 14px; fill: rgb(42, 63, 95); opacity: 1; font-weight: normal; white-space: pre;\">absdiff</text></g><g class=\"g-y2title\"/><g class=\"g-y3title\"/><g class=\"g-y4title\"><text class=\"y4title\" transform=\"rotate(-90,37.278125,510.00000000000006)\" x=\"37.278125\" y=\"510.00000000000006\" text-anchor=\"middle\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 14px; fill: rgb(42, 63, 95); opacity: 1; font-weight: normal; white-space: pre;\">absdiff</text></g><g class=\"g-y5title\"/><g class=\"g-y6title\"/><g class=\"g-y7title\"><text class=\"y7title\" transform=\"rotate(-90,37.278125,293)\" x=\"37.278125\" y=\"293\" text-anchor=\"middle\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 14px; fill: rgb(42, 63, 95); opacity: 1; font-weight: normal; white-space: pre;\">absdiff</text></g><g class=\"g-y8title\"/><g class=\"g-y9title\"/><g class=\"annotation\" data-index=\"0\" style=\"opacity: 1;\"><g class=\"annotation-text-g\" transform=\"rotate(0,189.51,189.5)\"><g class=\"cursor-pointer\" transform=\"translate(134,179)\"><rect class=\"bg\" x=\"0.5\" y=\"0.5\" width=\"110\" height=\"20\" style=\"stroke-width: 1px; stroke: rgb(0, 0, 0); stroke-opacity: 0; fill: rgb(0, 0, 0); fill-opacity: 0;\"/><text class=\"annotation-text\" text-anchor=\"middle\" x=\"55.625\" y=\"15\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre;\">alternative=greater</text></g></g></g><g class=\"annotation\" data-index=\"1\" style=\"opacity: 1;\"><g class=\"annotation-text-g\" transform=\"rotate(0,422.51,189.5)\"><g class=\"cursor-pointer\" transform=\"translate(377,179)\"><rect class=\"bg\" x=\"0.5\" y=\"0.5\" width=\"91\" height=\"20\" style=\"stroke-width: 1px; stroke: rgb(0, 0, 0); stroke-opacity: 0; fill: rgb(0, 0, 0); fill-opacity: 0;\"/><text class=\"annotation-text\" text-anchor=\"middle\" x=\"45.859375\" y=\"15\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre;\">alternative=less</text></g></g></g><g class=\"annotation\" data-index=\"2\" style=\"opacity: 1;\"><g class=\"annotation-text-g\" transform=\"rotate(0,655.51,189.5)\"><g class=\"cursor-pointer\" transform=\"translate(593,179)\"><rect class=\"bg\" x=\"0.5\" y=\"0.5\" width=\"124\" height=\"20\" style=\"stroke-width: 1px; stroke: rgb(0, 0, 0); stroke-opacity: 0; fill: rgb(0, 0, 0); fill-opacity: 0;\"/><text class=\"annotation-text\" text-anchor=\"middle\" x=\"62.6875\" y=\"15\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre;\">alternative=two-sided</text></g></g></g><g class=\"annotation\" data-index=\"3\" style=\"opacity: 1;\"><g class=\"annotation-text-g\" transform=\"rotate(90,775.52,727)\"><g class=\"cursor-pointer\" transform=\"translate(719,717)\"><rect class=\"bg\" x=\"0.5\" y=\"0.5\" width=\"113\" height=\"20\" style=\"stroke-width: 1px; stroke: rgb(0, 0, 0); stroke-opacity: 0; fill: rgb(0, 0, 0); fill-opacity: 0;\"/><text class=\"annotation-text\" text-anchor=\"middle\" x=\"56.921875\" y=\"15\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre;\">zero_method=zsplit</text></g></g></g><g class=\"annotation\" data-index=\"4\" style=\"opacity: 1;\"><g class=\"annotation-text-g\" transform=\"rotate(90,775.52,510)\"><g class=\"cursor-pointer\" transform=\"translate(716,500)\"><rect class=\"bg\" x=\"0.5\" y=\"0.5\" width=\"119\" height=\"20\" style=\"stroke-width: 1px; stroke: rgb(0, 0, 0); stroke-opacity: 0; fill: rgb(0, 0, 0); fill-opacity: 0;\"/><text class=\"annotation-text\" text-anchor=\"middle\" x=\"59.75\" y=\"15\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre;\">zero_method=wilcox</text></g></g></g><g class=\"annotation\" data-index=\"5\" style=\"opacity: 1;\"><g class=\"annotation-text-g\" transform=\"rotate(90,775.52,293)\"><g class=\"cursor-pointer\" transform=\"translate(720,283)\"><rect class=\"bg\" x=\"0.5\" y=\"0.5\" width=\"111\" height=\"20\" style=\"stroke-width: 1px; stroke: rgb(0, 0, 0); stroke-opacity: 0; fill: rgb(0, 0, 0); fill-opacity: 0;\"/><text class=\"annotation-text\" text-anchor=\"middle\" x=\"56.125\" y=\"15\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre;\">zero_method=pratt</text></g></g></g></g></svg>",
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
}
],
"source": [
"dftmp = df.copy()\n",
"\n",
"descdf = dftmp\n",
"descdf = descdf.groupby(['zero_method', 'alternative', \"method\"])[\"absdiff\"].describe()\n",
"descdf = descdf[[\"min\", \"25%\", \"50%\", \"75%\", \"max\"]]\n",
"\n",
"descdf\n",
"\n",
"import plotly.express as px\n",
"fig = px.line(\n",
" descdf.reset_index().melt(id_vars=descdf.index.names, value_name=\"absdiff\", var_name=\"percentile\"), \n",
" x='percentile', y='absdiff', \n",
" line_group='method', \n",
" color='method', \n",
" facet_col=\"alternative\",\n",
" facet_row=\"zero_method\",\n",
" facet_row_spacing=0.05, \n",
" facet_col_spacing=0.02,\n",
").update_layout(\n",
" height=900,\n",
" width=900,\n",
" title = f\"absolute difference relative to the permutation method (lower is better)<br><br>\"\\\n",
" f\"<sup>per `aternative`, per `zero_method`</sup><br>\"\\\n",
" f\"<sup>percentile statistics all ('num_samples', 'num_zeros', 'num_ties', 'seed') confounded</sup><br>\",\n",
" margin=dict(t=200),\n",
").update_yaxes(matches=None, showticklabels=True, autorange=True)\n",
"\n",
"fig\n",
"savefig_and_display(fig, 0)"
]
},
{
"cell_type": "markdown",
"metadata": {
"tags": []
},
"source": [
"## `zero_method == \"zsplit\"`: percentiles of abs diff"
]
},
{
"cell_type": "code",
"execution_count": 48,
"metadata": {},
"outputs": [
{
"data": {
"application/vnd.plotly.v1+json": {
"config": {
"plotlyServerURL": "https://plot.ly"
},
"data": [
{
"hovertemplate": "method=modified<br>num_samples=3<br>alternative=greater<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "modified",
"line": {
"color": "#636efa",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "modified",
"orientation": "v",
"showlegend": true,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x19",
"y": [
0,
0,
0,
0.03125,
0.125
],
"yaxis": "y19"
},
{
"hovertemplate": "method=modified<br>num_samples=3<br>alternative=less<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "modified",
"line": {
"color": "#636efa",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "modified",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x20",
"y": [
0,
0,
0,
0.0625,
0.25
],
"yaxis": "y20"
},
{
"hovertemplate": "method=modified<br>num_samples=3<br>alternative=two-sided<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "modified",
"line": {
"color": "#636efa",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "modified",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x21",
"y": [
0,
0,
0,
0.0625,
0.5
],
"yaxis": "y21"
},
{
"hovertemplate": "method=modified<br>num_samples=4<br>alternative=greater<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "modified",
"line": {
"color": "#636efa",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "modified",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x16",
"y": [
0,
0,
0,
0.0625,
0.125
],
"yaxis": "y16"
},
{
"hovertemplate": "method=modified<br>num_samples=4<br>alternative=less<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "modified",
"line": {
"color": "#636efa",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "modified",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x17",
"y": [
0,
0,
0,
0.125,
0.25
],
"yaxis": "y17"
},
{
"hovertemplate": "method=modified<br>num_samples=4<br>alternative=two-sided<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "modified",
"line": {
"color": "#636efa",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "modified",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x18",
"y": [
0,
0,
0,
0.125,
0.5
],
"yaxis": "y18"
},
{
"hovertemplate": "method=modified<br>num_samples=5<br>alternative=greater<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "modified",
"line": {
"color": "#636efa",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "modified",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x13",
"y": [
0,
0,
0.03125,
0.0625,
0.21875
],
"yaxis": "y13"
},
{
"hovertemplate": "method=modified<br>num_samples=5<br>alternative=less<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "modified",
"line": {
"color": "#636efa",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "modified",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x14",
"y": [
0,
0,
0.0625,
0.09375,
0.21875
],
"yaxis": "y14"
},
{
"hovertemplate": "method=modified<br>num_samples=5<br>alternative=two-sided<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "modified",
"line": {
"color": "#636efa",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "modified",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x15",
"y": [
0,
0,
0.0625,
0.125,
0.375
],
"yaxis": "y15"
},
{
"hovertemplate": "method=modified<br>num_samples=6<br>alternative=greater<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "modified",
"line": {
"color": "#636efa",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "modified",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x10",
"y": [
0,
0,
0.03125,
0.046875,
0.21875
],
"yaxis": "y10"
},
{
"hovertemplate": "method=modified<br>num_samples=6<br>alternative=less<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "modified",
"line": {
"color": "#636efa",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "modified",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x11",
"y": [
0,
0,
0.03125,
0.0625,
0.21875
],
"yaxis": "y11"
},
{
"hovertemplate": "method=modified<br>num_samples=6<br>alternative=two-sided<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "modified",
"line": {
"color": "#636efa",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "modified",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x12",
"y": [
0,
0,
0.0625,
0.125,
0.375
],
"yaxis": "y12"
},
{
"hovertemplate": "method=modified<br>num_samples=7<br>alternative=greater<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "modified",
"line": {
"color": "#636efa",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "modified",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x7",
"y": [
0,
0,
0.015625,
0.046875,
0.234375
],
"yaxis": "y7"
},
{
"hovertemplate": "method=modified<br>num_samples=7<br>alternative=less<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "modified",
"line": {
"color": "#636efa",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "modified",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x8",
"y": [
0,
0,
0.03125,
0.046875,
0.2890625
],
"yaxis": "y8"
},
{
"hovertemplate": "method=modified<br>num_samples=7<br>alternative=two-sided<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "modified",
"line": {
"color": "#636efa",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "modified",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x9",
"y": [
0,
0,
0.03125,
0.09375,
0.421875
],
"yaxis": "y9"
},
{
"hovertemplate": "method=modified<br>num_samples=8<br>alternative=greater<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "modified",
"line": {
"color": "#636efa",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "modified",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x4",
"y": [
0,
0.00390625,
0.01953125,
0.0390625,
0.234375
],
"yaxis": "y4"
},
{
"hovertemplate": "method=modified<br>num_samples=8<br>alternative=less<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "modified",
"line": {
"color": "#636efa",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "modified",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x5",
"y": [
0,
0.00390625,
0.01953125,
0.0390625,
0.2890625
],
"yaxis": "y5"
},
{
"hovertemplate": "method=modified<br>num_samples=8<br>alternative=two-sided<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "modified",
"line": {
"color": "#636efa",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "modified",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x6",
"y": [
0,
0.0078125,
0.03125,
0.078125,
0.421875
],
"yaxis": "y6"
},
{
"hovertemplate": "method=modified<br>num_samples=9<br>alternative=greater<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "modified",
"line": {
"color": "#636efa",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "modified",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x",
"y": [
0,
0.00390625,
0.013671875,
0.03125,
0.28515625
],
"yaxis": "y"
},
{
"hovertemplate": "method=modified<br>num_samples=9<br>alternative=less<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "modified",
"line": {
"color": "#636efa",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "modified",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x2",
"y": [
0,
0.00390625,
0.013671875,
0.03125,
0.28515625
],
"yaxis": "y2"
},
{
"hovertemplate": "method=modified<br>num_samples=9<br>alternative=two-sided<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "modified",
"line": {
"color": "#636efa",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "modified",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x3",
"y": [
0,
0.0078125,
0.0234375,
0.0546875,
0.34765625
],
"yaxis": "y3"
},
{
"hovertemplate": "method=original<br>num_samples=3<br>alternative=greater<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "original",
"line": {
"color": "#EF553B",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "original",
"orientation": "v",
"showlegend": true,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x19",
"y": [
0,
0,
0.10536598693285942,
0.17418895982184507,
0.2928919108787374
],
"yaxis": "y19"
},
{
"hovertemplate": "method=original<br>num_samples=3<br>alternative=less<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "original",
"line": {
"color": "#EF553B",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "original",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x20",
"y": [
0,
0,
0.09072460386071024,
0.17418895982184507,
0.2928919108787374
],
"yaxis": "y20"
},
{
"hovertemplate": "method=original<br>num_samples=3<br>alternative=two-sided<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "original",
"line": {
"color": "#EF553B",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "original",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x21",
"y": [
0,
0,
0.21073197386571874,
0.3912698305224275,
0.5857838217574748
],
"yaxis": "y21"
},
{
"hovertemplate": "method=original<br>num_samples=4<br>alternative=greater<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "original",
"line": {
"color": "#EF553B",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "original",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x16",
"y": [
0,
0,
0.07303835035646661,
0.1512669633209907,
0.2751541010155546
],
"yaxis": "y16"
},
{
"hovertemplate": "method=original<br>num_samples=4<br>alternative=less<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "original",
"line": {
"color": "#EF553B",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "original",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x17",
"y": [
0,
0,
0.06934478573691069,
0.1512669633209907,
0.2751541010155546
],
"yaxis": "y17"
},
{
"hovertemplate": "method=original<br>num_samples=4<br>alternative=two-sided<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "original",
"line": {
"color": "#EF553B",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "original",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x18",
"y": [
0,
0,
0.14965175353770932,
0.3025339266419813,
0.5503082020311091
],
"yaxis": "y18"
},
{
"hovertemplate": "method=original<br>num_samples=5<br>alternative=greater<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "original",
"line": {
"color": "#EF553B",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "original",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x13",
"y": [
0,
0.022282072595281588,
0.04884497967307844,
0.10677148243131179,
0.26024993890652326
],
"yaxis": "y13"
},
{
"hovertemplate": "method=original<br>num_samples=5<br>alternative=less<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "original",
"line": {
"color": "#EF553B",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "original",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x14",
"y": [
0,
0.0226759144761301,
0.04481927581328349,
0.08103162691321691,
0.26024993890652326
],
"yaxis": "y14"
},
{
"hovertemplate": "method=original<br>num_samples=5<br>alternative=two-sided<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "original",
"line": {
"color": "#EF553B",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "original",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x15",
"y": [
0,
0.0625,
0.10925419906793365,
0.16206325382643372,
0.5204998778130465
],
"yaxis": "y15"
},
{
"hovertemplate": "method=original<br>num_samples=6<br>alternative=greater<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "original",
"line": {
"color": "#EF553B",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "original",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x10",
"y": [
0,
0.013656103023111266,
0.0332623692171736,
0.0711008930612953,
0.2524925375469229
],
"yaxis": "y10"
},
{
"hovertemplate": "method=original<br>num_samples=6<br>alternative=less<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "original",
"line": {
"color": "#EF553B",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "original",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x11",
"y": [
0,
0.013134145691021226,
0.03125,
0.06414555977033073,
0.2524925375469229
],
"yaxis": "y11"
},
{
"hovertemplate": "method=original<br>num_samples=6<br>alternative=two-sided<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "original",
"line": {
"color": "#EF553B",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "original",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x12",
"y": [
0,
0.03125,
0.073424136379123,
0.1422017861225905,
0.4950149249061542
],
"yaxis": "y12"
},
{
"hovertemplate": "method=original<br>num_samples=7<br>alternative=greater<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "original",
"line": {
"color": "#EF553B",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "original",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x7",
"y": [
0,
0.0078125,
0.023400638401208103,
0.059285716222196805,
0.26354462843276905
],
"yaxis": "y7"
},
{
"hovertemplate": "method=original<br>num_samples=7<br>alternative=less<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "original",
"line": {
"color": "#EF553B",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "original",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x8",
"y": [
0,
0.0078125,
0.020311410355415394,
0.05400619130592088,
0.26354462843276905
],
"yaxis": "y8"
},
{
"hovertemplate": "method=original<br>num_samples=7<br>alternative=two-sided<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "original",
"line": {
"color": "#EF553B",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "original",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x9",
"y": [
0,
0.015625,
0.04680127680241615,
0.10537313375690482,
0.4729107431344619
],
"yaxis": "y9"
},
{
"hovertemplate": "method=original<br>num_samples=8<br>alternative=greater<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "original",
"line": {
"color": "#EF553B",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "original",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x4",
"y": [
0,
0.005140340987532674,
0.01701571642542299,
0.038545344542124105,
0.27324679770329097
],
"yaxis": "y4"
},
{
"hovertemplate": "method=original<br>num_samples=8<br>alternative=less<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "original",
"line": {
"color": "#EF553B",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "original",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x5",
"y": [
0,
0.0052056370441065924,
0.015625,
0.036814398583393915,
0.27324679770329097
],
"yaxis": "y5"
},
{
"hovertemplate": "method=original<br>num_samples=8<br>alternative=two-sided<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "original",
"line": {
"color": "#EF553B",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "original",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x6",
"y": [
0,
0.0078125,
0.035856722420172404,
0.07281637977767574,
0.45350640459341807
],
"yaxis": "y6"
},
{
"hovertemplate": "method=original<br>num_samples=9<br>alternative=greater<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "original",
"line": {
"color": "#EF553B",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "original",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x",
"y": [
0,
0.004365128436245369,
0.01438867014397785,
0.03017068172709869,
0.28185143082538655
],
"yaxis": "y"
},
{
"hovertemplate": "method=original<br>num_samples=9<br>alternative=less<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "original",
"line": {
"color": "#EF553B",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "original",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x2",
"y": [
0,
0.004365128436245369,
0.013513084650706997,
0.029696538591303112,
0.28185143082538655
],
"yaxis": "y2"
},
{
"hovertemplate": "method=original<br>num_samples=9<br>alternative=two-sided<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>",
"legendgroup": "original",
"line": {
"color": "#EF553B",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "original",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
"min",
"25%",
"50%",
"75%",
"max"
],
"xaxis": "x3",
"y": [
0,
0.006719288994646598,
0.0293310423079225,
0.05711084513817111,
0.4362971383492269
],
"yaxis": "y3"
}
],
"layout": {
"annotations": [
{
"font": {},
"showarrow": false,
"text": "alternative=greater",
"x": 0.15666666666666665,
"xanchor": "center",
"xref": "paper",
"y": 0.9999999999999999,
"yanchor": "bottom",
"yref": "paper"
},
{
"font": {},
"showarrow": false,
"text": "alternative=less",
"x": 0.49,
"xanchor": "center",
"xref": "paper",
"y": 0.9999999999999999,
"yanchor": "bottom",
"yref": "paper"
},
{
"font": {},
"showarrow": false,
"text": "alternative=two-sided",
"x": 0.8233333333333333,
"xanchor": "center",
"xref": "paper",
"y": 0.9999999999999999,
"yanchor": "bottom",
"yref": "paper"
},
{
"font": {},
"showarrow": false,
"text": "num_samples=9",
"textangle": 90,
"x": 0.98,
"xanchor": "left",
"xref": "paper",
"y": 0.05857142857142857,
"yanchor": "middle",
"yref": "paper"
},
{
"font": {},
"showarrow": false,
"text": "num_samples=8",
"textangle": 90,
"x": 0.98,
"xanchor": "left",
"xref": "paper",
"y": 0.2057142857142857,
"yanchor": "middle",
"yref": "paper"
},
{
"font": {},
"showarrow": false,
"text": "num_samples=7",
"textangle": 90,
"x": 0.98,
"xanchor": "left",
"xref": "paper",
"y": 0.35285714285714287,
"yanchor": "middle",
"yref": "paper"
},
{
"font": {},
"showarrow": false,
"text": "num_samples=6",
"textangle": 90,
"x": 0.98,
"xanchor": "left",
"xref": "paper",
"y": 0.49999999999999994,
"yanchor": "middle",
"yref": "paper"
},
{
"font": {},
"showarrow": false,
"text": "num_samples=5",
"textangle": 90,
"x": 0.98,
"xanchor": "left",
"xref": "paper",
"y": 0.647142857142857,
"yanchor": "middle",
"yref": "paper"
},
{
"font": {},
"showarrow": false,
"text": "num_samples=4",
"textangle": 90,
"x": 0.98,
"xanchor": "left",
"xref": "paper",
"y": 0.7942857142857143,
"yanchor": "middle",
"yref": "paper"
},
{
"font": {},
"showarrow": false,
"text": "num_samples=3",
"textangle": 90,
"x": 0.98,
"xanchor": "left",
"xref": "paper",
"y": 0.9414285714285713,
"yanchor": "middle",
"yref": "paper"
}
],
"height": 1200,
"legend": {
"title": {
"text": "method"
},
"tracegroupgap": 0
},
"margin": {
"b": 0,
"t": 180
},
"template": {
"data": {
"bar": [
{
"error_x": {
"color": "#2a3f5f"
},
"error_y": {
"color": "#2a3f5f"
},
"marker": {
"line": {
"color": "#E5ECF6",
"width": 0.5
},
"pattern": {
"fillmode": "overlay",
"size": 10,
"solidity": 0.2
}
},
"type": "bar"
}
],
"barpolar": [
{
"marker": {
"line": {
"color": "#E5ECF6",
"width": 0.5
},
"pattern": {
"fillmode": "overlay",
"size": 10,
"solidity": 0.2
}
},
"type": "barpolar"
}
],
"carpet": [
{
"aaxis": {
"endlinecolor": "#2a3f5f",
"gridcolor": "white",
"linecolor": "white",
"minorgridcolor": "white",
"startlinecolor": "#2a3f5f"
},
"baxis": {
"endlinecolor": "#2a3f5f",
"gridcolor": "white",
"linecolor": "white",
"minorgridcolor": "white",
"startlinecolor": "#2a3f5f"
},
"type": "carpet"
}
],
"choropleth": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"type": "choropleth"
}
],
"contour": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
],
"type": "contour"
}
],
"contourcarpet": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"type": "contourcarpet"
}
],
"heatmap": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
],
"type": "heatmap"
}
],
"heatmapgl": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
],
"type": "heatmapgl"
}
],
"histogram": [
{
"marker": {
"pattern": {
"fillmode": "overlay",
"size": 10,
"solidity": 0.2
}
},
"type": "histogram"
}
],
"histogram2d": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
],
"type": "histogram2d"
}
],
"histogram2dcontour": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
],
"type": "histogram2dcontour"
}
],
"mesh3d": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"type": "mesh3d"
}
],
"parcoords": [
{
"line": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "parcoords"
}
],
"pie": [
{
"automargin": true,
"type": "pie"
}
],
"scatter": [
{
"fillpattern": {
"fillmode": "overlay",
"size": 10,
"solidity": 0.2
},
"type": "scatter"
}
],
"scatter3d": [
{
"line": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scatter3d"
}
],
"scattercarpet": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scattercarpet"
}
],
"scattergeo": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scattergeo"
}
],
"scattergl": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scattergl"
}
],
"scattermapbox": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scattermapbox"
}
],
"scatterpolar": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scatterpolar"
}
],
"scatterpolargl": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scatterpolargl"
}
],
"scatterternary": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scatterternary"
}
],
"surface": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
],
"type": "surface"
}
],
"table": [
{
"cells": {
"fill": {
"color": "#EBF0F8"
},
"line": {
"color": "white"
}
},
"header": {
"fill": {
"color": "#C8D4E3"
},
"line": {
"color": "white"
}
},
"type": "table"
}
]
},
"layout": {
"annotationdefaults": {
"arrowcolor": "#2a3f5f",
"arrowhead": 0,
"arrowwidth": 1
},
"autotypenumbers": "strict",
"coloraxis": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"colorscale": {
"diverging": [
[
0,
"#8e0152"
],
[
0.1,
"#c51b7d"
],
[
0.2,
"#de77ae"
],
[
0.3,
"#f1b6da"
],
[
0.4,
"#fde0ef"
],
[
0.5,
"#f7f7f7"
],
[
0.6,
"#e6f5d0"
],
[
0.7,
"#b8e186"
],
[
0.8,
"#7fbc41"
],
[
0.9,
"#4d9221"
],
[
1,
"#276419"
]
],
"sequential": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
],
"sequentialminus": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
]
},
"colorway": [
"#636efa",
"#EF553B",
"#00cc96",
"#ab63fa",
"#FFA15A",
"#19d3f3",
"#FF6692",
"#B6E880",
"#FF97FF",
"#FECB52"
],
"font": {
"color": "#2a3f5f"
},
"geo": {
"bgcolor": "white",
"lakecolor": "white",
"landcolor": "#E5ECF6",
"showlakes": true,
"showland": true,
"subunitcolor": "white"
},
"hoverlabel": {
"align": "left"
},
"hovermode": "closest",
"mapbox": {
"style": "light"
},
"paper_bgcolor": "white",
"plot_bgcolor": "#E5ECF6",
"polar": {
"angularaxis": {
"gridcolor": "white",
"linecolor": "white",
"ticks": ""
},
"bgcolor": "#E5ECF6",
"radialaxis": {
"gridcolor": "white",
"linecolor": "white",
"ticks": ""
}
},
"scene": {
"xaxis": {
"backgroundcolor": "#E5ECF6",
"gridcolor": "white",
"gridwidth": 2,
"linecolor": "white",
"showbackground": true,
"ticks": "",
"zerolinecolor": "white"
},
"yaxis": {
"backgroundcolor": "#E5ECF6",
"gridcolor": "white",
"gridwidth": 2,
"linecolor": "white",
"showbackground": true,
"ticks": "",
"zerolinecolor": "white"
},
"zaxis": {
"backgroundcolor": "#E5ECF6",
"gridcolor": "white",
"gridwidth": 2,
"linecolor": "white",
"showbackground": true,
"ticks": "",
"zerolinecolor": "white"
}
},
"shapedefaults": {
"line": {
"color": "#2a3f5f"
}
},
"ternary": {
"aaxis": {
"gridcolor": "white",
"linecolor": "white",
"ticks": ""
},
"baxis": {
"gridcolor": "white",
"linecolor": "white",
"ticks": ""
},
"bgcolor": "#E5ECF6",
"caxis": {
"gridcolor": "white",
"linecolor": "white",
"ticks": ""
}
},
"title": {
"x": 0.05
},
"xaxis": {
"automargin": true,
"gridcolor": "white",
"linecolor": "white",
"ticks": "",
"title": {
"standoff": 15
},
"zerolinecolor": "white",
"zerolinewidth": 2
},
"yaxis": {
"automargin": true,
"gridcolor": "white",
"linecolor": "white",
"ticks": "",
"title": {
"standoff": 15
},
"zerolinecolor": "white",
"zerolinewidth": 2
}
}
},
"title": {
"text": "absolute difference relative to the permutation method (lower is better)<br><br><sup>fixed `zero_method == 'zsplit'`, per `aternative`, per `num_samples` </sup><br><sup>percentile statistics all ('num_zeros', 'num_ties', 'seed') confounded</sup><br>"
},
"width": 1000,
"xaxis": {
"anchor": "y",
"domain": [
0,
0.3133333333333333
],
"title": {
"text": "percentile"
}
},
"xaxis10": {
"anchor": "y10",
"domain": [
0,
0.3133333333333333
],
"matches": "x",
"showticklabels": false
},
"xaxis11": {
"anchor": "y11",
"domain": [
0.3333333333333333,
0.6466666666666666
],
"matches": "x",
"showticklabels": false
},
"xaxis12": {
"anchor": "y12",
"domain": [
0.6666666666666666,
0.98
],
"matches": "x",
"showticklabels": false
},
"xaxis13": {
"anchor": "y13",
"domain": [
0,
0.3133333333333333
],
"matches": "x",
"showticklabels": false
},
"xaxis14": {
"anchor": "y14",
"domain": [
0.3333333333333333,
0.6466666666666666
],
"matches": "x",
"showticklabels": false
},
"xaxis15": {
"anchor": "y15",
"domain": [
0.6666666666666666,
0.98
],
"matches": "x",
"showticklabels": false
},
"xaxis16": {
"anchor": "y16",
"domain": [
0,
0.3133333333333333
],
"matches": "x",
"showticklabels": false
},
"xaxis17": {
"anchor": "y17",
"domain": [
0.3333333333333333,
0.6466666666666666
],
"matches": "x",
"showticklabels": false
},
"xaxis18": {
"anchor": "y18",
"domain": [
0.6666666666666666,
0.98
],
"matches": "x",
"showticklabels": false
},
"xaxis19": {
"anchor": "y19",
"domain": [
0,
0.3133333333333333
],
"matches": "x",
"showticklabels": false
},
"xaxis2": {
"anchor": "y2",
"domain": [
0.3333333333333333,
0.6466666666666666
],
"matches": "x",
"title": {
"text": "percentile"
}
},
"xaxis20": {
"anchor": "y20",
"domain": [
0.3333333333333333,
0.6466666666666666
],
"matches": "x",
"showticklabels": false
},
"xaxis21": {
"anchor": "y21",
"domain": [
0.6666666666666666,
0.98
],
"matches": "x",
"showticklabels": false
},
"xaxis3": {
"anchor": "y3",
"domain": [
0.6666666666666666,
0.98
],
"matches": "x",
"title": {
"text": "percentile"
}
},
"xaxis4": {
"anchor": "y4",
"domain": [
0,
0.3133333333333333
],
"matches": "x",
"showticklabels": false
},
"xaxis5": {
"anchor": "y5",
"domain": [
0.3333333333333333,
0.6466666666666666
],
"matches": "x",
"showticklabels": false
},
"xaxis6": {
"anchor": "y6",
"domain": [
0.6666666666666666,
0.98
],
"matches": "x",
"showticklabels": false
},
"xaxis7": {
"anchor": "y7",
"domain": [
0,
0.3133333333333333
],
"matches": "x",
"showticklabels": false
},
"xaxis8": {
"anchor": "y8",
"domain": [
0.3333333333333333,
0.6466666666666666
],
"matches": "x",
"showticklabels": false
},
"xaxis9": {
"anchor": "y9",
"domain": [
0.6666666666666666,
0.98
],
"matches": "x",
"showticklabels": false
},
"yaxis": {
"anchor": "x",
"domain": [
0,
0.11714285714285715
],
"range": [
0,
0.5
],
"title": {
"text": "absdiff"
}
},
"yaxis10": {
"anchor": "x10",
"domain": [
0.4414285714285714,
0.5585714285714285
],
"matches": "y",
"range": [
0,
0.5
],
"title": {
"text": "absdiff"
}
},
"yaxis11": {
"anchor": "x11",
"domain": [
0.4414285714285714,
0.5585714285714285
],
"matches": "y",
"showticklabels": false
},
"yaxis12": {
"anchor": "x12",
"domain": [
0.4414285714285714,
0.5585714285714285
],
"matches": "y",
"showticklabels": false
},
"yaxis13": {
"anchor": "x13",
"domain": [
0.5885714285714285,
0.7057142857142856
],
"matches": "y",
"range": [
0,
0.5
],
"title": {
"text": "absdiff"
}
},
"yaxis14": {
"anchor": "x14",
"domain": [
0.5885714285714285,
0.7057142857142856
],
"matches": "y",
"showticklabels": false
},
"yaxis15": {
"anchor": "x15",
"domain": [
0.5885714285714285,
0.7057142857142856
],
"matches": "y",
"showticklabels": false
},
"yaxis16": {
"anchor": "x16",
"domain": [
0.7357142857142858,
0.8528571428571429
],
"matches": "y",
"range": [
0,
0.5
],
"title": {
"text": "absdiff"
}
},
"yaxis17": {
"anchor": "x17",
"domain": [
0.7357142857142858,
0.8528571428571429
],
"matches": "y",
"showticklabels": false
},
"yaxis18": {
"anchor": "x18",
"domain": [
0.7357142857142858,
0.8528571428571429
],
"matches": "y",
"showticklabels": false
},
"yaxis19": {
"anchor": "x19",
"domain": [
0.8828571428571428,
0.9999999999999999
],
"matches": "y",
"range": [
0,
0.5
],
"title": {
"text": "absdiff"
}
},
"yaxis2": {
"anchor": "x2",
"domain": [
0,
0.11714285714285715
],
"matches": "y",
"showticklabels": false
},
"yaxis20": {
"anchor": "x20",
"domain": [
0.8828571428571428,
0.9999999999999999
],
"matches": "y",
"showticklabels": false
},
"yaxis21": {
"anchor": "x21",
"domain": [
0.8828571428571428,
0.9999999999999999
],
"matches": "y",
"showticklabels": false
},
"yaxis3": {
"anchor": "x3",
"domain": [
0,
0.11714285714285715
],
"matches": "y",
"showticklabels": false
},
"yaxis4": {
"anchor": "x4",
"domain": [
0.14714285714285713,
0.2642857142857143
],
"matches": "y",
"range": [
0,
0.5
],
"title": {
"text": "absdiff"
}
},
"yaxis5": {
"anchor": "x5",
"domain": [
0.14714285714285713,
0.2642857142857143
],
"matches": "y",
"showticklabels": false
},
"yaxis6": {
"anchor": "x6",
"domain": [
0.14714285714285713,
0.2642857142857143
],
"matches": "y",
"showticklabels": false
},
"yaxis7": {
"anchor": "x7",
"domain": [
0.29428571428571426,
0.4114285714285714
],
"matches": "y",
"range": [
0,
0.5
],
"title": {
"text": "absdiff"
}
},
"yaxis8": {
"anchor": "x8",
"domain": [
0.29428571428571426,
0.4114285714285714
],
"matches": "y",
"showticklabels": false
},
"yaxis9": {
"anchor": "x9",
"domain": [
0.29428571428571426,
0.4114285714285714
],
"matches": "y",
"showticklabels": false
}
}
},
"text/html": [
"<div> <div id=\"ef696eeb-9ea1-4d1a-b6ca-704d593bdce4\" class=\"plotly-graph-div\" style=\"height:1200px; width:1000px;\"></div> <script type=\"text/javascript\"> require([\"plotly\"], function(Plotly) { window.PLOTLYENV=window.PLOTLYENV || {}; if (document.getElementById(\"ef696eeb-9ea1-4d1a-b6ca-704d593bdce4\")) { Plotly.newPlot( \"ef696eeb-9ea1-4d1a-b6ca-704d593bdce4\", [{\"hovertemplate\":\"method=modified<br>num_samples=3<br>alternative=greater<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"modified\",\"line\":{\"color\":\"#636efa\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"modified\",\"orientation\":\"v\",\"showlegend\":true,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x19\",\"y\":[0.0,0.0,0.0,0.03125,0.125],\"yaxis\":\"y19\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=modified<br>num_samples=3<br>alternative=less<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"modified\",\"line\":{\"color\":\"#636efa\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"modified\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x20\",\"y\":[0.0,0.0,0.0,0.0625,0.25],\"yaxis\":\"y20\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=modified<br>num_samples=3<br>alternative=two-sided<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"modified\",\"line\":{\"color\":\"#636efa\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"modified\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x21\",\"y\":[0.0,0.0,0.0,0.0625,0.5],\"yaxis\":\"y21\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=modified<br>num_samples=4<br>alternative=greater<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"modified\",\"line\":{\"color\":\"#636efa\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"modified\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x16\",\"y\":[0.0,0.0,0.0,0.0625,0.125],\"yaxis\":\"y16\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=modified<br>num_samples=4<br>alternative=less<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"modified\",\"line\":{\"color\":\"#636efa\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"modified\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x17\",\"y\":[0.0,0.0,0.0,0.125,0.25],\"yaxis\":\"y17\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=modified<br>num_samples=4<br>alternative=two-sided<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"modified\",\"line\":{\"color\":\"#636efa\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"modified\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x18\",\"y\":[0.0,0.0,0.0,0.125,0.5],\"yaxis\":\"y18\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=modified<br>num_samples=5<br>alternative=greater<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"modified\",\"line\":{\"color\":\"#636efa\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"modified\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x13\",\"y\":[0.0,0.0,0.03125,0.0625,0.21875],\"yaxis\":\"y13\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=modified<br>num_samples=5<br>alternative=less<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"modified\",\"line\":{\"color\":\"#636efa\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"modified\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x14\",\"y\":[0.0,0.0,0.0625,0.09375,0.21875],\"yaxis\":\"y14\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=modified<br>num_samples=5<br>alternative=two-sided<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"modified\",\"line\":{\"color\":\"#636efa\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"modified\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x15\",\"y\":[0.0,0.0,0.0625,0.125,0.375],\"yaxis\":\"y15\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=modified<br>num_samples=6<br>alternative=greater<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"modified\",\"line\":{\"color\":\"#636efa\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"modified\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x10\",\"y\":[0.0,0.0,0.03125,0.046875,0.21875],\"yaxis\":\"y10\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=modified<br>num_samples=6<br>alternative=less<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"modified\",\"line\":{\"color\":\"#636efa\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"modified\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x11\",\"y\":[0.0,0.0,0.03125,0.0625,0.21875],\"yaxis\":\"y11\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=modified<br>num_samples=6<br>alternative=two-sided<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"modified\",\"line\":{\"color\":\"#636efa\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"modified\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x12\",\"y\":[0.0,0.0,0.0625,0.125,0.375],\"yaxis\":\"y12\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=modified<br>num_samples=7<br>alternative=greater<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"modified\",\"line\":{\"color\":\"#636efa\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"modified\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x7\",\"y\":[0.0,0.0,0.015625,0.046875,0.234375],\"yaxis\":\"y7\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=modified<br>num_samples=7<br>alternative=less<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"modified\",\"line\":{\"color\":\"#636efa\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"modified\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x8\",\"y\":[0.0,0.0,0.03125,0.046875,0.2890625],\"yaxis\":\"y8\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=modified<br>num_samples=7<br>alternative=two-sided<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"modified\",\"line\":{\"color\":\"#636efa\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"modified\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x9\",\"y\":[0.0,0.0,0.03125,0.09375,0.421875],\"yaxis\":\"y9\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=modified<br>num_samples=8<br>alternative=greater<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"modified\",\"line\":{\"color\":\"#636efa\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"modified\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x4\",\"y\":[0.0,0.00390625,0.01953125,0.0390625,0.234375],\"yaxis\":\"y4\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=modified<br>num_samples=8<br>alternative=less<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"modified\",\"line\":{\"color\":\"#636efa\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"modified\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x5\",\"y\":[0.0,0.00390625,0.01953125,0.0390625,0.2890625],\"yaxis\":\"y5\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=modified<br>num_samples=8<br>alternative=two-sided<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"modified\",\"line\":{\"color\":\"#636efa\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"modified\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x6\",\"y\":[0.0,0.0078125,0.03125,0.078125,0.421875],\"yaxis\":\"y6\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=modified<br>num_samples=9<br>alternative=greater<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"modified\",\"line\":{\"color\":\"#636efa\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"modified\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x\",\"y\":[0.0,0.00390625,0.013671875,0.03125,0.28515625],\"yaxis\":\"y\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=modified<br>num_samples=9<br>alternative=less<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"modified\",\"line\":{\"color\":\"#636efa\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"modified\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x2\",\"y\":[0.0,0.00390625,0.013671875,0.03125,0.28515625],\"yaxis\":\"y2\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=modified<br>num_samples=9<br>alternative=two-sided<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"modified\",\"line\":{\"color\":\"#636efa\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"modified\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x3\",\"y\":[0.0,0.0078125,0.0234375,0.0546875,0.34765625],\"yaxis\":\"y3\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=original<br>num_samples=3<br>alternative=greater<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"original\",\"line\":{\"color\":\"#EF553B\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"original\",\"orientation\":\"v\",\"showlegend\":true,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x19\",\"y\":[0.0,0.0,0.10536598693285942,0.17418895982184507,0.2928919108787374],\"yaxis\":\"y19\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=original<br>num_samples=3<br>alternative=less<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"original\",\"line\":{\"color\":\"#EF553B\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"original\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x20\",\"y\":[0.0,0.0,0.09072460386071024,0.17418895982184507,0.2928919108787374],\"yaxis\":\"y20\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=original<br>num_samples=3<br>alternative=two-sided<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"original\",\"line\":{\"color\":\"#EF553B\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"original\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x21\",\"y\":[0.0,0.0,0.21073197386571874,0.3912698305224275,0.5857838217574748],\"yaxis\":\"y21\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=original<br>num_samples=4<br>alternative=greater<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"original\",\"line\":{\"color\":\"#EF553B\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"original\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x16\",\"y\":[0.0,0.0,0.07303835035646661,0.1512669633209907,0.2751541010155546],\"yaxis\":\"y16\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=original<br>num_samples=4<br>alternative=less<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"original\",\"line\":{\"color\":\"#EF553B\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"original\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x17\",\"y\":[0.0,0.0,0.06934478573691069,0.1512669633209907,0.2751541010155546],\"yaxis\":\"y17\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=original<br>num_samples=4<br>alternative=two-sided<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"original\",\"line\":{\"color\":\"#EF553B\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"original\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x18\",\"y\":[0.0,0.0,0.14965175353770932,0.3025339266419813,0.5503082020311091],\"yaxis\":\"y18\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=original<br>num_samples=5<br>alternative=greater<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"original\",\"line\":{\"color\":\"#EF553B\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"original\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x13\",\"y\":[0.0,0.022282072595281588,0.04884497967307844,0.10677148243131179,0.26024993890652326],\"yaxis\":\"y13\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=original<br>num_samples=5<br>alternative=less<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"original\",\"line\":{\"color\":\"#EF553B\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"original\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x14\",\"y\":[0.0,0.0226759144761301,0.04481927581328349,0.08103162691321691,0.26024993890652326],\"yaxis\":\"y14\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=original<br>num_samples=5<br>alternative=two-sided<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"original\",\"line\":{\"color\":\"#EF553B\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"original\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x15\",\"y\":[0.0,0.0625,0.10925419906793365,0.16206325382643372,0.5204998778130465],\"yaxis\":\"y15\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=original<br>num_samples=6<br>alternative=greater<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"original\",\"line\":{\"color\":\"#EF553B\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"original\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x10\",\"y\":[0.0,0.013656103023111266,0.0332623692171736,0.0711008930612953,0.2524925375469229],\"yaxis\":\"y10\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=original<br>num_samples=6<br>alternative=less<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"original\",\"line\":{\"color\":\"#EF553B\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"original\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x11\",\"y\":[0.0,0.013134145691021226,0.03125,0.06414555977033073,0.2524925375469229],\"yaxis\":\"y11\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=original<br>num_samples=6<br>alternative=two-sided<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"original\",\"line\":{\"color\":\"#EF553B\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"original\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x12\",\"y\":[0.0,0.03125,0.073424136379123,0.1422017861225905,0.4950149249061542],\"yaxis\":\"y12\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=original<br>num_samples=7<br>alternative=greater<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"original\",\"line\":{\"color\":\"#EF553B\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"original\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x7\",\"y\":[0.0,0.0078125,0.023400638401208103,0.059285716222196805,0.26354462843276905],\"yaxis\":\"y7\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=original<br>num_samples=7<br>alternative=less<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"original\",\"line\":{\"color\":\"#EF553B\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"original\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x8\",\"y\":[0.0,0.0078125,0.020311410355415394,0.05400619130592088,0.26354462843276905],\"yaxis\":\"y8\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=original<br>num_samples=7<br>alternative=two-sided<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"original\",\"line\":{\"color\":\"#EF553B\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"original\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x9\",\"y\":[0.0,0.015625,0.04680127680241615,0.10537313375690482,0.4729107431344619],\"yaxis\":\"y9\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=original<br>num_samples=8<br>alternative=greater<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"original\",\"line\":{\"color\":\"#EF553B\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"original\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x4\",\"y\":[0.0,0.005140340987532674,0.01701571642542299,0.038545344542124105,0.27324679770329097],\"yaxis\":\"y4\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=original<br>num_samples=8<br>alternative=less<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"original\",\"line\":{\"color\":\"#EF553B\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"original\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x5\",\"y\":[0.0,0.0052056370441065924,0.015625,0.036814398583393915,0.27324679770329097],\"yaxis\":\"y5\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=original<br>num_samples=8<br>alternative=two-sided<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"original\",\"line\":{\"color\":\"#EF553B\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"original\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x6\",\"y\":[0.0,0.0078125,0.035856722420172404,0.07281637977767574,0.45350640459341807],\"yaxis\":\"y6\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=original<br>num_samples=9<br>alternative=greater<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"original\",\"line\":{\"color\":\"#EF553B\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"original\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x\",\"y\":[0.0,0.004365128436245369,0.01438867014397785,0.03017068172709869,0.28185143082538655],\"yaxis\":\"y\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=original<br>num_samples=9<br>alternative=less<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"original\",\"line\":{\"color\":\"#EF553B\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"original\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x2\",\"y\":[0.0,0.004365128436245369,0.013513084650706997,0.029696538591303112,0.28185143082538655],\"yaxis\":\"y2\",\"type\":\"scatter\"},{\"hovertemplate\":\"method=original<br>num_samples=9<br>alternative=two-sided<br>percentile=%{x}<br>absdiff=%{y}<extra></extra>\",\"legendgroup\":\"original\",\"line\":{\"color\":\"#EF553B\",\"dash\":\"solid\"},\"marker\":{\"symbol\":\"circle\"},\"mode\":\"lines\",\"name\":\"original\",\"orientation\":\"v\",\"showlegend\":false,\"x\":[\"min\",\"25%\",\"50%\",\"75%\",\"max\"],\"xaxis\":\"x3\",\"y\":[0.0,0.006719288994646598,0.0293310423079225,0.05711084513817111,0.4362971383492269],\"yaxis\":\"y3\",\"type\":\"scatter\"}], {\"template\":{\"data\":{\"histogram2dcontour\":[{\"type\":\"histogram2dcontour\",\"colorbar\":{\"outlinewidth\":0,\"ticks\":\"\"},\"colorscale\":[[0.0,\"#0d0887\"],[0.1111111111111111,\"#46039f\"],[0.2222222222222222,\"#7201a8\"],[0.3333333333333333,\"#9c179e\"],[0.4444444444444444,\"#bd3786\"],[0.5555555555555556,\"#d8576b\"],[0.6666666666666666,\"#ed7953\"],[0.7777777777777778,\"#fb9f3a\"],[0.8888888888888888,\"#fdca26\"],[1.0,\"#f0f921\"]]}],\"choropleth\":[{\"type\":\"choropleth\",\"colorbar\":{\"outlinewidth\":0,\"ticks\":\"\"}}],\"histogram2d\":[{\"type\":\"histogram2d\",\"colorbar\":{\"outlinewidth\":0,\"ticks\":\"\"},\"colorscale\":[[0.0,\"#0d0887\"],[0.1111111111111111,\"#46039f\"],[0.2222222222222222,\"#7201a8\"],[0.3333333333333333,\"#9c179e\"],[0.4444444444444444,\"#bd3786\"],[0.5555555555555556,\"#d8576b\"],[0.6666666666666666,\"#ed7953\"],[0.7777777777777778,\"#fb9f3a\"],[0.8888888888888888,\"#fdca26\"],[1.0,\"#f0f921\"]]}],\"heatmap\":[{\"type\":\"heatmap\",\"colorbar\":{\"outlinewidth\":0,\"ticks\":\"\"},\"colorscale\":[[0.0,\"#0d0887\"],[0.1111111111111111,\"#46039f\"],[0.2222222222222222,\"#7201a8\"],[0.3333333333333333,\"#9c179e\"],[0.4444444444444444,\"#bd3786\"],[0.5555555555555556,\"#d8576b\"],[0.6666666666666666,\"#ed7953\"],[0.7777777777777778,\"#fb9f3a\"],[0.8888888888888888,\"#fdca26\"],[1.0,\"#f0f921\"]]}],\"heatmapgl\":[{\"type\":\"heatmapgl\",\"colorbar\":{\"outlinewidth\":0,\"ticks\":\"\"},\"colorscale\":[[0.0,\"#0d0887\"],[0.1111111111111111,\"#46039f\"],[0.2222222222222222,\"#7201a8\"],[0.3333333333333333,\"#9c179e\"],[0.4444444444444444,\"#bd3786\"],[0.5555555555555556,\"#d8576b\"],[0.6666666666666666,\"#ed7953\"],[0.7777777777777778,\"#fb9f3a\"],[0.8888888888888888,\"#fdca26\"],[1.0,\"#f0f921\"]]}],\"contourcarpet\":[{\"type\":\"contourcarpet\",\"colorbar\":{\"outlinewidth\":0,\"ticks\":\"\"}}],\"contour\":[{\"type\":\"contour\",\"colorbar\":{\"outlinewidth\":0,\"ticks\":\"\"},\"colorscale\":[[0.0,\"#0d0887\"],[0.1111111111111111,\"#46039f\"],[0.2222222222222222,\"#7201a8\"],[0.3333333333333333,\"#9c179e\"],[0.4444444444444444,\"#bd3786\"],[0.5555555555555556,\"#d8576b\"],[0.6666666666666666,\"#ed7953\"],[0.7777777777777778,\"#fb9f3a\"],[0.8888888888888888,\"#fdca26\"],[1.0,\"#f0f921\"]]}],\"surface\":[{\"type\":\"surface\",\"colorbar\":{\"outlinewidth\":0,\"ticks\":\"\"},\"colorscale\":[[0.0,\"#0d0887\"],[0.1111111111111111,\"#46039f\"],[0.2222222222222222,\"#7201a8\"],[0.3333333333333333,\"#9c179e\"],[0.4444444444444444,\"#bd3786\"],[0.5555555555555556,\"#d8576b\"],[0.6666666666666666,\"#ed7953\"],[0.7777777777777778,\"#fb9f3a\"],[0.8888888888888888,\"#fdca26\"],[1.0,\"#f0f921\"]]}],\"mesh3d\":[{\"type\":\"mesh3d\",\"colorbar\":{\"outlinewidth\":0,\"ticks\":\"\"}}],\"scatter\":[{\"fillpattern\":{\"fillmode\":\"overlay\",\"size\":10,\"solidity\":0.2},\"type\":\"scatter\"}],\"parcoords\":[{\"type\":\"parcoords\",\"line\":{\"colorbar\":{\"outlinewidth\":0,\"ticks\":\"\"}}}],\"scatterpolargl\":[{\"type\":\"scatterpolargl\",\"marker\":{\"colorbar\":{\"outlinewidth\":0,\"ticks\":\"\"}}}],\"bar\":[{\"error_x\":{\"color\":\"#2a3f5f\"},\"error_y\":{\"color\":\"#2a3f5f\"},\"marker\":{\"line\":{\"color\":\"#E5ECF6\",\"width\":0.5},\"pattern\":{\"fillmode\":\"overlay\",\"size\":10,\"solidity\":0.2}},\"type\":\"bar\"}],\"scattergeo\":[{\"type\":\"scattergeo\",\"marker\":{\"colorbar\":{\"outlinewidth\":0,\"ticks\":\"\"}}}],\"scatterpolar\":[{\"type\":\"scatterpolar\",\"marker\":{\"colorbar\":{\"outlinewidth\":0,\"ticks\":\"\"}}}],\"histogram\":[{\"marker\":{\"pattern\":{\"fillmode\":\"overlay\",\"size\":10,\"solidity\":0.2}},\"type\":\"histogram\"}],\"scattergl\":[{\"type\":\"scattergl\",\"marker\":{\"colorbar\":{\"outlinewidth\":0,\"ticks\":\"\"}}}],\"scatter3d\":[{\"type\":\"scatter3d\",\"line\":{\"colorbar\":{\"outlinewidth\":0,\"ticks\":\"\"}},\"marker\":{\"colorbar\":{\"outlinewidth\":0,\"ticks\":\"\"}}}],\"scattermapbox\":[{\"type\":\"scattermapbox\",\"marker\":{\"colorbar\":{\"outlinewidth\":0,\"ticks\":\"\"}}}],\"scatterternary\":[{\"type\":\"scatterternary\",\"marker\":{\"colorbar\":{\"outlinewidth\":0,\"ticks\":\"\"}}}],\"scattercarpet\":[{\"type\":\"scattercarpet\",\"marker\":{\"colorbar\":{\"outlinewidth\":0,\"ticks\":\"\"}}}],\"carpet\":[{\"aaxis\":{\"endlinecolor\":\"#2a3f5f\",\"gridcolor\":\"white\",\"linecolor\":\"white\",\"minorgridcolor\":\"white\",\"startlinecolor\":\"#2a3f5f\"},\"baxis\":{\"endlinecolor\":\"#2a3f5f\",\"gridcolor\":\"white\",\"linecolor\":\"white\",\"minorgridcolor\":\"white\",\"startlinecolor\":\"#2a3f5f\"},\"type\":\"carpet\"}],\"table\":[{\"cells\":{\"fill\":{\"color\":\"#EBF0F8\"},\"line\":{\"color\":\"white\"}},\"header\":{\"fill\":{\"color\":\"#C8D4E3\"},\"line\":{\"color\":\"white\"}},\"type\":\"table\"}],\"barpolar\":[{\"marker\":{\"line\":{\"color\":\"#E5ECF6\",\"width\":0.5},\"pattern\":{\"fillmode\":\"overlay\",\"size\":10,\"solidity\":0.2}},\"type\":\"barpolar\"}],\"pie\":[{\"automargin\":true,\"type\":\"pie\"}]},\"layout\":{\"autotypenumbers\":\"strict\",\"colorway\":[\"#636efa\",\"#EF553B\",\"#00cc96\",\"#ab63fa\",\"#FFA15A\",\"#19d3f3\",\"#FF6692\",\"#B6E880\",\"#FF97FF\",\"#FECB52\"],\"font\":{\"color\":\"#2a3f5f\"},\"hovermode\":\"closest\",\"hoverlabel\":{\"align\":\"left\"},\"paper_bgcolor\":\"white\",\"plot_bgcolor\":\"#E5ECF6\",\"polar\":{\"bgcolor\":\"#E5ECF6\",\"angularaxis\":{\"gridcolor\":\"white\",\"linecolor\":\"white\",\"ticks\":\"\"},\"radialaxis\":{\"gridcolor\":\"white\",\"linecolor\":\"white\",\"ticks\":\"\"}},\"ternary\":{\"bgcolor\":\"#E5ECF6\",\"aaxis\":{\"gridcolor\":\"white\",\"linecolor\":\"white\",\"ticks\":\"\"},\"baxis\":{\"gridcolor\":\"white\",\"linecolor\":\"white\",\"ticks\":\"\"},\"caxis\":{\"gridcolor\":\"white\",\"linecolor\":\"white\",\"ticks\":\"\"}},\"coloraxis\":{\"colorbar\":{\"outlinewidth\":0,\"ticks\":\"\"}},\"colorscale\":{\"sequential\":[[0.0,\"#0d0887\"],[0.1111111111111111,\"#46039f\"],[0.2222222222222222,\"#7201a8\"],[0.3333333333333333,\"#9c179e\"],[0.4444444444444444,\"#bd3786\"],[0.5555555555555556,\"#d8576b\"],[0.6666666666666666,\"#ed7953\"],[0.7777777777777778,\"#fb9f3a\"],[0.8888888888888888,\"#fdca26\"],[1.0,\"#f0f921\"]],\"sequentialminus\":[[0.0,\"#0d0887\"],[0.1111111111111111,\"#46039f\"],[0.2222222222222222,\"#7201a8\"],[0.3333333333333333,\"#9c179e\"],[0.4444444444444444,\"#bd3786\"],[0.5555555555555556,\"#d8576b\"],[0.6666666666666666,\"#ed7953\"],[0.7777777777777778,\"#fb9f3a\"],[0.8888888888888888,\"#fdca26\"],[1.0,\"#f0f921\"]],\"diverging\":[[0,\"#8e0152\"],[0.1,\"#c51b7d\"],[0.2,\"#de77ae\"],[0.3,\"#f1b6da\"],[0.4,\"#fde0ef\"],[0.5,\"#f7f7f7\"],[0.6,\"#e6f5d0\"],[0.7,\"#b8e186\"],[0.8,\"#7fbc41\"],[0.9,\"#4d9221\"],[1,\"#276419\"]]},\"xaxis\":{\"gridcolor\":\"white\",\"linecolor\":\"white\",\"ticks\":\"\",\"title\":{\"standoff\":15},\"zerolinecolor\":\"white\",\"automargin\":true,\"zerolinewidth\":2},\"yaxis\":{\"gridcolor\":\"white\",\"linecolor\":\"white\",\"ticks\":\"\",\"title\":{\"standoff\":15},\"zerolinecolor\":\"white\",\"automargin\":true,\"zerolinewidth\":2},\"scene\":{\"xaxis\":{\"backgroundcolor\":\"#E5ECF6\",\"gridcolor\":\"white\",\"linecolor\":\"white\",\"showbackground\":true,\"ticks\":\"\",\"zerolinecolor\":\"white\",\"gridwidth\":2},\"yaxis\":{\"backgroundcolor\":\"#E5ECF6\",\"gridcolor\":\"white\",\"linecolor\":\"white\",\"showbackground\":true,\"ticks\":\"\",\"zerolinecolor\":\"white\",\"gridwidth\":2},\"zaxis\":{\"backgroundcolor\":\"#E5ECF6\",\"gridcolor\":\"white\",\"linecolor\":\"white\",\"showbackground\":true,\"ticks\":\"\",\"zerolinecolor\":\"white\",\"gridwidth\":2}},\"shapedefaults\":{\"line\":{\"color\":\"#2a3f5f\"}},\"annotationdefaults\":{\"arrowcolor\":\"#2a3f5f\",\"arrowhead\":0,\"arrowwidth\":1},\"geo\":{\"bgcolor\":\"white\",\"landcolor\":\"#E5ECF6\",\"subunitcolor\":\"white\",\"showland\":true,\"showlakes\":true,\"lakecolor\":\"white\"},\"title\":{\"x\":0.05},\"mapbox\":{\"style\":\"light\"}}},\"xaxis\":{\"anchor\":\"y\",\"domain\":[0.0,0.3133333333333333],\"title\":{\"text\":\"percentile\"}},\"yaxis\":{\"anchor\":\"x\",\"domain\":[0.0,0.11714285714285715],\"title\":{\"text\":\"absdiff\"},\"range\":[0.0,0.5]},\"xaxis2\":{\"anchor\":\"y2\",\"domain\":[0.3333333333333333,0.6466666666666666],\"matches\":\"x\",\"title\":{\"text\":\"percentile\"}},\"yaxis2\":{\"anchor\":\"x2\",\"domain\":[0.0,0.11714285714285715],\"matches\":\"y\",\"showticklabels\":false},\"xaxis3\":{\"anchor\":\"y3\",\"domain\":[0.6666666666666666,0.98],\"matches\":\"x\",\"title\":{\"text\":\"percentile\"}},\"yaxis3\":{\"anchor\":\"x3\",\"domain\":[0.0,0.11714285714285715],\"matches\":\"y\",\"showticklabels\":false},\"xaxis4\":{\"anchor\":\"y4\",\"domain\":[0.0,0.3133333333333333],\"matches\":\"x\",\"showticklabels\":false},\"yaxis4\":{\"anchor\":\"x4\",\"domain\":[0.14714285714285713,0.2642857142857143],\"matches\":\"y\",\"title\":{\"text\":\"absdiff\"},\"range\":[0.0,0.5]},\"xaxis5\":{\"anchor\":\"y5\",\"domain\":[0.3333333333333333,0.6466666666666666],\"matches\":\"x\",\"showticklabels\":false},\"yaxis5\":{\"anchor\":\"x5\",\"domain\":[0.14714285714285713,0.2642857142857143],\"matches\":\"y\",\"showticklabels\":false},\"xaxis6\":{\"anchor\":\"y6\",\"domain\":[0.6666666666666666,0.98],\"matches\":\"x\",\"showticklabels\":false},\"yaxis6\":{\"anchor\":\"x6\",\"domain\":[0.14714285714285713,0.2642857142857143],\"matches\":\"y\",\"showticklabels\":false},\"xaxis7\":{\"anchor\":\"y7\",\"domain\":[0.0,0.3133333333333333],\"matches\":\"x\",\"showticklabels\":false},\"yaxis7\":{\"anchor\":\"x7\",\"domain\":[0.29428571428571426,0.4114285714285714],\"matches\":\"y\",\"title\":{\"text\":\"absdiff\"},\"range\":[0.0,0.5]},\"xaxis8\":{\"anchor\":\"y8\",\"domain\":[0.3333333333333333,0.6466666666666666],\"matches\":\"x\",\"showticklabels\":false},\"yaxis8\":{\"anchor\":\"x8\",\"domain\":[0.29428571428571426,0.4114285714285714],\"matches\":\"y\",\"showticklabels\":false},\"xaxis9\":{\"anchor\":\"y9\",\"domain\":[0.6666666666666666,0.98],\"matches\":\"x\",\"showticklabels\":false},\"yaxis9\":{\"anchor\":\"x9\",\"domain\":[0.29428571428571426,0.4114285714285714],\"matches\":\"y\",\"showticklabels\":false},\"xaxis10\":{\"anchor\":\"y10\",\"domain\":[0.0,0.3133333333333333],\"matches\":\"x\",\"showticklabels\":false},\"yaxis10\":{\"anchor\":\"x10\",\"domain\":[0.4414285714285714,0.5585714285714285],\"matches\":\"y\",\"title\":{\"text\":\"absdiff\"},\"range\":[0.0,0.5]},\"xaxis11\":{\"anchor\":\"y11\",\"domain\":[0.3333333333333333,0.6466666666666666],\"matches\":\"x\",\"showticklabels\":false},\"yaxis11\":{\"anchor\":\"x11\",\"domain\":[0.4414285714285714,0.5585714285714285],\"matches\":\"y\",\"showticklabels\":false},\"xaxis12\":{\"anchor\":\"y12\",\"domain\":[0.6666666666666666,0.98],\"matches\":\"x\",\"showticklabels\":false},\"yaxis12\":{\"anchor\":\"x12\",\"domain\":[0.4414285714285714,0.5585714285714285],\"matches\":\"y\",\"showticklabels\":false},\"xaxis13\":{\"anchor\":\"y13\",\"domain\":[0.0,0.3133333333333333],\"matches\":\"x\",\"showticklabels\":false},\"yaxis13\":{\"anchor\":\"x13\",\"domain\":[0.5885714285714285,0.7057142857142856],\"matches\":\"y\",\"title\":{\"text\":\"absdiff\"},\"range\":[0.0,0.5]},\"xaxis14\":{\"anchor\":\"y14\",\"domain\":[0.3333333333333333,0.6466666666666666],\"matches\":\"x\",\"showticklabels\":false},\"yaxis14\":{\"anchor\":\"x14\",\"domain\":[0.5885714285714285,0.7057142857142856],\"matches\":\"y\",\"showticklabels\":false},\"xaxis15\":{\"anchor\":\"y15\",\"domain\":[0.6666666666666666,0.98],\"matches\":\"x\",\"showticklabels\":false},\"yaxis15\":{\"anchor\":\"x15\",\"domain\":[0.5885714285714285,0.7057142857142856],\"matches\":\"y\",\"showticklabels\":false},\"xaxis16\":{\"anchor\":\"y16\",\"domain\":[0.0,0.3133333333333333],\"matches\":\"x\",\"showticklabels\":false},\"yaxis16\":{\"anchor\":\"x16\",\"domain\":[0.7357142857142858,0.8528571428571429],\"matches\":\"y\",\"title\":{\"text\":\"absdiff\"},\"range\":[0.0,0.5]},\"xaxis17\":{\"anchor\":\"y17\",\"domain\":[0.3333333333333333,0.6466666666666666],\"matches\":\"x\",\"showticklabels\":false},\"yaxis17\":{\"anchor\":\"x17\",\"domain\":[0.7357142857142858,0.8528571428571429],\"matches\":\"y\",\"showticklabels\":false},\"xaxis18\":{\"anchor\":\"y18\",\"domain\":[0.6666666666666666,0.98],\"matches\":\"x\",\"showticklabels\":false},\"yaxis18\":{\"anchor\":\"x18\",\"domain\":[0.7357142857142858,0.8528571428571429],\"matches\":\"y\",\"showticklabels\":false},\"xaxis19\":{\"anchor\":\"y19\",\"domain\":[0.0,0.3133333333333333],\"matches\":\"x\",\"showticklabels\":false},\"yaxis19\":{\"anchor\":\"x19\",\"domain\":[0.8828571428571428,0.9999999999999999],\"matches\":\"y\",\"title\":{\"text\":\"absdiff\"},\"range\":[0.0,0.5]},\"xaxis20\":{\"anchor\":\"y20\",\"domain\":[0.3333333333333333,0.6466666666666666],\"matches\":\"x\",\"showticklabels\":false},\"yaxis20\":{\"anchor\":\"x20\",\"domain\":[0.8828571428571428,0.9999999999999999],\"matches\":\"y\",\"showticklabels\":false},\"xaxis21\":{\"anchor\":\"y21\",\"domain\":[0.6666666666666666,0.98],\"matches\":\"x\",\"showticklabels\":false},\"yaxis21\":{\"anchor\":\"x21\",\"domain\":[0.8828571428571428,0.9999999999999999],\"matches\":\"y\",\"showticklabels\":false},\"annotations\":[{\"font\":{},\"showarrow\":false,\"text\":\"alternative=greater\",\"x\":0.15666666666666665,\"xanchor\":\"center\",\"xref\":\"paper\",\"y\":0.9999999999999999,\"yanchor\":\"bottom\",\"yref\":\"paper\"},{\"font\":{},\"showarrow\":false,\"text\":\"alternative=less\",\"x\":0.49,\"xanchor\":\"center\",\"xref\":\"paper\",\"y\":0.9999999999999999,\"yanchor\":\"bottom\",\"yref\":\"paper\"},{\"font\":{},\"showarrow\":false,\"text\":\"alternative=two-sided\",\"x\":0.8233333333333333,\"xanchor\":\"center\",\"xref\":\"paper\",\"y\":0.9999999999999999,\"yanchor\":\"bottom\",\"yref\":\"paper\"},{\"font\":{},\"showarrow\":false,\"text\":\"num_samples=9\",\"textangle\":90,\"x\":0.98,\"xanchor\":\"left\",\"xref\":\"paper\",\"y\":0.05857142857142857,\"yanchor\":\"middle\",\"yref\":\"paper\"},{\"font\":{},\"showarrow\":false,\"text\":\"num_samples=8\",\"textangle\":90,\"x\":0.98,\"xanchor\":\"left\",\"xref\":\"paper\",\"y\":0.2057142857142857,\"yanchor\":\"middle\",\"yref\":\"paper\"},{\"font\":{},\"showarrow\":false,\"text\":\"num_samples=7\",\"textangle\":90,\"x\":0.98,\"xanchor\":\"left\",\"xref\":\"paper\",\"y\":0.35285714285714287,\"yanchor\":\"middle\",\"yref\":\"paper\"},{\"font\":{},\"showarrow\":false,\"text\":\"num_samples=6\",\"textangle\":90,\"x\":0.98,\"xanchor\":\"left\",\"xref\":\"paper\",\"y\":0.49999999999999994,\"yanchor\":\"middle\",\"yref\":\"paper\"},{\"font\":{},\"showarrow\":false,\"text\":\"num_samples=5\",\"textangle\":90,\"x\":0.98,\"xanchor\":\"left\",\"xref\":\"paper\",\"y\":0.647142857142857,\"yanchor\":\"middle\",\"yref\":\"paper\"},{\"font\":{},\"showarrow\":false,\"text\":\"num_samples=4\",\"textangle\":90,\"x\":0.98,\"xanchor\":\"left\",\"xref\":\"paper\",\"y\":0.7942857142857143,\"yanchor\":\"middle\",\"yref\":\"paper\"},{\"font\":{},\"showarrow\":false,\"text\":\"num_samples=3\",\"textangle\":90,\"x\":0.98,\"xanchor\":\"left\",\"xref\":\"paper\",\"y\":0.9414285714285713,\"yanchor\":\"middle\",\"yref\":\"paper\"}],\"legend\":{\"title\":{\"text\":\"method\"},\"tracegroupgap\":0},\"margin\":{\"t\":180,\"b\":0},\"height\":1200,\"width\":1000,\"title\":{\"text\":\"absolute difference relative to the permutation method (lower is better)<br><br><sup>fixed `zero_method == 'zsplit'`, per `aternative`, per `num_samples` </sup><br><sup>percentile statistics all ('num_zeros', 'num_ties', 'seed') confounded</sup><br>\"}}, {\"responsive\": true} ).then(function(){\n",
" \n",
"var gd = document.getElementById('ef696eeb-9ea1-4d1a-b6ca-704d593bdce4');\n",
"var x = new MutationObserver(function (mutations, observer) {{\n",
" var display = window.getComputedStyle(gd).display;\n",
" if (!display || display === 'none') {{\n",
" console.log([gd, 'removed!']);\n",
" Plotly.purge(gd);\n",
" observer.disconnect();\n",
" }}\n",
"}});\n",
"\n",
"// Listen for the removal of the full notebook cells\n",
"var notebookContainer = gd.closest('#notebook-container');\n",
"if (notebookContainer) {{\n",
" x.observe(notebookContainer, {childList: true});\n",
"}}\n",
"\n",
"// Listen for the clearing of the current output cell\n",
"var outputEl = gd.closest('.output');\n",
"if (outputEl) {{\n",
" x.observe(outputEl, {childList: true});\n",
"}}\n",
"\n",
" }) }; }); </script> </div>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/svg+xml": "<svg xmlns=\"http://www.w3.org/2000/svg\" xmlns:xlink=\"http://www.w3.org/1999/xlink\" class=\"main-svg\" width=\"1000\" height=\"1200\" style=\"\" viewBox=\"0 0 1000 1200\"><rect x=\"0\" y=\"0\" width=\"1000\" height=\"1200\" style=\"fill: rgb(255, 255, 255); fill-opacity: 1;\"/><defs id=\"defs-eefd88\"><g class=\"clips\"><clipPath id=\"clipeefd88xyplot\" class=\"plotclip\"><rect width=\"253.48666666666665\" height=\"114.5657142857143\"/></clipPath><clipPath id=\"clipeefd88x2y2plot\" class=\"plotclip\"><rect width=\"253.48666666666665\" height=\"114.5657142857143\"/></clipPath><clipPath id=\"clipeefd88x3y3plot\" class=\"plotclip\"><rect width=\"253.48666666666668\" height=\"114.5657142857143\"/></clipPath><clipPath id=\"clipeefd88x4y4plot\" class=\"plotclip\"><rect width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath id=\"clipeefd88x5y5plot\" class=\"plotclip\"><rect width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath id=\"clipeefd88x6y6plot\" class=\"plotclip\"><rect width=\"253.48666666666668\" height=\"114.56571428571431\"/></clipPath><clipPath id=\"clipeefd88x7y7plot\" class=\"plotclip\"><rect width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath id=\"clipeefd88x8y8plot\" class=\"plotclip\"><rect width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath id=\"clipeefd88x9y9plot\" class=\"plotclip\"><rect width=\"253.48666666666668\" height=\"114.56571428571431\"/></clipPath><clipPath id=\"clipeefd88x10y10plot\" class=\"plotclip\"><rect width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath id=\"clipeefd88x11y11plot\" class=\"plotclip\"><rect width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath id=\"clipeefd88x12y12plot\" class=\"plotclip\"><rect width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath id=\"clipeefd88x13y13plot\" class=\"plotclip\"><rect width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath id=\"clipeefd88x14y14plot\" class=\"plotclip\"><rect width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath id=\"clipeefd88x15y15plot\" class=\"plotclip\"><rect width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath id=\"clipeefd88x16y16plot\" class=\"plotclip\"><rect width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath id=\"clipeefd88x17y17plot\" class=\"plotclip\"><rect width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath id=\"clipeefd88x18y18plot\" class=\"plotclip\"><rect width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath id=\"clipeefd88x19y19plot\" class=\"plotclip\"><rect width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath id=\"clipeefd88x20y20plot\" class=\"plotclip\"><rect width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath id=\"clipeefd88x21y21plot\" class=\"plotclip\"><rect width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x\"><rect x=\"80\" y=\"0\" width=\"253.48666666666665\" height=\"1200\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88y\"><rect x=\"0\" y=\"1043.4342857142858\" width=\"1000\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88xy\"><rect x=\"80\" y=\"1043.4342857142858\" width=\"253.48666666666665\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88y2\"><rect x=\"0\" y=\"1043.4342857142858\" width=\"1000\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88xy2\"><rect x=\"80\" y=\"1043.4342857142858\" width=\"253.48666666666665\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88y3\"><rect x=\"0\" y=\"1043.4342857142858\" width=\"1000\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88xy3\"><rect x=\"80\" y=\"1043.4342857142858\" width=\"253.48666666666665\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88y4\"><rect x=\"0\" y=\"899.5285714285715\" width=\"1000\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88xy4\"><rect x=\"80\" y=\"899.5285714285715\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88y5\"><rect x=\"0\" y=\"899.5285714285715\" width=\"1000\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88xy5\"><rect x=\"80\" y=\"899.5285714285715\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88y6\"><rect x=\"0\" y=\"899.5285714285715\" width=\"1000\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88xy6\"><rect x=\"80\" y=\"899.5285714285715\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88y7\"><rect x=\"0\" y=\"755.6228571428571\" width=\"1000\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88xy7\"><rect x=\"80\" y=\"755.6228571428571\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88y8\"><rect x=\"0\" y=\"755.6228571428571\" width=\"1000\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88xy8\"><rect x=\"80\" y=\"755.6228571428571\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88y9\"><rect x=\"0\" y=\"755.6228571428571\" width=\"1000\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88xy9\"><rect x=\"80\" y=\"755.6228571428571\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88y10\"><rect x=\"0\" y=\"611.7171428571429\" width=\"1000\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88xy10\"><rect x=\"80\" y=\"611.7171428571429\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88y11\"><rect x=\"0\" y=\"611.7171428571429\" width=\"1000\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88xy11\"><rect x=\"80\" y=\"611.7171428571429\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88y12\"><rect x=\"0\" y=\"611.7171428571429\" width=\"1000\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88xy12\"><rect x=\"80\" y=\"611.7171428571429\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88y13\"><rect x=\"0\" y=\"467.8114285714287\" width=\"1000\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88xy13\"><rect x=\"80\" y=\"467.8114285714287\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88y14\"><rect x=\"0\" y=\"467.8114285714287\" width=\"1000\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88xy14\"><rect x=\"80\" y=\"467.8114285714287\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88y15\"><rect x=\"0\" y=\"467.8114285714287\" width=\"1000\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88xy15\"><rect x=\"80\" y=\"467.8114285714287\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88y16\"><rect x=\"0\" y=\"323.9057142857143\" width=\"1000\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88xy16\"><rect x=\"80\" y=\"323.9057142857143\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88y17\"><rect x=\"0\" y=\"323.9057142857143\" width=\"1000\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88xy17\"><rect x=\"80\" y=\"323.9057142857143\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88y18\"><rect x=\"0\" y=\"323.9057142857143\" width=\"1000\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88xy18\"><rect x=\"80\" y=\"323.9057142857143\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88y19\"><rect x=\"0\" y=\"180.0000000000001\" width=\"1000\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88xy19\"><rect x=\"80\" y=\"180.0000000000001\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88y20\"><rect x=\"0\" y=\"180.0000000000001\" width=\"1000\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88xy20\"><rect x=\"80\" y=\"180.0000000000001\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88y21\"><rect x=\"0\" y=\"180.0000000000001\" width=\"1000\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88xy21\"><rect x=\"80\" y=\"180.0000000000001\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x2\"><rect x=\"349.66666666666663\" y=\"0\" width=\"253.48666666666665\" height=\"1200\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x2y\"><rect x=\"349.66666666666663\" y=\"1043.4342857142858\" width=\"253.48666666666665\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x2y2\"><rect x=\"349.66666666666663\" y=\"1043.4342857142858\" width=\"253.48666666666665\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x2y3\"><rect x=\"349.66666666666663\" y=\"1043.4342857142858\" width=\"253.48666666666665\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x2y4\"><rect x=\"349.66666666666663\" y=\"899.5285714285715\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x2y5\"><rect x=\"349.66666666666663\" y=\"899.5285714285715\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x2y6\"><rect x=\"349.66666666666663\" y=\"899.5285714285715\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x2y7\"><rect x=\"349.66666666666663\" y=\"755.6228571428571\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x2y8\"><rect x=\"349.66666666666663\" y=\"755.6228571428571\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x2y9\"><rect x=\"349.66666666666663\" y=\"755.6228571428571\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x2y10\"><rect x=\"349.66666666666663\" y=\"611.7171428571429\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x2y11\"><rect x=\"349.66666666666663\" y=\"611.7171428571429\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x2y12\"><rect x=\"349.66666666666663\" y=\"611.7171428571429\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x2y13\"><rect x=\"349.66666666666663\" y=\"467.8114285714287\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x2y14\"><rect x=\"349.66666666666663\" y=\"467.8114285714287\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x2y15\"><rect x=\"349.66666666666663\" y=\"467.8114285714287\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x2y16\"><rect x=\"349.66666666666663\" y=\"323.9057142857143\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x2y17\"><rect x=\"349.66666666666663\" y=\"323.9057142857143\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x2y18\"><rect x=\"349.66666666666663\" y=\"323.9057142857143\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x2y19\"><rect x=\"349.66666666666663\" y=\"180.0000000000001\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x2y20\"><rect x=\"349.66666666666663\" y=\"180.0000000000001\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x2y21\"><rect x=\"349.66666666666663\" y=\"180.0000000000001\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x3\"><rect x=\"619.3333333333333\" y=\"0\" width=\"253.48666666666668\" height=\"1200\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x3y\"><rect x=\"619.3333333333333\" y=\"1043.4342857142858\" width=\"253.48666666666668\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x3y2\"><rect x=\"619.3333333333333\" y=\"1043.4342857142858\" width=\"253.48666666666668\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x3y3\"><rect x=\"619.3333333333333\" y=\"1043.4342857142858\" width=\"253.48666666666668\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x3y4\"><rect x=\"619.3333333333333\" y=\"899.5285714285715\" width=\"253.48666666666668\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x3y5\"><rect x=\"619.3333333333333\" y=\"899.5285714285715\" width=\"253.48666666666668\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x3y6\"><rect x=\"619.3333333333333\" y=\"899.5285714285715\" width=\"253.48666666666668\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x3y7\"><rect x=\"619.3333333333333\" y=\"755.6228571428571\" width=\"253.48666666666668\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x3y8\"><rect x=\"619.3333333333333\" y=\"755.6228571428571\" width=\"253.48666666666668\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x3y9\"><rect x=\"619.3333333333333\" y=\"755.6228571428571\" width=\"253.48666666666668\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x3y10\"><rect x=\"619.3333333333333\" y=\"611.7171428571429\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x3y11\"><rect x=\"619.3333333333333\" y=\"611.7171428571429\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x3y12\"><rect x=\"619.3333333333333\" y=\"611.7171428571429\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x3y13\"><rect x=\"619.3333333333333\" y=\"467.8114285714287\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x3y14\"><rect x=\"619.3333333333333\" y=\"467.8114285714287\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x3y15\"><rect x=\"619.3333333333333\" y=\"467.8114285714287\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x3y16\"><rect x=\"619.3333333333333\" y=\"323.9057142857143\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x3y17\"><rect x=\"619.3333333333333\" y=\"323.9057142857143\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x3y18\"><rect x=\"619.3333333333333\" y=\"323.9057142857143\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x3y19\"><rect x=\"619.3333333333333\" y=\"180.0000000000001\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x3y20\"><rect x=\"619.3333333333333\" y=\"180.0000000000001\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x3y21\"><rect x=\"619.3333333333333\" y=\"180.0000000000001\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x4\"><rect x=\"80\" y=\"0\" width=\"253.48666666666665\" height=\"1200\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x4y\"><rect x=\"80\" y=\"1043.4342857142858\" width=\"253.48666666666665\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x4y2\"><rect x=\"80\" y=\"1043.4342857142858\" width=\"253.48666666666665\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x4y3\"><rect x=\"80\" y=\"1043.4342857142858\" width=\"253.48666666666665\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x4y4\"><rect x=\"80\" y=\"899.5285714285715\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x4y5\"><rect x=\"80\" y=\"899.5285714285715\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x4y6\"><rect x=\"80\" y=\"899.5285714285715\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x4y7\"><rect x=\"80\" y=\"755.6228571428571\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x4y8\"><rect x=\"80\" y=\"755.6228571428571\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x4y9\"><rect x=\"80\" y=\"755.6228571428571\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x4y10\"><rect x=\"80\" y=\"611.7171428571429\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x4y11\"><rect x=\"80\" y=\"611.7171428571429\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x4y12\"><rect x=\"80\" y=\"611.7171428571429\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x4y13\"><rect x=\"80\" y=\"467.8114285714287\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x4y14\"><rect x=\"80\" y=\"467.8114285714287\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x4y15\"><rect x=\"80\" y=\"467.8114285714287\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x4y16\"><rect x=\"80\" y=\"323.9057142857143\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x4y17\"><rect x=\"80\" y=\"323.9057142857143\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x4y18\"><rect x=\"80\" y=\"323.9057142857143\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x4y19\"><rect x=\"80\" y=\"180.0000000000001\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x4y20\"><rect x=\"80\" y=\"180.0000000000001\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x4y21\"><rect x=\"80\" y=\"180.0000000000001\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x5\"><rect x=\"349.66666666666663\" y=\"0\" width=\"253.48666666666665\" height=\"1200\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x5y\"><rect x=\"349.66666666666663\" y=\"1043.4342857142858\" width=\"253.48666666666665\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x5y2\"><rect x=\"349.66666666666663\" y=\"1043.4342857142858\" width=\"253.48666666666665\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x5y3\"><rect x=\"349.66666666666663\" y=\"1043.4342857142858\" width=\"253.48666666666665\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x5y4\"><rect x=\"349.66666666666663\" y=\"899.5285714285715\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x5y5\"><rect x=\"349.66666666666663\" y=\"899.5285714285715\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x5y6\"><rect x=\"349.66666666666663\" y=\"899.5285714285715\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x5y7\"><rect x=\"349.66666666666663\" y=\"755.6228571428571\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x5y8\"><rect x=\"349.66666666666663\" y=\"755.6228571428571\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x5y9\"><rect x=\"349.66666666666663\" y=\"755.6228571428571\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x5y10\"><rect x=\"349.66666666666663\" y=\"611.7171428571429\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x5y11\"><rect x=\"349.66666666666663\" y=\"611.7171428571429\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x5y12\"><rect x=\"349.66666666666663\" y=\"611.7171428571429\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x5y13\"><rect x=\"349.66666666666663\" y=\"467.8114285714287\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x5y14\"><rect x=\"349.66666666666663\" y=\"467.8114285714287\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x5y15\"><rect x=\"349.66666666666663\" y=\"467.8114285714287\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x5y16\"><rect x=\"349.66666666666663\" y=\"323.9057142857143\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x5y17\"><rect x=\"349.66666666666663\" y=\"323.9057142857143\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x5y18\"><rect x=\"349.66666666666663\" y=\"323.9057142857143\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x5y19\"><rect x=\"349.66666666666663\" y=\"180.0000000000001\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x5y20\"><rect x=\"349.66666666666663\" y=\"180.0000000000001\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x5y21\"><rect x=\"349.66666666666663\" y=\"180.0000000000001\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x6\"><rect x=\"619.3333333333333\" y=\"0\" width=\"253.48666666666668\" height=\"1200\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x6y\"><rect x=\"619.3333333333333\" y=\"1043.4342857142858\" width=\"253.48666666666668\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x6y2\"><rect x=\"619.3333333333333\" y=\"1043.4342857142858\" width=\"253.48666666666668\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x6y3\"><rect x=\"619.3333333333333\" y=\"1043.4342857142858\" width=\"253.48666666666668\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x6y4\"><rect x=\"619.3333333333333\" y=\"899.5285714285715\" width=\"253.48666666666668\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x6y5\"><rect x=\"619.3333333333333\" y=\"899.5285714285715\" width=\"253.48666666666668\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x6y6\"><rect x=\"619.3333333333333\" y=\"899.5285714285715\" width=\"253.48666666666668\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x6y7\"><rect x=\"619.3333333333333\" y=\"755.6228571428571\" width=\"253.48666666666668\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x6y8\"><rect x=\"619.3333333333333\" y=\"755.6228571428571\" width=\"253.48666666666668\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x6y9\"><rect x=\"619.3333333333333\" y=\"755.6228571428571\" width=\"253.48666666666668\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x6y10\"><rect x=\"619.3333333333333\" y=\"611.7171428571429\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x6y11\"><rect x=\"619.3333333333333\" y=\"611.7171428571429\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x6y12\"><rect x=\"619.3333333333333\" y=\"611.7171428571429\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x6y13\"><rect x=\"619.3333333333333\" y=\"467.8114285714287\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x6y14\"><rect x=\"619.3333333333333\" y=\"467.8114285714287\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x6y15\"><rect x=\"619.3333333333333\" y=\"467.8114285714287\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x6y16\"><rect x=\"619.3333333333333\" y=\"323.9057142857143\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x6y17\"><rect x=\"619.3333333333333\" y=\"323.9057142857143\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x6y18\"><rect x=\"619.3333333333333\" y=\"323.9057142857143\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x6y19\"><rect x=\"619.3333333333333\" y=\"180.0000000000001\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x6y20\"><rect x=\"619.3333333333333\" y=\"180.0000000000001\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x6y21\"><rect x=\"619.3333333333333\" y=\"180.0000000000001\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x7\"><rect x=\"80\" y=\"0\" width=\"253.48666666666665\" height=\"1200\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x7y\"><rect x=\"80\" y=\"1043.4342857142858\" width=\"253.48666666666665\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x7y2\"><rect x=\"80\" y=\"1043.4342857142858\" width=\"253.48666666666665\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x7y3\"><rect x=\"80\" y=\"1043.4342857142858\" width=\"253.48666666666665\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x7y4\"><rect x=\"80\" y=\"899.5285714285715\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x7y5\"><rect x=\"80\" y=\"899.5285714285715\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x7y6\"><rect x=\"80\" y=\"899.5285714285715\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x7y7\"><rect x=\"80\" y=\"755.6228571428571\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x7y8\"><rect x=\"80\" y=\"755.6228571428571\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x7y9\"><rect x=\"80\" y=\"755.6228571428571\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x7y10\"><rect x=\"80\" y=\"611.7171428571429\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x7y11\"><rect x=\"80\" y=\"611.7171428571429\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x7y12\"><rect x=\"80\" y=\"611.7171428571429\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x7y13\"><rect x=\"80\" y=\"467.8114285714287\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x7y14\"><rect x=\"80\" y=\"467.8114285714287\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x7y15\"><rect x=\"80\" y=\"467.8114285714287\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x7y16\"><rect x=\"80\" y=\"323.9057142857143\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x7y17\"><rect x=\"80\" y=\"323.9057142857143\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x7y18\"><rect x=\"80\" y=\"323.9057142857143\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x7y19\"><rect x=\"80\" y=\"180.0000000000001\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x7y20\"><rect x=\"80\" y=\"180.0000000000001\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x7y21\"><rect x=\"80\" y=\"180.0000000000001\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x8\"><rect x=\"349.66666666666663\" y=\"0\" width=\"253.48666666666665\" height=\"1200\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x8y\"><rect x=\"349.66666666666663\" y=\"1043.4342857142858\" width=\"253.48666666666665\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x8y2\"><rect x=\"349.66666666666663\" y=\"1043.4342857142858\" width=\"253.48666666666665\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x8y3\"><rect x=\"349.66666666666663\" y=\"1043.4342857142858\" width=\"253.48666666666665\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x8y4\"><rect x=\"349.66666666666663\" y=\"899.5285714285715\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x8y5\"><rect x=\"349.66666666666663\" y=\"899.5285714285715\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x8y6\"><rect x=\"349.66666666666663\" y=\"899.5285714285715\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x8y7\"><rect x=\"349.66666666666663\" y=\"755.6228571428571\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x8y8\"><rect x=\"349.66666666666663\" y=\"755.6228571428571\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x8y9\"><rect x=\"349.66666666666663\" y=\"755.6228571428571\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x8y10\"><rect x=\"349.66666666666663\" y=\"611.7171428571429\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x8y11\"><rect x=\"349.66666666666663\" y=\"611.7171428571429\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x8y12\"><rect x=\"349.66666666666663\" y=\"611.7171428571429\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x8y13\"><rect x=\"349.66666666666663\" y=\"467.8114285714287\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x8y14\"><rect x=\"349.66666666666663\" y=\"467.8114285714287\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x8y15\"><rect x=\"349.66666666666663\" y=\"467.8114285714287\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x8y16\"><rect x=\"349.66666666666663\" y=\"323.9057142857143\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x8y17\"><rect x=\"349.66666666666663\" y=\"323.9057142857143\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x8y18\"><rect x=\"349.66666666666663\" y=\"323.9057142857143\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x8y19\"><rect x=\"349.66666666666663\" y=\"180.0000000000001\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x8y20\"><rect x=\"349.66666666666663\" y=\"180.0000000000001\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x8y21\"><rect x=\"349.66666666666663\" y=\"180.0000000000001\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x9\"><rect x=\"619.3333333333333\" y=\"0\" width=\"253.48666666666668\" height=\"1200\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x9y\"><rect x=\"619.3333333333333\" y=\"1043.4342857142858\" width=\"253.48666666666668\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x9y2\"><rect x=\"619.3333333333333\" y=\"1043.4342857142858\" width=\"253.48666666666668\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x9y3\"><rect x=\"619.3333333333333\" y=\"1043.4342857142858\" width=\"253.48666666666668\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x9y4\"><rect x=\"619.3333333333333\" y=\"899.5285714285715\" width=\"253.48666666666668\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x9y5\"><rect x=\"619.3333333333333\" y=\"899.5285714285715\" width=\"253.48666666666668\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x9y6\"><rect x=\"619.3333333333333\" y=\"899.5285714285715\" width=\"253.48666666666668\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x9y7\"><rect x=\"619.3333333333333\" y=\"755.6228571428571\" width=\"253.48666666666668\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x9y8\"><rect x=\"619.3333333333333\" y=\"755.6228571428571\" width=\"253.48666666666668\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x9y9\"><rect x=\"619.3333333333333\" y=\"755.6228571428571\" width=\"253.48666666666668\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x9y10\"><rect x=\"619.3333333333333\" y=\"611.7171428571429\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x9y11\"><rect x=\"619.3333333333333\" y=\"611.7171428571429\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x9y12\"><rect x=\"619.3333333333333\" y=\"611.7171428571429\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x9y13\"><rect x=\"619.3333333333333\" y=\"467.8114285714287\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x9y14\"><rect x=\"619.3333333333333\" y=\"467.8114285714287\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x9y15\"><rect x=\"619.3333333333333\" y=\"467.8114285714287\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x9y16\"><rect x=\"619.3333333333333\" y=\"323.9057142857143\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x9y17\"><rect x=\"619.3333333333333\" y=\"323.9057142857143\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x9y18\"><rect x=\"619.3333333333333\" y=\"323.9057142857143\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x9y19\"><rect x=\"619.3333333333333\" y=\"180.0000000000001\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x9y20\"><rect x=\"619.3333333333333\" y=\"180.0000000000001\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x9y21\"><rect x=\"619.3333333333333\" y=\"180.0000000000001\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x10\"><rect x=\"80\" y=\"0\" width=\"253.48666666666665\" height=\"1200\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x10y\"><rect x=\"80\" y=\"1043.4342857142858\" width=\"253.48666666666665\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x10y2\"><rect x=\"80\" y=\"1043.4342857142858\" width=\"253.48666666666665\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x10y3\"><rect x=\"80\" y=\"1043.4342857142858\" width=\"253.48666666666665\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x10y4\"><rect x=\"80\" y=\"899.5285714285715\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x10y5\"><rect x=\"80\" y=\"899.5285714285715\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x10y6\"><rect x=\"80\" y=\"899.5285714285715\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x10y7\"><rect x=\"80\" y=\"755.6228571428571\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x10y8\"><rect x=\"80\" y=\"755.6228571428571\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x10y9\"><rect x=\"80\" y=\"755.6228571428571\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x10y10\"><rect x=\"80\" y=\"611.7171428571429\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x10y11\"><rect x=\"80\" y=\"611.7171428571429\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x10y12\"><rect x=\"80\" y=\"611.7171428571429\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x10y13\"><rect x=\"80\" y=\"467.8114285714287\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x10y14\"><rect x=\"80\" y=\"467.8114285714287\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x10y15\"><rect x=\"80\" y=\"467.8114285714287\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x10y16\"><rect x=\"80\" y=\"323.9057142857143\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x10y17\"><rect x=\"80\" y=\"323.9057142857143\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x10y18\"><rect x=\"80\" y=\"323.9057142857143\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x10y19\"><rect x=\"80\" y=\"180.0000000000001\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x10y20\"><rect x=\"80\" y=\"180.0000000000001\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x10y21\"><rect x=\"80\" y=\"180.0000000000001\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x11\"><rect x=\"349.66666666666663\" y=\"0\" width=\"253.48666666666665\" height=\"1200\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x11y\"><rect x=\"349.66666666666663\" y=\"1043.4342857142858\" width=\"253.48666666666665\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x11y2\"><rect x=\"349.66666666666663\" y=\"1043.4342857142858\" width=\"253.48666666666665\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x11y3\"><rect x=\"349.66666666666663\" y=\"1043.4342857142858\" width=\"253.48666666666665\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x11y4\"><rect x=\"349.66666666666663\" y=\"899.5285714285715\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x11y5\"><rect x=\"349.66666666666663\" y=\"899.5285714285715\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x11y6\"><rect x=\"349.66666666666663\" y=\"899.5285714285715\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x11y7\"><rect x=\"349.66666666666663\" y=\"755.6228571428571\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x11y8\"><rect x=\"349.66666666666663\" y=\"755.6228571428571\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x11y9\"><rect x=\"349.66666666666663\" y=\"755.6228571428571\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x11y10\"><rect x=\"349.66666666666663\" y=\"611.7171428571429\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x11y11\"><rect x=\"349.66666666666663\" y=\"611.7171428571429\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x11y12\"><rect x=\"349.66666666666663\" y=\"611.7171428571429\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x11y13\"><rect x=\"349.66666666666663\" y=\"467.8114285714287\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x11y14\"><rect x=\"349.66666666666663\" y=\"467.8114285714287\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x11y15\"><rect x=\"349.66666666666663\" y=\"467.8114285714287\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x11y16\"><rect x=\"349.66666666666663\" y=\"323.9057142857143\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x11y17\"><rect x=\"349.66666666666663\" y=\"323.9057142857143\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x11y18\"><rect x=\"349.66666666666663\" y=\"323.9057142857143\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x11y19\"><rect x=\"349.66666666666663\" y=\"180.0000000000001\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x11y20\"><rect x=\"349.66666666666663\" y=\"180.0000000000001\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x11y21\"><rect x=\"349.66666666666663\" y=\"180.0000000000001\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x12\"><rect x=\"619.3333333333333\" y=\"0\" width=\"253.48666666666668\" height=\"1200\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x12y\"><rect x=\"619.3333333333333\" y=\"1043.4342857142858\" width=\"253.48666666666668\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x12y2\"><rect x=\"619.3333333333333\" y=\"1043.4342857142858\" width=\"253.48666666666668\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x12y3\"><rect x=\"619.3333333333333\" y=\"1043.4342857142858\" width=\"253.48666666666668\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x12y4\"><rect x=\"619.3333333333333\" y=\"899.5285714285715\" width=\"253.48666666666668\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x12y5\"><rect x=\"619.3333333333333\" y=\"899.5285714285715\" width=\"253.48666666666668\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x12y6\"><rect x=\"619.3333333333333\" y=\"899.5285714285715\" width=\"253.48666666666668\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x12y7\"><rect x=\"619.3333333333333\" y=\"755.6228571428571\" width=\"253.48666666666668\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x12y8\"><rect x=\"619.3333333333333\" y=\"755.6228571428571\" width=\"253.48666666666668\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x12y9\"><rect x=\"619.3333333333333\" y=\"755.6228571428571\" width=\"253.48666666666668\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x12y10\"><rect x=\"619.3333333333333\" y=\"611.7171428571429\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x12y11\"><rect x=\"619.3333333333333\" y=\"611.7171428571429\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x12y12\"><rect x=\"619.3333333333333\" y=\"611.7171428571429\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x12y13\"><rect x=\"619.3333333333333\" y=\"467.8114285714287\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x12y14\"><rect x=\"619.3333333333333\" y=\"467.8114285714287\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x12y15\"><rect x=\"619.3333333333333\" y=\"467.8114285714287\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x12y16\"><rect x=\"619.3333333333333\" y=\"323.9057142857143\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x12y17\"><rect x=\"619.3333333333333\" y=\"323.9057142857143\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x12y18\"><rect x=\"619.3333333333333\" y=\"323.9057142857143\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x12y19\"><rect x=\"619.3333333333333\" y=\"180.0000000000001\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x12y20\"><rect x=\"619.3333333333333\" y=\"180.0000000000001\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x12y21\"><rect x=\"619.3333333333333\" y=\"180.0000000000001\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x13\"><rect x=\"80\" y=\"0\" width=\"253.48666666666665\" height=\"1200\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x13y\"><rect x=\"80\" y=\"1043.4342857142858\" width=\"253.48666666666665\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x13y2\"><rect x=\"80\" y=\"1043.4342857142858\" width=\"253.48666666666665\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x13y3\"><rect x=\"80\" y=\"1043.4342857142858\" width=\"253.48666666666665\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x13y4\"><rect x=\"80\" y=\"899.5285714285715\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x13y5\"><rect x=\"80\" y=\"899.5285714285715\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x13y6\"><rect x=\"80\" y=\"899.5285714285715\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x13y7\"><rect x=\"80\" y=\"755.6228571428571\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x13y8\"><rect x=\"80\" y=\"755.6228571428571\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x13y9\"><rect x=\"80\" y=\"755.6228571428571\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x13y10\"><rect x=\"80\" y=\"611.7171428571429\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x13y11\"><rect x=\"80\" y=\"611.7171428571429\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x13y12\"><rect x=\"80\" y=\"611.7171428571429\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x13y13\"><rect x=\"80\" y=\"467.8114285714287\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x13y14\"><rect x=\"80\" y=\"467.8114285714287\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x13y15\"><rect x=\"80\" y=\"467.8114285714287\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x13y16\"><rect x=\"80\" y=\"323.9057142857143\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x13y17\"><rect x=\"80\" y=\"323.9057142857143\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x13y18\"><rect x=\"80\" y=\"323.9057142857143\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x13y19\"><rect x=\"80\" y=\"180.0000000000001\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x13y20\"><rect x=\"80\" y=\"180.0000000000001\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x13y21\"><rect x=\"80\" y=\"180.0000000000001\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x14\"><rect x=\"349.66666666666663\" y=\"0\" width=\"253.48666666666665\" height=\"1200\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x14y\"><rect x=\"349.66666666666663\" y=\"1043.4342857142858\" width=\"253.48666666666665\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x14y2\"><rect x=\"349.66666666666663\" y=\"1043.4342857142858\" width=\"253.48666666666665\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x14y3\"><rect x=\"349.66666666666663\" y=\"1043.4342857142858\" width=\"253.48666666666665\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x14y4\"><rect x=\"349.66666666666663\" y=\"899.5285714285715\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x14y5\"><rect x=\"349.66666666666663\" y=\"899.5285714285715\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x14y6\"><rect x=\"349.66666666666663\" y=\"899.5285714285715\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x14y7\"><rect x=\"349.66666666666663\" y=\"755.6228571428571\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x14y8\"><rect x=\"349.66666666666663\" y=\"755.6228571428571\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x14y9\"><rect x=\"349.66666666666663\" y=\"755.6228571428571\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x14y10\"><rect x=\"349.66666666666663\" y=\"611.7171428571429\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x14y11\"><rect x=\"349.66666666666663\" y=\"611.7171428571429\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x14y12\"><rect x=\"349.66666666666663\" y=\"611.7171428571429\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x14y13\"><rect x=\"349.66666666666663\" y=\"467.8114285714287\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x14y14\"><rect x=\"349.66666666666663\" y=\"467.8114285714287\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x14y15\"><rect x=\"349.66666666666663\" y=\"467.8114285714287\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x14y16\"><rect x=\"349.66666666666663\" y=\"323.9057142857143\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x14y17\"><rect x=\"349.66666666666663\" y=\"323.9057142857143\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x14y18\"><rect x=\"349.66666666666663\" y=\"323.9057142857143\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x14y19\"><rect x=\"349.66666666666663\" y=\"180.0000000000001\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x14y20\"><rect x=\"349.66666666666663\" y=\"180.0000000000001\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x14y21\"><rect x=\"349.66666666666663\" y=\"180.0000000000001\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x15\"><rect x=\"619.3333333333333\" y=\"0\" width=\"253.48666666666668\" height=\"1200\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x15y\"><rect x=\"619.3333333333333\" y=\"1043.4342857142858\" width=\"253.48666666666668\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x15y2\"><rect x=\"619.3333333333333\" y=\"1043.4342857142858\" width=\"253.48666666666668\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x15y3\"><rect x=\"619.3333333333333\" y=\"1043.4342857142858\" width=\"253.48666666666668\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x15y4\"><rect x=\"619.3333333333333\" y=\"899.5285714285715\" width=\"253.48666666666668\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x15y5\"><rect x=\"619.3333333333333\" y=\"899.5285714285715\" width=\"253.48666666666668\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x15y6\"><rect x=\"619.3333333333333\" y=\"899.5285714285715\" width=\"253.48666666666668\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x15y7\"><rect x=\"619.3333333333333\" y=\"755.6228571428571\" width=\"253.48666666666668\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x15y8\"><rect x=\"619.3333333333333\" y=\"755.6228571428571\" width=\"253.48666666666668\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x15y9\"><rect x=\"619.3333333333333\" y=\"755.6228571428571\" width=\"253.48666666666668\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x15y10\"><rect x=\"619.3333333333333\" y=\"611.7171428571429\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x15y11\"><rect x=\"619.3333333333333\" y=\"611.7171428571429\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x15y12\"><rect x=\"619.3333333333333\" y=\"611.7171428571429\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x15y13\"><rect x=\"619.3333333333333\" y=\"467.8114285714287\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x15y14\"><rect x=\"619.3333333333333\" y=\"467.8114285714287\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x15y15\"><rect x=\"619.3333333333333\" y=\"467.8114285714287\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x15y16\"><rect x=\"619.3333333333333\" y=\"323.9057142857143\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x15y17\"><rect x=\"619.3333333333333\" y=\"323.9057142857143\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x15y18\"><rect x=\"619.3333333333333\" y=\"323.9057142857143\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x15y19\"><rect x=\"619.3333333333333\" y=\"180.0000000000001\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x15y20\"><rect x=\"619.3333333333333\" y=\"180.0000000000001\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x15y21\"><rect x=\"619.3333333333333\" y=\"180.0000000000001\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x16\"><rect x=\"80\" y=\"0\" width=\"253.48666666666665\" height=\"1200\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x16y\"><rect x=\"80\" y=\"1043.4342857142858\" width=\"253.48666666666665\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x16y2\"><rect x=\"80\" y=\"1043.4342857142858\" width=\"253.48666666666665\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x16y3\"><rect x=\"80\" y=\"1043.4342857142858\" width=\"253.48666666666665\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x16y4\"><rect x=\"80\" y=\"899.5285714285715\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x16y5\"><rect x=\"80\" y=\"899.5285714285715\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x16y6\"><rect x=\"80\" y=\"899.5285714285715\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x16y7\"><rect x=\"80\" y=\"755.6228571428571\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x16y8\"><rect x=\"80\" y=\"755.6228571428571\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x16y9\"><rect x=\"80\" y=\"755.6228571428571\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x16y10\"><rect x=\"80\" y=\"611.7171428571429\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x16y11\"><rect x=\"80\" y=\"611.7171428571429\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x16y12\"><rect x=\"80\" y=\"611.7171428571429\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x16y13\"><rect x=\"80\" y=\"467.8114285714287\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x16y14\"><rect x=\"80\" y=\"467.8114285714287\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x16y15\"><rect x=\"80\" y=\"467.8114285714287\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x16y16\"><rect x=\"80\" y=\"323.9057142857143\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x16y17\"><rect x=\"80\" y=\"323.9057142857143\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x16y18\"><rect x=\"80\" y=\"323.9057142857143\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x16y19\"><rect x=\"80\" y=\"180.0000000000001\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x16y20\"><rect x=\"80\" y=\"180.0000000000001\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x16y21\"><rect x=\"80\" y=\"180.0000000000001\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x17\"><rect x=\"349.66666666666663\" y=\"0\" width=\"253.48666666666665\" height=\"1200\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x17y\"><rect x=\"349.66666666666663\" y=\"1043.4342857142858\" width=\"253.48666666666665\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x17y2\"><rect x=\"349.66666666666663\" y=\"1043.4342857142858\" width=\"253.48666666666665\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x17y3\"><rect x=\"349.66666666666663\" y=\"1043.4342857142858\" width=\"253.48666666666665\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x17y4\"><rect x=\"349.66666666666663\" y=\"899.5285714285715\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x17y5\"><rect x=\"349.66666666666663\" y=\"899.5285714285715\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x17y6\"><rect x=\"349.66666666666663\" y=\"899.5285714285715\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x17y7\"><rect x=\"349.66666666666663\" y=\"755.6228571428571\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x17y8\"><rect x=\"349.66666666666663\" y=\"755.6228571428571\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x17y9\"><rect x=\"349.66666666666663\" y=\"755.6228571428571\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x17y10\"><rect x=\"349.66666666666663\" y=\"611.7171428571429\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x17y11\"><rect x=\"349.66666666666663\" y=\"611.7171428571429\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x17y12\"><rect x=\"349.66666666666663\" y=\"611.7171428571429\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x17y13\"><rect x=\"349.66666666666663\" y=\"467.8114285714287\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x17y14\"><rect x=\"349.66666666666663\" y=\"467.8114285714287\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x17y15\"><rect x=\"349.66666666666663\" y=\"467.8114285714287\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x17y16\"><rect x=\"349.66666666666663\" y=\"323.9057142857143\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x17y17\"><rect x=\"349.66666666666663\" y=\"323.9057142857143\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x17y18\"><rect x=\"349.66666666666663\" y=\"323.9057142857143\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x17y19\"><rect x=\"349.66666666666663\" y=\"180.0000000000001\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x17y20\"><rect x=\"349.66666666666663\" y=\"180.0000000000001\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x17y21\"><rect x=\"349.66666666666663\" y=\"180.0000000000001\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x18\"><rect x=\"619.3333333333333\" y=\"0\" width=\"253.48666666666668\" height=\"1200\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x18y\"><rect x=\"619.3333333333333\" y=\"1043.4342857142858\" width=\"253.48666666666668\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x18y2\"><rect x=\"619.3333333333333\" y=\"1043.4342857142858\" width=\"253.48666666666668\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x18y3\"><rect x=\"619.3333333333333\" y=\"1043.4342857142858\" width=\"253.48666666666668\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x18y4\"><rect x=\"619.3333333333333\" y=\"899.5285714285715\" width=\"253.48666666666668\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x18y5\"><rect x=\"619.3333333333333\" y=\"899.5285714285715\" width=\"253.48666666666668\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x18y6\"><rect x=\"619.3333333333333\" y=\"899.5285714285715\" width=\"253.48666666666668\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x18y7\"><rect x=\"619.3333333333333\" y=\"755.6228571428571\" width=\"253.48666666666668\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x18y8\"><rect x=\"619.3333333333333\" y=\"755.6228571428571\" width=\"253.48666666666668\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x18y9\"><rect x=\"619.3333333333333\" y=\"755.6228571428571\" width=\"253.48666666666668\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x18y10\"><rect x=\"619.3333333333333\" y=\"611.7171428571429\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x18y11\"><rect x=\"619.3333333333333\" y=\"611.7171428571429\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x18y12\"><rect x=\"619.3333333333333\" y=\"611.7171428571429\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x18y13\"><rect x=\"619.3333333333333\" y=\"467.8114285714287\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x18y14\"><rect x=\"619.3333333333333\" y=\"467.8114285714287\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x18y15\"><rect x=\"619.3333333333333\" y=\"467.8114285714287\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x18y16\"><rect x=\"619.3333333333333\" y=\"323.9057142857143\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x18y17\"><rect x=\"619.3333333333333\" y=\"323.9057142857143\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x18y18\"><rect x=\"619.3333333333333\" y=\"323.9057142857143\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x18y19\"><rect x=\"619.3333333333333\" y=\"180.0000000000001\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x18y20\"><rect x=\"619.3333333333333\" y=\"180.0000000000001\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x18y21\"><rect x=\"619.3333333333333\" y=\"180.0000000000001\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x19\"><rect x=\"80\" y=\"0\" width=\"253.48666666666665\" height=\"1200\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x19y\"><rect x=\"80\" y=\"1043.4342857142858\" width=\"253.48666666666665\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x19y2\"><rect x=\"80\" y=\"1043.4342857142858\" width=\"253.48666666666665\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x19y3\"><rect x=\"80\" y=\"1043.4342857142858\" width=\"253.48666666666665\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x19y4\"><rect x=\"80\" y=\"899.5285714285715\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x19y5\"><rect x=\"80\" y=\"899.5285714285715\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x19y6\"><rect x=\"80\" y=\"899.5285714285715\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x19y7\"><rect x=\"80\" y=\"755.6228571428571\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x19y8\"><rect x=\"80\" y=\"755.6228571428571\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x19y9\"><rect x=\"80\" y=\"755.6228571428571\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x19y10\"><rect x=\"80\" y=\"611.7171428571429\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x19y11\"><rect x=\"80\" y=\"611.7171428571429\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x19y12\"><rect x=\"80\" y=\"611.7171428571429\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x19y13\"><rect x=\"80\" y=\"467.8114285714287\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x19y14\"><rect x=\"80\" y=\"467.8114285714287\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x19y15\"><rect x=\"80\" y=\"467.8114285714287\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x19y16\"><rect x=\"80\" y=\"323.9057142857143\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x19y17\"><rect x=\"80\" y=\"323.9057142857143\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x19y18\"><rect x=\"80\" y=\"323.9057142857143\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x19y19\"><rect x=\"80\" y=\"180.0000000000001\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x19y20\"><rect x=\"80\" y=\"180.0000000000001\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x19y21\"><rect x=\"80\" y=\"180.0000000000001\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x20\"><rect x=\"349.66666666666663\" y=\"0\" width=\"253.48666666666665\" height=\"1200\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x20y\"><rect x=\"349.66666666666663\" y=\"1043.4342857142858\" width=\"253.48666666666665\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x20y2\"><rect x=\"349.66666666666663\" y=\"1043.4342857142858\" width=\"253.48666666666665\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x20y3\"><rect x=\"349.66666666666663\" y=\"1043.4342857142858\" width=\"253.48666666666665\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x20y4\"><rect x=\"349.66666666666663\" y=\"899.5285714285715\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x20y5\"><rect x=\"349.66666666666663\" y=\"899.5285714285715\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x20y6\"><rect x=\"349.66666666666663\" y=\"899.5285714285715\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x20y7\"><rect x=\"349.66666666666663\" y=\"755.6228571428571\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x20y8\"><rect x=\"349.66666666666663\" y=\"755.6228571428571\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x20y9\"><rect x=\"349.66666666666663\" y=\"755.6228571428571\" width=\"253.48666666666665\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x20y10\"><rect x=\"349.66666666666663\" y=\"611.7171428571429\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x20y11\"><rect x=\"349.66666666666663\" y=\"611.7171428571429\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x20y12\"><rect x=\"349.66666666666663\" y=\"611.7171428571429\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x20y13\"><rect x=\"349.66666666666663\" y=\"467.8114285714287\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x20y14\"><rect x=\"349.66666666666663\" y=\"467.8114285714287\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x20y15\"><rect x=\"349.66666666666663\" y=\"467.8114285714287\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x20y16\"><rect x=\"349.66666666666663\" y=\"323.9057142857143\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x20y17\"><rect x=\"349.66666666666663\" y=\"323.9057142857143\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x20y18\"><rect x=\"349.66666666666663\" y=\"323.9057142857143\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x20y19\"><rect x=\"349.66666666666663\" y=\"180.0000000000001\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x20y20\"><rect x=\"349.66666666666663\" y=\"180.0000000000001\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x20y21\"><rect x=\"349.66666666666663\" y=\"180.0000000000001\" width=\"253.48666666666665\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x21\"><rect x=\"619.3333333333333\" y=\"0\" width=\"253.48666666666668\" height=\"1200\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x21y\"><rect x=\"619.3333333333333\" y=\"1043.4342857142858\" width=\"253.48666666666668\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x21y2\"><rect x=\"619.3333333333333\" y=\"1043.4342857142858\" width=\"253.48666666666668\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x21y3\"><rect x=\"619.3333333333333\" y=\"1043.4342857142858\" width=\"253.48666666666668\" height=\"114.5657142857143\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x21y4\"><rect x=\"619.3333333333333\" y=\"899.5285714285715\" width=\"253.48666666666668\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x21y5\"><rect x=\"619.3333333333333\" y=\"899.5285714285715\" width=\"253.48666666666668\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x21y6\"><rect x=\"619.3333333333333\" y=\"899.5285714285715\" width=\"253.48666666666668\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x21y7\"><rect x=\"619.3333333333333\" y=\"755.6228571428571\" width=\"253.48666666666668\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x21y8\"><rect x=\"619.3333333333333\" y=\"755.6228571428571\" width=\"253.48666666666668\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x21y9\"><rect x=\"619.3333333333333\" y=\"755.6228571428571\" width=\"253.48666666666668\" height=\"114.56571428571431\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x21y10\"><rect x=\"619.3333333333333\" y=\"611.7171428571429\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x21y11\"><rect x=\"619.3333333333333\" y=\"611.7171428571429\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x21y12\"><rect x=\"619.3333333333333\" y=\"611.7171428571429\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x21y13\"><rect x=\"619.3333333333333\" y=\"467.8114285714287\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x21y14\"><rect x=\"619.3333333333333\" y=\"467.8114285714287\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x21y15\"><rect x=\"619.3333333333333\" y=\"467.8114285714287\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x21y16\"><rect x=\"619.3333333333333\" y=\"323.9057142857143\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x21y17\"><rect x=\"619.3333333333333\" y=\"323.9057142857143\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x21y18\"><rect x=\"619.3333333333333\" y=\"323.9057142857143\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x21y19\"><rect x=\"619.3333333333333\" y=\"180.0000000000001\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x21y20\"><rect x=\"619.3333333333333\" y=\"180.0000000000001\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath><clipPath class=\"axesclip\" id=\"clipeefd88x21y21\"><rect x=\"619.3333333333333\" y=\"180.0000000000001\" width=\"253.48666666666668\" height=\"114.56571428571425\"/></clipPath></g><g class=\"gradients\"/><g class=\"patterns\"/></defs><g class=\"bglayer\"><rect class=\"bg\" x=\"80\" y=\"1043.4342857142858\" width=\"253.48666666666665\" height=\"114.5657142857143\" style=\"fill: rgb(229, 236, 246); fill-opacity: 1; stroke-width: 0;\"/><rect class=\"bg\" x=\"349.66666666666663\" y=\"1043.4342857142858\" width=\"253.48666666666665\" height=\"114.5657142857143\" style=\"fill: rgb(229, 236, 246); fill-opacity: 1; stroke-width: 0;\"/><rect class=\"bg\" x=\"619.3333333333333\" y=\"1043.4342857142858\" width=\"253.48666666666668\" height=\"114.5657142857143\" style=\"fill: rgb(229, 236, 246); fill-opacity: 1; stroke-width: 0;\"/><rect class=\"bg\" x=\"80\" y=\"899.5285714285715\" width=\"253.48666666666665\" height=\"114.56571428571431\" style=\"fill: rgb(229, 236, 246); fill-opacity: 1; stroke-width: 0;\"/><rect class=\"bg\" x=\"349.66666666666663\" y=\"899.5285714285715\" width=\"253.48666666666665\" height=\"114.56571428571431\" style=\"fill: rgb(229, 236, 246); fill-opacity: 1; stroke-width: 0;\"/><rect class=\"bg\" x=\"619.3333333333333\" y=\"899.5285714285715\" width=\"253.48666666666668\" height=\"114.56571428571431\" style=\"fill: rgb(229, 236, 246); fill-opacity: 1; stroke-width: 0;\"/><rect class=\"bg\" x=\"80\" y=\"755.6228571428571\" width=\"253.48666666666665\" height=\"114.56571428571431\" style=\"fill: rgb(229, 236, 246); fill-opacity: 1; stroke-width: 0;\"/><rect class=\"bg\" x=\"349.66666666666663\" y=\"755.6228571428571\" width=\"253.48666666666665\" height=\"114.56571428571431\" style=\"fill: rgb(229, 236, 246); fill-opacity: 1; stroke-width: 0;\"/><rect class=\"bg\" x=\"619.3333333333333\" y=\"755.6228571428571\" width=\"253.48666666666668\" height=\"114.56571428571431\" style=\"fill: rgb(229, 236, 246); fill-opacity: 1; stroke-width: 0;\"/><rect class=\"bg\" x=\"80\" y=\"611.7171428571429\" width=\"253.48666666666665\" height=\"114.56571428571425\" style=\"fill: rgb(229, 236, 246); fill-opacity: 1; stroke-width: 0;\"/><rect class=\"bg\" x=\"349.66666666666663\" y=\"611.7171428571429\" width=\"253.48666666666665\" height=\"114.56571428571425\" style=\"fill: rgb(229, 236, 246); fill-opacity: 1; stroke-width: 0;\"/><rect class=\"bg\" x=\"619.3333333333333\" y=\"611.7171428571429\" width=\"253.48666666666668\" height=\"114.56571428571425\" style=\"fill: rgb(229, 236, 246); fill-opacity: 1; stroke-width: 0;\"/><rect class=\"bg\" x=\"80\" y=\"467.8114285714287\" width=\"253.48666666666665\" height=\"114.56571428571425\" style=\"fill: rgb(229, 236, 246); fill-opacity: 1; stroke-width: 0;\"/><rect class=\"bg\" x=\"349.66666666666663\" y=\"467.8114285714287\" width=\"253.48666666666665\" height=\"114.56571428571425\" style=\"fill: rgb(229, 236, 246); fill-opacity: 1; stroke-width: 0;\"/><rect class=\"bg\" x=\"619.3333333333333\" y=\"467.8114285714287\" width=\"253.48666666666668\" height=\"114.56571428571425\" style=\"fill: rgb(229, 236, 246); fill-opacity: 1; stroke-width: 0;\"/><rect class=\"bg\" x=\"80\" y=\"323.9057142857143\" width=\"253.48666666666665\" height=\"114.56571428571425\" style=\"fill: rgb(229, 236, 246); fill-opacity: 1; stroke-width: 0;\"/><rect class=\"bg\" x=\"349.66666666666663\" y=\"323.9057142857143\" width=\"253.48666666666665\" height=\"114.56571428571425\" style=\"fill: rgb(229, 236, 246); fill-opacity: 1; stroke-width: 0;\"/><rect class=\"bg\" x=\"619.3333333333333\" y=\"323.9057142857143\" width=\"253.48666666666668\" height=\"114.56571428571425\" style=\"fill: rgb(229, 236, 246); fill-opacity: 1; stroke-width: 0;\"/><rect class=\"bg\" x=\"80\" y=\"180.0000000000001\" width=\"253.48666666666665\" height=\"114.56571428571425\" style=\"fill: rgb(229, 236, 246); fill-opacity: 1; stroke-width: 0;\"/><rect class=\"bg\" x=\"349.66666666666663\" y=\"180.0000000000001\" width=\"253.48666666666665\" height=\"114.56571428571425\" style=\"fill: rgb(229, 236, 246); fill-opacity: 1; stroke-width: 0;\"/><rect class=\"bg\" x=\"619.3333333333333\" y=\"180.0000000000001\" width=\"253.48666666666668\" height=\"114.56571428571425\" style=\"fill: rgb(229, 236, 246); fill-opacity: 1; stroke-width: 0;\"/></g><g class=\"layer-below\"><g class=\"imagelayer\"/><g class=\"shapelayer\"/></g><g class=\"cartesianlayer\"><g class=\"subplot xy\"><g class=\"layer-subplot\"><g class=\"shapelayer\"/><g class=\"imagelayer\"/></g><g class=\"minor-gridlayer\"><g class=\"x\"/><g class=\"y\"/></g><g class=\"gridlayer\"><g class=\"x\"><path class=\"xgrid crisp\" transform=\"translate(143.37,0)\" d=\"M0,1043.4342857142858v114.5657142857143\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"xgrid crisp\" transform=\"translate(206.74,0)\" d=\"M0,1043.4342857142858v114.5657142857143\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"xgrid crisp\" transform=\"translate(270.11,0)\" d=\"M0,1043.4342857142858v114.5657142857143\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g><g class=\"y\"><path class=\"ygrid crisp\" transform=\"translate(0,1112.1742857142858)\" d=\"M80,0h253.48666666666665\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"ygrid crisp\" transform=\"translate(0,1066.344285714286)\" d=\"M80,0h253.48666666666665\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g></g><g class=\"zerolinelayer\"><path class=\"yzl zl crisp\" transform=\"translate(0,1158.0042857142857)\" d=\"M80,0h253.48666666666665\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 2px;\"/></g><path class=\"xlines-below\"/><path class=\"ylines-below\"/><g class=\"overlines-below\"/><g class=\"xaxislayer-below\"/><g class=\"yaxislayer-below\"/><g class=\"overaxes-below\"/><g class=\"plot\" transform=\"translate(80,1043.4342857142858)\" clip-path=\"url(#clipeefd88xyplot)\"><g class=\"scatterlayer mlayer\"><g class=\"trace scatter traceee6082\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,114.57L63.37,113.67L126.74,111.43L190.11,107.41L253.49,49.23\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(99, 110, 250); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g><g class=\"trace scatter trace31685c\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,114.57L63.37,113.57L126.74,111.27L190.11,107.65L253.49,49.98\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(239, 85, 59); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g></g></g><g class=\"overplot\"/><path class=\"xlines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><path class=\"ylines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><g class=\"overlines-above\"/><g class=\"xaxislayer-above\"><g class=\"xtick\"><text text-anchor=\"middle\" x=\"0\" y=\"1171\" transform=\"translate(80,0)\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\">min</text></g><g class=\"xtick\"><text text-anchor=\"middle\" x=\"0\" y=\"1171\" transform=\"translate(143.37,0)\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\">25%</text></g><g class=\"xtick\"><text text-anchor=\"middle\" x=\"0\" y=\"1171\" transform=\"translate(206.74,0)\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\">50%</text></g><g class=\"xtick\"><text text-anchor=\"middle\" x=\"0\" y=\"1171\" transform=\"translate(270.11,0)\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\">75%</text></g><g class=\"xtick\"><text text-anchor=\"middle\" x=\"0\" y=\"1171\" transform=\"translate(333.49,0)\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\">max</text></g></g><g class=\"yaxislayer-above\"><g class=\"ytick\"><text text-anchor=\"end\" x=\"79\" y=\"4.199999999999999\" transform=\"translate(0,1158.0042857142857)\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\">0</text></g><g class=\"ytick\"><text text-anchor=\"end\" x=\"79\" y=\"4.199999999999999\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\" transform=\"translate(0,1112.1742857142858)\">0.2</text></g><g class=\"ytick\"><text text-anchor=\"end\" x=\"79\" y=\"4.199999999999999\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\" transform=\"translate(0,1066.344285714286)\">0.4</text></g></g><g class=\"overaxes-above\"/></g><g class=\"subplot x2y2\"><g class=\"layer-subplot\"><g class=\"shapelayer\"/><g class=\"imagelayer\"/></g><g class=\"minor-gridlayer\"><g class=\"x2\"/><g class=\"y2\"/></g><g class=\"gridlayer\"><g class=\"x2\"><path class=\"x2grid crisp\" transform=\"translate(413.03666666666663,0)\" d=\"M0,1043.4342857142858v114.5657142857143\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x2grid crisp\" transform=\"translate(476.40666666666664,0)\" d=\"M0,1043.4342857142858v114.5657142857143\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x2grid crisp\" transform=\"translate(539.7766666666666,0)\" d=\"M0,1043.4342857142858v114.5657142857143\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g><g class=\"y2\"><path class=\"y2grid crisp\" transform=\"translate(0,1112.1742857142858)\" d=\"M349.66666666666663,0h253.48666666666665\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"y2grid crisp\" transform=\"translate(0,1066.344285714286)\" d=\"M349.66666666666663,0h253.48666666666665\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g></g><g class=\"zerolinelayer\"><path class=\"y2zl zl crisp\" transform=\"translate(0,1158.0042857142857)\" d=\"M349.66666666666663,0h253.48666666666665\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 2px;\"/></g><path class=\"xlines-below\"/><path class=\"ylines-below\"/><g class=\"overlines-below\"/><g class=\"xaxislayer-below\"/><g class=\"yaxislayer-below\"/><g class=\"overaxes-below\"/><g class=\"plot\" transform=\"translate(349.66666666666663,1043.4342857142858)\" clip-path=\"url(#clipeefd88x2y2plot)\"><g class=\"scatterlayer mlayer\"><g class=\"trace scatter tracef6e402\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,114.57L63.37,113.67L126.74,111.43L190.11,107.41L253.49,49.23\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(99, 110, 250); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g><g class=\"trace scatter trace025997\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,114.57L63.37,113.57L126.74,111.47L190.11,107.76L253.49,49.98\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(239, 85, 59); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g></g></g><g class=\"overplot\"/><path class=\"xlines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><path class=\"ylines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><g class=\"overlines-above\"/><g class=\"xaxislayer-above\"><g class=\"x2tick\"><text text-anchor=\"middle\" x=\"0\" y=\"1171\" transform=\"translate(349.66666666666663,0)\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\">min</text></g><g class=\"x2tick\"><text text-anchor=\"middle\" x=\"0\" y=\"1171\" transform=\"translate(413.03666666666663,0)\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\">25%</text></g><g class=\"x2tick\"><text text-anchor=\"middle\" x=\"0\" y=\"1171\" transform=\"translate(476.40666666666664,0)\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\">50%</text></g><g class=\"x2tick\"><text text-anchor=\"middle\" x=\"0\" y=\"1171\" transform=\"translate(539.7766666666666,0)\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\">75%</text></g><g class=\"x2tick\"><text text-anchor=\"middle\" x=\"0\" y=\"1171\" transform=\"translate(603.1566666666666,0)\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\">max</text></g></g><g class=\"yaxislayer-above\"/><g class=\"overaxes-above\"/></g><g class=\"subplot x3y3\"><g class=\"layer-subplot\"><g class=\"shapelayer\"/><g class=\"imagelayer\"/></g><g class=\"minor-gridlayer\"><g class=\"x3\"/><g class=\"y3\"/></g><g class=\"gridlayer\"><g class=\"x3\"><path class=\"x3grid crisp\" transform=\"translate(682.7033333333333,0)\" d=\"M0,1043.4342857142858v114.5657142857143\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x3grid crisp\" transform=\"translate(746.0733333333333,0)\" d=\"M0,1043.4342857142858v114.5657142857143\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x3grid crisp\" transform=\"translate(809.4533333333333,0)\" d=\"M0,1043.4342857142858v114.5657142857143\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g><g class=\"y3\"><path class=\"y3grid crisp\" transform=\"translate(0,1112.1742857142858)\" d=\"M619.3333333333333,0h253.48666666666668\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"y3grid crisp\" transform=\"translate(0,1066.344285714286)\" d=\"M619.3333333333333,0h253.48666666666668\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g></g><g class=\"zerolinelayer\"><path class=\"y3zl zl crisp\" transform=\"translate(0,1158.0042857142857)\" d=\"M619.3333333333333,0h253.48666666666668\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 2px;\"/></g><path class=\"xlines-below\"/><path class=\"ylines-below\"/><g class=\"overlines-below\"/><g class=\"xaxislayer-below\"/><g class=\"yaxislayer-below\"/><g class=\"overaxes-below\"/><g class=\"plot\" transform=\"translate(619.3333333333333,1043.4342857142858)\" clip-path=\"url(#clipeefd88x3y3plot)\"><g class=\"scatterlayer mlayer\"><g class=\"trace scatter trace01d217\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,114.57L63.37,112.78L126.74,109.2L190.12,102.04L253.49,34.91\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(99, 110, 250); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g><g class=\"trace scatter tracecad953\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,114.57L63.37,113.03L126.74,107.85L190.12,101.48L253.49,14.6\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(239, 85, 59); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g></g></g><g class=\"overplot\"/><path class=\"xlines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><path class=\"ylines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><g class=\"overlines-above\"/><g class=\"xaxislayer-above\"><g class=\"x3tick\"><text text-anchor=\"middle\" x=\"0\" y=\"1171\" transform=\"translate(619.3333333333333,0)\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\">min</text></g><g class=\"x3tick\"><text text-anchor=\"middle\" x=\"0\" y=\"1171\" transform=\"translate(682.7033333333333,0)\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\">25%</text></g><g class=\"x3tick\"><text text-anchor=\"middle\" x=\"0\" y=\"1171\" transform=\"translate(746.0733333333333,0)\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\">50%</text></g><g class=\"x3tick\"><text text-anchor=\"middle\" x=\"0\" y=\"1171\" transform=\"translate(809.4533333333333,0)\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\">75%</text></g><g class=\"x3tick\"><text text-anchor=\"middle\" x=\"0\" y=\"1171\" transform=\"translate(872.8233333333333,0)\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\">max</text></g></g><g class=\"yaxislayer-above\"/><g class=\"overaxes-above\"/></g><g class=\"subplot x4y4\"><g class=\"layer-subplot\"><g class=\"shapelayer\"/><g class=\"imagelayer\"/></g><g class=\"minor-gridlayer\"><g class=\"x4\"/><g class=\"y4\"/></g><g class=\"gridlayer\"><g class=\"x4\"><path class=\"x4grid crisp\" transform=\"translate(143.37,0)\" d=\"M0,899.5285714285715v114.56571428571431\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x4grid crisp\" transform=\"translate(206.74,0)\" d=\"M0,899.5285714285715v114.56571428571431\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x4grid crisp\" transform=\"translate(270.11,0)\" d=\"M0,899.5285714285715v114.56571428571431\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g><g class=\"y4\"><path class=\"y4grid crisp\" transform=\"translate(0,968.2685714285715)\" d=\"M80,0h253.48666666666665\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"y4grid crisp\" transform=\"translate(0,922.4385714285714)\" d=\"M80,0h253.48666666666665\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g></g><g class=\"zerolinelayer\"><path class=\"y4zl zl crisp\" transform=\"translate(0,1014.0985714285714)\" d=\"M80,0h253.48666666666665\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 2px;\"/></g><path class=\"xlines-below\"/><path class=\"ylines-below\"/><g class=\"overlines-below\"/><g class=\"xaxislayer-below\"/><g class=\"yaxislayer-below\"/><g class=\"overaxes-below\"/><g class=\"plot\" transform=\"translate(80,899.5285714285715)\" clip-path=\"url(#clipeefd88x4y4plot)\"><g class=\"scatterlayer mlayer\"><g class=\"trace scatter traced5113c\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,114.57L63.37,113.67L126.74,110.09L190.11,105.62L253.49,60.86\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(99, 110, 250); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g><g class=\"trace scatter trace45f04f\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,114.57L63.37,113.39L126.74,110.67L190.11,105.73L253.49,51.96\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(239, 85, 59); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g></g></g><g class=\"overplot\"/><path class=\"xlines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><path class=\"ylines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><g class=\"overlines-above\"/><g class=\"xaxislayer-above\"/><g class=\"yaxislayer-above\"><g class=\"y4tick\"><text text-anchor=\"end\" x=\"79\" y=\"4.199999999999999\" transform=\"translate(0,1014.0985714285714)\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\">0</text></g><g class=\"y4tick\"><text text-anchor=\"end\" x=\"79\" y=\"4.199999999999999\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\" transform=\"translate(0,968.2685714285715)\">0.2</text></g><g class=\"y4tick\"><text text-anchor=\"end\" x=\"79\" y=\"4.199999999999999\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\" transform=\"translate(0,922.4385714285714)\">0.4</text></g></g><g class=\"overaxes-above\"/></g><g class=\"subplot x5y5\"><g class=\"layer-subplot\"><g class=\"shapelayer\"/><g class=\"imagelayer\"/></g><g class=\"minor-gridlayer\"><g class=\"x5\"/><g class=\"y5\"/></g><g class=\"gridlayer\"><g class=\"x5\"><path class=\"x5grid crisp\" transform=\"translate(413.03666666666663,0)\" d=\"M0,899.5285714285715v114.56571428571431\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x5grid crisp\" transform=\"translate(476.40666666666664,0)\" d=\"M0,899.5285714285715v114.56571428571431\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x5grid crisp\" transform=\"translate(539.7766666666666,0)\" d=\"M0,899.5285714285715v114.56571428571431\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g><g class=\"y5\"><path class=\"y5grid crisp\" transform=\"translate(0,968.2685714285715)\" d=\"M349.66666666666663,0h253.48666666666665\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"y5grid crisp\" transform=\"translate(0,922.4385714285714)\" d=\"M349.66666666666663,0h253.48666666666665\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g></g><g class=\"zerolinelayer\"><path class=\"y5zl zl crisp\" transform=\"translate(0,1014.0985714285714)\" d=\"M349.66666666666663,0h253.48666666666665\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 2px;\"/></g><path class=\"xlines-below\"/><path class=\"ylines-below\"/><g class=\"overlines-below\"/><g class=\"xaxislayer-below\"/><g class=\"yaxislayer-below\"/><g class=\"overaxes-below\"/><g class=\"plot\" transform=\"translate(349.66666666666663,899.5285714285715)\" clip-path=\"url(#clipeefd88x5y5plot)\"><g class=\"scatterlayer mlayer\"><g class=\"trace scatter trace04edb2\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,114.57L63.37,113.67L126.74,110.09L190.11,105.62L253.49,48.33\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(99, 110, 250); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g><g class=\"trace scatter traceb71bdf\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,114.57L63.37,113.37L126.74,110.99L190.11,106.13L253.49,51.96\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(239, 85, 59); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g></g></g><g class=\"overplot\"/><path class=\"xlines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><path class=\"ylines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><g class=\"overlines-above\"/><g class=\"xaxislayer-above\"/><g class=\"yaxislayer-above\"/><g class=\"overaxes-above\"/></g><g class=\"subplot x6y6\"><g class=\"layer-subplot\"><g class=\"shapelayer\"/><g class=\"imagelayer\"/></g><g class=\"minor-gridlayer\"><g class=\"x6\"/><g class=\"y6\"/></g><g class=\"gridlayer\"><g class=\"x6\"><path class=\"x6grid crisp\" transform=\"translate(682.7033333333333,0)\" d=\"M0,899.5285714285715v114.56571428571431\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x6grid crisp\" transform=\"translate(746.0733333333333,0)\" d=\"M0,899.5285714285715v114.56571428571431\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x6grid crisp\" transform=\"translate(809.4533333333333,0)\" d=\"M0,899.5285714285715v114.56571428571431\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g><g class=\"y6\"><path class=\"y6grid crisp\" transform=\"translate(0,968.2685714285715)\" d=\"M619.3333333333333,0h253.48666666666668\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"y6grid crisp\" transform=\"translate(0,922.4385714285714)\" d=\"M619.3333333333333,0h253.48666666666668\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g></g><g class=\"zerolinelayer\"><path class=\"y6zl zl crisp\" transform=\"translate(0,1014.0985714285714)\" d=\"M619.3333333333333,0h253.48666666666668\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 2px;\"/></g><path class=\"xlines-below\"/><path class=\"ylines-below\"/><g class=\"overlines-below\"/><g class=\"xaxislayer-below\"/><g class=\"yaxislayer-below\"/><g class=\"overaxes-below\"/><g class=\"plot\" transform=\"translate(619.3333333333333,899.5285714285715)\" clip-path=\"url(#clipeefd88x6y6plot)\"><g class=\"scatterlayer mlayer\"><g class=\"trace scatter trace43ab9a\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,114.57L63.37,112.78L126.74,107.41L190.12,96.66L253.49,17.9\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(99, 110, 250); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g><g class=\"trace scatter trace728cf0\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,114.57L63.37,112.78L126.74,106.35L190.12,97.88L253.49,10.65\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(239, 85, 59); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g></g></g><g class=\"overplot\"/><path class=\"xlines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><path class=\"ylines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><g class=\"overlines-above\"/><g class=\"xaxislayer-above\"/><g class=\"yaxislayer-above\"/><g class=\"overaxes-above\"/></g><g class=\"subplot x7y7\"><g class=\"layer-subplot\"><g class=\"shapelayer\"/><g class=\"imagelayer\"/></g><g class=\"minor-gridlayer\"><g class=\"x7\"/><g class=\"y7\"/></g><g class=\"gridlayer\"><g class=\"x7\"><path class=\"x7grid crisp\" transform=\"translate(143.37,0)\" d=\"M0,755.6228571428571v114.56571428571431\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x7grid crisp\" transform=\"translate(206.74,0)\" d=\"M0,755.6228571428571v114.56571428571431\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x7grid crisp\" transform=\"translate(270.11,0)\" d=\"M0,755.6228571428571v114.56571428571431\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g><g class=\"y7\"><path class=\"y7grid crisp\" transform=\"translate(0,824.3628571428571)\" d=\"M80,0h253.48666666666665\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"y7grid crisp\" transform=\"translate(0,778.5328571428571)\" d=\"M80,0h253.48666666666665\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g></g><g class=\"zerolinelayer\"><path class=\"y7zl zl crisp\" transform=\"translate(0,870.1928571428571)\" d=\"M80,0h253.48666666666665\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 2px;\"/></g><path class=\"xlines-below\"/><path class=\"ylines-below\"/><g class=\"overlines-below\"/><g class=\"xaxislayer-below\"/><g class=\"yaxislayer-below\"/><g class=\"overaxes-below\"/><g class=\"plot\" transform=\"translate(80,755.6228571428571)\" clip-path=\"url(#clipeefd88x7y7plot)\"><g class=\"scatterlayer mlayer\"><g class=\"trace scatter tracee5301b\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,114.57L63.37,114.57L126.74,110.99L190.11,103.83L253.49,60.86\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(99, 110, 250); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g><g class=\"trace scatter trace760cfc\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,114.57L63.37,112.78L126.74,109.2L190.11,100.98L253.49,54.18\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(239, 85, 59); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g></g></g><g class=\"overplot\"/><path class=\"xlines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><path class=\"ylines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><g class=\"overlines-above\"/><g class=\"xaxislayer-above\"/><g class=\"yaxislayer-above\"><g class=\"y7tick\"><text text-anchor=\"end\" x=\"79\" y=\"4.199999999999999\" transform=\"translate(0,870.1928571428571)\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\">0</text></g><g class=\"y7tick\"><text text-anchor=\"end\" x=\"79\" y=\"4.199999999999999\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\" transform=\"translate(0,824.3628571428571)\">0.2</text></g><g class=\"y7tick\"><text text-anchor=\"end\" x=\"79\" y=\"4.199999999999999\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\" transform=\"translate(0,778.5328571428571)\">0.4</text></g></g><g class=\"overaxes-above\"/></g><g class=\"subplot x8y8\"><g class=\"layer-subplot\"><g class=\"shapelayer\"/><g class=\"imagelayer\"/></g><g class=\"minor-gridlayer\"><g class=\"x8\"/><g class=\"y8\"/></g><g class=\"gridlayer\"><g class=\"x8\"><path class=\"x8grid crisp\" transform=\"translate(413.03666666666663,0)\" d=\"M0,755.6228571428571v114.56571428571431\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x8grid crisp\" transform=\"translate(476.40666666666664,0)\" d=\"M0,755.6228571428571v114.56571428571431\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x8grid crisp\" transform=\"translate(539.7766666666666,0)\" d=\"M0,755.6228571428571v114.56571428571431\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g><g class=\"y8\"><path class=\"y8grid crisp\" transform=\"translate(0,824.3628571428571)\" d=\"M349.66666666666663,0h253.48666666666665\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"y8grid crisp\" transform=\"translate(0,778.5328571428571)\" d=\"M349.66666666666663,0h253.48666666666665\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g></g><g class=\"zerolinelayer\"><path class=\"y8zl zl crisp\" transform=\"translate(0,870.1928571428571)\" d=\"M349.66666666666663,0h253.48666666666665\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 2px;\"/></g><path class=\"xlines-below\"/><path class=\"ylines-below\"/><g class=\"overlines-below\"/><g class=\"xaxislayer-below\"/><g class=\"yaxislayer-below\"/><g class=\"overaxes-below\"/><g class=\"plot\" transform=\"translate(349.66666666666663,755.6228571428571)\" clip-path=\"url(#clipeefd88x8y8plot)\"><g class=\"scatterlayer mlayer\"><g class=\"trace scatter traced68a6f\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,114.57L63.37,114.57L126.74,107.41L190.11,103.83L253.49,48.33\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(99, 110, 250); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g><g class=\"trace scatter trace9c3804\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,114.57L63.37,112.78L126.74,109.91L190.11,102.19L253.49,54.18\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(239, 85, 59); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g></g></g><g class=\"overplot\"/><path class=\"xlines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><path class=\"ylines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><g class=\"overlines-above\"/><g class=\"xaxislayer-above\"/><g class=\"yaxislayer-above\"/><g class=\"overaxes-above\"/></g><g class=\"subplot x9y9\"><g class=\"layer-subplot\"><g class=\"shapelayer\"/><g class=\"imagelayer\"/></g><g class=\"minor-gridlayer\"><g class=\"x9\"/><g class=\"y9\"/></g><g class=\"gridlayer\"><g class=\"x9\"><path class=\"x9grid crisp\" transform=\"translate(682.7033333333333,0)\" d=\"M0,755.6228571428571v114.56571428571431\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x9grid crisp\" transform=\"translate(746.0733333333333,0)\" d=\"M0,755.6228571428571v114.56571428571431\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x9grid crisp\" transform=\"translate(809.4533333333333,0)\" d=\"M0,755.6228571428571v114.56571428571431\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g><g class=\"y9\"><path class=\"y9grid crisp\" transform=\"translate(0,824.3628571428571)\" d=\"M619.3333333333333,0h253.48666666666668\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"y9grid crisp\" transform=\"translate(0,778.5328571428571)\" d=\"M619.3333333333333,0h253.48666666666668\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g></g><g class=\"zerolinelayer\"><path class=\"y9zl zl crisp\" transform=\"translate(0,870.1928571428571)\" d=\"M619.3333333333333,0h253.48666666666668\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 2px;\"/></g><path class=\"xlines-below\"/><path class=\"ylines-below\"/><g class=\"overlines-below\"/><g class=\"xaxislayer-below\"/><g class=\"yaxislayer-below\"/><g class=\"overaxes-below\"/><g class=\"plot\" transform=\"translate(619.3333333333333,755.6228571428571)\" clip-path=\"url(#clipeefd88x9y9plot)\"><g class=\"scatterlayer mlayer\"><g class=\"trace scatter trace339320\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,114.57L63.37,114.57L126.74,107.41L190.12,93.08L253.49,17.9\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(99, 110, 250); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g><g class=\"trace scatter traceeb692c\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,114.57L63.37,110.99L126.74,103.84L190.12,90.42L253.49,6.21\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(239, 85, 59); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g></g></g><g class=\"overplot\"/><path class=\"xlines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><path class=\"ylines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><g class=\"overlines-above\"/><g class=\"xaxislayer-above\"/><g class=\"yaxislayer-above\"/><g class=\"overaxes-above\"/></g><g class=\"subplot x10y10\"><g class=\"layer-subplot\"><g class=\"shapelayer\"/><g class=\"imagelayer\"/></g><g class=\"minor-gridlayer\"><g class=\"x10\"/><g class=\"y10\"/></g><g class=\"gridlayer\"><g class=\"x10\"><path class=\"x10grid crisp\" transform=\"translate(143.37,0)\" d=\"M0,611.7171428571429v114.56571428571425\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x10grid crisp\" transform=\"translate(206.74,0)\" d=\"M0,611.7171428571429v114.56571428571425\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x10grid crisp\" transform=\"translate(270.11,0)\" d=\"M0,611.7171428571429v114.56571428571425\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g><g class=\"y10\"><path class=\"y10grid crisp\" transform=\"translate(0,680.4571428571429)\" d=\"M80,0h253.48666666666665\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"y10grid crisp\" transform=\"translate(0,634.6271428571429)\" d=\"M80,0h253.48666666666665\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g></g><g class=\"zerolinelayer\"><path class=\"y10zl zl crisp\" transform=\"translate(0,726.287142857143)\" d=\"M80,0h253.48666666666665\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 2px;\"/></g><path class=\"xlines-below\"/><path class=\"ylines-below\"/><g class=\"overlines-below\"/><g class=\"xaxislayer-below\"/><g class=\"yaxislayer-below\"/><g class=\"overaxes-below\"/><g class=\"plot\" transform=\"translate(80,611.7171428571429)\" clip-path=\"url(#clipeefd88x10y10plot)\"><g class=\"scatterlayer mlayer\"><g class=\"trace scatter trace29d0b7\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,114.57L63.37,114.57L126.74,107.41L190.11,103.83L253.49,64.44\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(99, 110, 250); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g><g class=\"trace scatter traced46077\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,114.57L63.37,111.44L126.74,106.94L190.11,98.27L253.49,56.71\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(239, 85, 59); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g></g></g><g class=\"overplot\"/><path class=\"xlines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><path class=\"ylines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><g class=\"overlines-above\"/><g class=\"xaxislayer-above\"/><g class=\"yaxislayer-above\"><g class=\"y10tick\"><text text-anchor=\"end\" x=\"79\" y=\"4.199999999999999\" transform=\"translate(0,726.287142857143)\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\">0</text></g><g class=\"y10tick\"><text text-anchor=\"end\" x=\"79\" y=\"4.199999999999999\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\" transform=\"translate(0,680.4571428571429)\">0.2</text></g><g class=\"y10tick\"><text text-anchor=\"end\" x=\"79\" y=\"4.199999999999999\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\" transform=\"translate(0,634.6271428571429)\">0.4</text></g></g><g class=\"overaxes-above\"/></g><g class=\"subplot x11y11\"><g class=\"layer-subplot\"><g class=\"shapelayer\"/><g class=\"imagelayer\"/></g><g class=\"minor-gridlayer\"><g class=\"x11\"/><g class=\"y11\"/></g><g class=\"gridlayer\"><g class=\"x11\"><path class=\"x11grid crisp\" transform=\"translate(413.03666666666663,0)\" d=\"M0,611.7171428571429v114.56571428571425\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x11grid crisp\" transform=\"translate(476.40666666666664,0)\" d=\"M0,611.7171428571429v114.56571428571425\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x11grid crisp\" transform=\"translate(539.7766666666666,0)\" d=\"M0,611.7171428571429v114.56571428571425\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g><g class=\"y11\"><path class=\"y11grid crisp\" transform=\"translate(0,680.4571428571429)\" d=\"M349.66666666666663,0h253.48666666666665\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"y11grid crisp\" transform=\"translate(0,634.6271428571429)\" d=\"M349.66666666666663,0h253.48666666666665\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g></g><g class=\"zerolinelayer\"><path class=\"y11zl zl crisp\" transform=\"translate(0,726.287142857143)\" d=\"M349.66666666666663,0h253.48666666666665\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 2px;\"/></g><path class=\"xlines-below\"/><path class=\"ylines-below\"/><g class=\"overlines-below\"/><g class=\"xaxislayer-below\"/><g class=\"yaxislayer-below\"/><g class=\"overaxes-below\"/><g class=\"plot\" transform=\"translate(349.66666666666663,611.7171428571429)\" clip-path=\"url(#clipeefd88x11y11plot)\"><g class=\"scatterlayer mlayer\"><g class=\"trace scatter tracecb1149\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,114.57L63.37,114.57L126.74,107.41L190.11,100.24L253.49,64.44\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(99, 110, 250); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g><g class=\"trace scatter tracea400b7\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,114.57L63.37,111.56L126.74,107.41L190.11,99.87L253.49,56.71\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(239, 85, 59); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g></g></g><g class=\"overplot\"/><path class=\"xlines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><path class=\"ylines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><g class=\"overlines-above\"/><g class=\"xaxislayer-above\"/><g class=\"yaxislayer-above\"/><g class=\"overaxes-above\"/></g><g class=\"subplot x12y12\"><g class=\"layer-subplot\"><g class=\"shapelayer\"/><g class=\"imagelayer\"/></g><g class=\"minor-gridlayer\"><g class=\"x12\"/><g class=\"y12\"/></g><g class=\"gridlayer\"><g class=\"x12\"><path class=\"x12grid crisp\" transform=\"translate(682.7033333333333,0)\" d=\"M0,611.7171428571429v114.56571428571425\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x12grid crisp\" transform=\"translate(746.0733333333333,0)\" d=\"M0,611.7171428571429v114.56571428571425\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x12grid crisp\" transform=\"translate(809.4533333333333,0)\" d=\"M0,611.7171428571429v114.56571428571425\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g><g class=\"y12\"><path class=\"y12grid crisp\" transform=\"translate(0,680.4571428571429)\" d=\"M619.3333333333333,0h253.48666666666668\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"y12grid crisp\" transform=\"translate(0,634.6271428571429)\" d=\"M619.3333333333333,0h253.48666666666668\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g></g><g class=\"zerolinelayer\"><path class=\"y12zl zl crisp\" transform=\"translate(0,726.287142857143)\" d=\"M619.3333333333333,0h253.48666666666668\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 2px;\"/></g><path class=\"xlines-below\"/><path class=\"ylines-below\"/><g class=\"overlines-below\"/><g class=\"xaxislayer-below\"/><g class=\"yaxislayer-below\"/><g class=\"overaxes-below\"/><g class=\"plot\" transform=\"translate(619.3333333333333,611.7171428571429)\" clip-path=\"url(#clipeefd88x12y12plot)\"><g class=\"scatterlayer mlayer\"><g class=\"trace scatter tracecf0f03\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,114.57L63.37,114.57L126.74,100.24L190.12,85.92L253.49,28.64\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(99, 110, 250); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g><g class=\"trace scatter tracea191c0\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,114.57L63.37,107.41L126.74,97.74L190.12,81.98L253.49,1.14\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(239, 85, 59); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g></g></g><g class=\"overplot\"/><path class=\"xlines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><path class=\"ylines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><g class=\"overlines-above\"/><g class=\"xaxislayer-above\"/><g class=\"yaxislayer-above\"/><g class=\"overaxes-above\"/></g><g class=\"subplot x13y13\"><g class=\"layer-subplot\"><g class=\"shapelayer\"/><g class=\"imagelayer\"/></g><g class=\"minor-gridlayer\"><g class=\"x13\"/><g class=\"y13\"/></g><g class=\"gridlayer\"><g class=\"x13\"><path class=\"x13grid crisp\" transform=\"translate(143.37,0)\" d=\"M0,467.8114285714287v114.56571428571425\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x13grid crisp\" transform=\"translate(206.74,0)\" d=\"M0,467.8114285714287v114.56571428571425\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x13grid crisp\" transform=\"translate(270.11,0)\" d=\"M0,467.8114285714287v114.56571428571425\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g><g class=\"y13\"><path class=\"y13grid crisp\" transform=\"translate(0,536.5514285714287)\" d=\"M80,0h253.48666666666665\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"y13grid crisp\" transform=\"translate(0,490.7214285714287)\" d=\"M80,0h253.48666666666665\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g></g><g class=\"zerolinelayer\"><path class=\"y13zl zl crisp\" transform=\"translate(0,582.3814285714286)\" d=\"M80,0h253.48666666666665\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 2px;\"/></g><path class=\"xlines-below\"/><path class=\"ylines-below\"/><g class=\"overlines-below\"/><g class=\"xaxislayer-below\"/><g class=\"yaxislayer-below\"/><g class=\"overaxes-below\"/><g class=\"plot\" transform=\"translate(80,467.8114285714287)\" clip-path=\"url(#clipeefd88x13y13plot)\"><g class=\"scatterlayer mlayer\"><g class=\"trace scatter tracedd0d21\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,114.57L63.37,114.57L126.74,107.41L190.11,100.24L253.49,64.44\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(99, 110, 250); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g><g class=\"trace scatter trace1aeb67\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,114.57L63.37,109.46L126.74,103.37L190.11,90.1L253.49,54.93\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(239, 85, 59); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g></g></g><g class=\"overplot\"/><path class=\"xlines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><path class=\"ylines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><g class=\"overlines-above\"/><g class=\"xaxislayer-above\"/><g class=\"yaxislayer-above\"><g class=\"y13tick\"><text text-anchor=\"end\" x=\"79\" y=\"4.199999999999999\" transform=\"translate(0,582.3814285714286)\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\">0</text></g><g class=\"y13tick\"><text text-anchor=\"end\" x=\"79\" y=\"4.199999999999999\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\" transform=\"translate(0,536.5514285714287)\">0.2</text></g><g class=\"y13tick\"><text text-anchor=\"end\" x=\"79\" y=\"4.199999999999999\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\" transform=\"translate(0,490.7214285714287)\">0.4</text></g></g><g class=\"overaxes-above\"/></g><g class=\"subplot x14y14\"><g class=\"layer-subplot\"><g class=\"shapelayer\"/><g class=\"imagelayer\"/></g><g class=\"minor-gridlayer\"><g class=\"x14\"/><g class=\"y14\"/></g><g class=\"gridlayer\"><g class=\"x14\"><path class=\"x14grid crisp\" transform=\"translate(413.03666666666663,0)\" d=\"M0,467.8114285714287v114.56571428571425\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x14grid crisp\" transform=\"translate(476.40666666666664,0)\" d=\"M0,467.8114285714287v114.56571428571425\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x14grid crisp\" transform=\"translate(539.7766666666666,0)\" d=\"M0,467.8114285714287v114.56571428571425\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g><g class=\"y14\"><path class=\"y14grid crisp\" transform=\"translate(0,536.5514285714287)\" d=\"M349.66666666666663,0h253.48666666666665\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"y14grid crisp\" transform=\"translate(0,490.7214285714287)\" d=\"M349.66666666666663,0h253.48666666666665\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g></g><g class=\"zerolinelayer\"><path class=\"y14zl zl crisp\" transform=\"translate(0,582.3814285714286)\" d=\"M349.66666666666663,0h253.48666666666665\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 2px;\"/></g><path class=\"xlines-below\"/><path class=\"ylines-below\"/><g class=\"overlines-below\"/><g class=\"xaxislayer-below\"/><g class=\"yaxislayer-below\"/><g class=\"overaxes-below\"/><g class=\"plot\" transform=\"translate(349.66666666666663,467.8114285714287)\" clip-path=\"url(#clipeefd88x14y14plot)\"><g class=\"scatterlayer mlayer\"><g class=\"trace scatter trace5969cc\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,114.57L63.37,114.57L126.74,100.24L190.11,93.08L253.49,64.44\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(99, 110, 250); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g><g class=\"trace scatter trace9179b3\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,114.57L126.74,104.3L190.11,96L253.49,54.93\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(239, 85, 59); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g></g></g><g class=\"overplot\"/><path class=\"xlines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><path class=\"ylines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><g class=\"overlines-above\"/><g class=\"xaxislayer-above\"/><g class=\"yaxislayer-above\"/><g class=\"overaxes-above\"/></g><g class=\"subplot x15y15\"><g class=\"layer-subplot\"><g class=\"shapelayer\"/><g class=\"imagelayer\"/></g><g class=\"minor-gridlayer\"><g class=\"x15\"/><g class=\"y15\"/></g><g class=\"gridlayer\"><g class=\"x15\"><path class=\"x15grid crisp\" transform=\"translate(682.7033333333333,0)\" d=\"M0,467.8114285714287v114.56571428571425\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x15grid crisp\" transform=\"translate(746.0733333333333,0)\" d=\"M0,467.8114285714287v114.56571428571425\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x15grid crisp\" transform=\"translate(809.4533333333333,0)\" d=\"M0,467.8114285714287v114.56571428571425\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g><g class=\"y15\"><path class=\"y15grid crisp\" transform=\"translate(0,536.5514285714287)\" d=\"M619.3333333333333,0h253.48666666666668\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"y15grid crisp\" transform=\"translate(0,490.7214285714287)\" d=\"M619.3333333333333,0h253.48666666666668\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g></g><g class=\"zerolinelayer\"><path class=\"y15zl zl crisp\" transform=\"translate(0,582.3814285714286)\" d=\"M619.3333333333333,0h253.48666666666668\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 2px;\"/></g><path class=\"xlines-below\"/><path class=\"ylines-below\"/><g class=\"overlines-below\"/><g class=\"xaxislayer-below\"/><g class=\"yaxislayer-below\"/><g class=\"overaxes-below\"/><g class=\"plot\" transform=\"translate(619.3333333333333,467.8114285714287)\" clip-path=\"url(#clipeefd88x15y15plot)\"><g class=\"scatterlayer mlayer\"><g class=\"trace scatter tracecf9e0c\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,114.57L63.37,114.57L126.74,100.24L190.12,85.92L253.49,28.64\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(99, 110, 250); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g><g class=\"trace scatter tracead2dc7\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,114.57L63.37,100.24L126.74,89.53L190.12,77.43L253.49,-4.7\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(239, 85, 59); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g></g></g><g class=\"overplot\"/><path class=\"xlines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><path class=\"ylines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><g class=\"overlines-above\"/><g class=\"xaxislayer-above\"/><g class=\"yaxislayer-above\"/><g class=\"overaxes-above\"/></g><g class=\"subplot x16y16\"><g class=\"layer-subplot\"><g class=\"shapelayer\"/><g class=\"imagelayer\"/></g><g class=\"minor-gridlayer\"><g class=\"x16\"/><g class=\"y16\"/></g><g class=\"gridlayer\"><g class=\"x16\"><path class=\"x16grid crisp\" transform=\"translate(143.37,0)\" d=\"M0,323.9057142857143v114.56571428571425\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x16grid crisp\" transform=\"translate(206.74,0)\" d=\"M0,323.9057142857143v114.56571428571425\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x16grid crisp\" transform=\"translate(270.11,0)\" d=\"M0,323.9057142857143v114.56571428571425\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g><g class=\"y16\"><path class=\"y16grid crisp\" transform=\"translate(0,392.6457142857143)\" d=\"M80,0h253.48666666666665\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"y16grid crisp\" transform=\"translate(0,346.8157142857143)\" d=\"M80,0h253.48666666666665\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g></g><g class=\"zerolinelayer\"><path class=\"y16zl zl crisp\" transform=\"translate(0,438.4757142857143)\" d=\"M80,0h253.48666666666665\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 2px;\"/></g><path class=\"xlines-below\"/><path class=\"ylines-below\"/><g class=\"overlines-below\"/><g class=\"xaxislayer-below\"/><g class=\"yaxislayer-below\"/><g class=\"overaxes-below\"/><g class=\"plot\" transform=\"translate(80,323.9057142857143)\" clip-path=\"url(#clipeefd88x16y16plot)\"><g class=\"scatterlayer mlayer\"><g class=\"trace scatter tracedb0ef5\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,114.57L126.74,114.57L190.11,100.24L253.49,85.92\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(99, 110, 250); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g><g class=\"trace scatter trace6ac5f3\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,114.57L63.37,114.57L126.74,97.83L190.11,79.91L253.49,51.52\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(239, 85, 59); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g></g></g><g class=\"overplot\"/><path class=\"xlines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><path class=\"ylines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><g class=\"overlines-above\"/><g class=\"xaxislayer-above\"/><g class=\"yaxislayer-above\"><g class=\"y16tick\"><text text-anchor=\"end\" x=\"79\" y=\"4.199999999999999\" transform=\"translate(0,438.4757142857143)\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\">0</text></g><g class=\"y16tick\"><text text-anchor=\"end\" x=\"79\" y=\"4.199999999999999\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\" transform=\"translate(0,392.6457142857143)\">0.2</text></g><g class=\"y16tick\"><text text-anchor=\"end\" x=\"79\" y=\"4.199999999999999\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\" transform=\"translate(0,346.8157142857143)\">0.4</text></g></g><g class=\"overaxes-above\"/></g><g class=\"subplot x17y17\"><g class=\"layer-subplot\"><g class=\"shapelayer\"/><g class=\"imagelayer\"/></g><g class=\"minor-gridlayer\"><g class=\"x17\"/><g class=\"y17\"/></g><g class=\"gridlayer\"><g class=\"x17\"><path class=\"x17grid crisp\" transform=\"translate(413.03666666666663,0)\" d=\"M0,323.9057142857143v114.56571428571425\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x17grid crisp\" transform=\"translate(476.40666666666664,0)\" d=\"M0,323.9057142857143v114.56571428571425\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x17grid crisp\" transform=\"translate(539.7766666666666,0)\" d=\"M0,323.9057142857143v114.56571428571425\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g><g class=\"y17\"><path class=\"y17grid crisp\" transform=\"translate(0,392.6457142857143)\" d=\"M349.66666666666663,0h253.48666666666665\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"y17grid crisp\" transform=\"translate(0,346.8157142857143)\" d=\"M349.66666666666663,0h253.48666666666665\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g></g><g class=\"zerolinelayer\"><path class=\"y17zl zl crisp\" transform=\"translate(0,438.4757142857143)\" d=\"M349.66666666666663,0h253.48666666666665\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 2px;\"/></g><path class=\"xlines-below\"/><path class=\"ylines-below\"/><g class=\"overlines-below\"/><g class=\"xaxislayer-below\"/><g class=\"yaxislayer-below\"/><g class=\"overaxes-below\"/><g class=\"plot\" transform=\"translate(349.66666666666663,323.9057142857143)\" clip-path=\"url(#clipeefd88x17y17plot)\"><g class=\"scatterlayer mlayer\"><g class=\"trace scatter trace77f9e3\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,114.57L126.74,114.57L190.11,85.92L253.49,57.28\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(99, 110, 250); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g><g class=\"trace scatter tracee9fd88\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,114.57L63.37,114.57L126.74,98.68L190.11,79.91L253.49,51.52\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(239, 85, 59); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g></g></g><g class=\"overplot\"/><path class=\"xlines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><path class=\"ylines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><g class=\"overlines-above\"/><g class=\"xaxislayer-above\"/><g class=\"yaxislayer-above\"/><g class=\"overaxes-above\"/></g><g class=\"subplot x18y18\"><g class=\"layer-subplot\"><g class=\"shapelayer\"/><g class=\"imagelayer\"/></g><g class=\"minor-gridlayer\"><g class=\"x18\"/><g class=\"y18\"/></g><g class=\"gridlayer\"><g class=\"x18\"><path class=\"x18grid crisp\" transform=\"translate(682.7033333333333,0)\" d=\"M0,323.9057142857143v114.56571428571425\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x18grid crisp\" transform=\"translate(746.0733333333333,0)\" d=\"M0,323.9057142857143v114.56571428571425\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x18grid crisp\" transform=\"translate(809.4533333333333,0)\" d=\"M0,323.9057142857143v114.56571428571425\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g><g class=\"y18\"><path class=\"y18grid crisp\" transform=\"translate(0,392.6457142857143)\" d=\"M619.3333333333333,0h253.48666666666668\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"y18grid crisp\" transform=\"translate(0,346.8157142857143)\" d=\"M619.3333333333333,0h253.48666666666668\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g></g><g class=\"zerolinelayer\"><path class=\"y18zl zl crisp\" transform=\"translate(0,438.4757142857143)\" d=\"M619.3333333333333,0h253.48666666666668\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 2px;\"/></g><path class=\"xlines-below\"/><path class=\"ylines-below\"/><g class=\"overlines-below\"/><g class=\"xaxislayer-below\"/><g class=\"yaxislayer-below\"/><g class=\"overaxes-below\"/><g class=\"plot\" transform=\"translate(619.3333333333333,323.9057142857143)\" clip-path=\"url(#clipeefd88x18y18plot)\"><g class=\"scatterlayer mlayer\"><g class=\"trace scatter trace3d2f4f\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,114.57L126.74,114.57L190.12,85.92L253.49,0\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(99, 110, 250); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g><g class=\"trace scatter trace039621\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,114.57L63.37,114.57L126.74,80.28L190.12,45.25L253.49,-11.53\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(239, 85, 59); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g></g></g><g class=\"overplot\"/><path class=\"xlines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><path class=\"ylines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><g class=\"overlines-above\"/><g class=\"xaxislayer-above\"/><g class=\"yaxislayer-above\"/><g class=\"overaxes-above\"/></g><g class=\"subplot x19y19\"><g class=\"layer-subplot\"><g class=\"shapelayer\"/><g class=\"imagelayer\"/></g><g class=\"minor-gridlayer\"><g class=\"x19\"/><g class=\"y19\"/></g><g class=\"gridlayer\"><g class=\"x19\"><path class=\"x19grid crisp\" transform=\"translate(143.37,0)\" d=\"M0,180.0000000000001v114.56571428571425\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x19grid crisp\" transform=\"translate(206.74,0)\" d=\"M0,180.0000000000001v114.56571428571425\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x19grid crisp\" transform=\"translate(270.11,0)\" d=\"M0,180.0000000000001v114.56571428571425\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g><g class=\"y19\"><path class=\"y19grid crisp\" transform=\"translate(0,248.74000000000012)\" d=\"M80,0h253.48666666666665\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"y19grid crisp\" transform=\"translate(0,202.9100000000001)\" d=\"M80,0h253.48666666666665\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g></g><g class=\"zerolinelayer\"><path class=\"y19zl zl crisp\" transform=\"translate(0,294.5700000000001)\" d=\"M80,0h253.48666666666665\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 2px;\"/></g><path class=\"xlines-below\"/><path class=\"ylines-below\"/><g class=\"overlines-below\"/><g class=\"xaxislayer-below\"/><g class=\"yaxislayer-below\"/><g class=\"overaxes-below\"/><g class=\"plot\" transform=\"translate(80,180.0000000000001)\" clip-path=\"url(#clipeefd88x19y19plot)\"><g class=\"scatterlayer mlayer\"><g class=\"trace scatter trace25bdd2\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,114.57L126.74,114.57L190.11,107.41L253.49,85.92\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(99, 110, 250); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g><g class=\"trace scatter tracef034ee\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,114.57L63.37,114.57L126.74,90.42L190.11,74.65L253.49,47.45\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(239, 85, 59); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g></g></g><g class=\"overplot\"/><path class=\"xlines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><path class=\"ylines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><g class=\"overlines-above\"/><g class=\"xaxislayer-above\"/><g class=\"yaxislayer-above\"><g class=\"y19tick\"><text text-anchor=\"end\" x=\"79\" y=\"4.199999999999999\" transform=\"translate(0,294.5700000000001)\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\">0</text></g><g class=\"y19tick\"><text text-anchor=\"end\" x=\"79\" y=\"4.199999999999999\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\" transform=\"translate(0,248.74000000000012)\">0.2</text></g><g class=\"y19tick\"><text text-anchor=\"end\" x=\"79\" y=\"4.199999999999999\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre; opacity: 1;\" transform=\"translate(0,202.9100000000001)\">0.4</text></g></g><g class=\"overaxes-above\"/></g><g class=\"subplot x20y20\"><g class=\"layer-subplot\"><g class=\"shapelayer\"/><g class=\"imagelayer\"/></g><g class=\"minor-gridlayer\"><g class=\"x20\"/><g class=\"y20\"/></g><g class=\"gridlayer\"><g class=\"x20\"><path class=\"x20grid crisp\" transform=\"translate(413.03666666666663,0)\" d=\"M0,180.0000000000001v114.56571428571425\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x20grid crisp\" transform=\"translate(476.40666666666664,0)\" d=\"M0,180.0000000000001v114.56571428571425\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x20grid crisp\" transform=\"translate(539.7766666666666,0)\" d=\"M0,180.0000000000001v114.56571428571425\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g><g class=\"y20\"><path class=\"y20grid crisp\" transform=\"translate(0,248.74000000000012)\" d=\"M349.66666666666663,0h253.48666666666665\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"y20grid crisp\" transform=\"translate(0,202.9100000000001)\" d=\"M349.66666666666663,0h253.48666666666665\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g></g><g class=\"zerolinelayer\"><path class=\"y20zl zl crisp\" transform=\"translate(0,294.5700000000001)\" d=\"M349.66666666666663,0h253.48666666666665\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 2px;\"/></g><path class=\"xlines-below\"/><path class=\"ylines-below\"/><g class=\"overlines-below\"/><g class=\"xaxislayer-below\"/><g class=\"yaxislayer-below\"/><g class=\"overaxes-below\"/><g class=\"plot\" transform=\"translate(349.66666666666663,180.0000000000001)\" clip-path=\"url(#clipeefd88x20y20plot)\"><g class=\"scatterlayer mlayer\"><g class=\"trace scatter trace0b490d\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,114.57L126.74,114.57L190.11,100.24L253.49,57.28\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(99, 110, 250); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g><g class=\"trace scatter trace97ef34\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,114.57L63.37,114.57L126.74,93.78L190.11,74.65L253.49,47.45\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(239, 85, 59); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g></g></g><g class=\"overplot\"/><path class=\"xlines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><path class=\"ylines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><g class=\"overlines-above\"/><g class=\"xaxislayer-above\"/><g class=\"yaxislayer-above\"/><g class=\"overaxes-above\"/></g><g class=\"subplot x21y21\"><g class=\"layer-subplot\"><g class=\"shapelayer\"/><g class=\"imagelayer\"/></g><g class=\"minor-gridlayer\"><g class=\"x21\"/><g class=\"y21\"/></g><g class=\"gridlayer\"><g class=\"x21\"><path class=\"x21grid crisp\" transform=\"translate(682.7033333333333,0)\" d=\"M0,180.0000000000001v114.56571428571425\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x21grid crisp\" transform=\"translate(746.0733333333333,0)\" d=\"M0,180.0000000000001v114.56571428571425\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"x21grid crisp\" transform=\"translate(809.4533333333333,0)\" d=\"M0,180.0000000000001v114.56571428571425\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g><g class=\"y21\"><path class=\"y21grid crisp\" transform=\"translate(0,248.74000000000012)\" d=\"M619.3333333333333,0h253.48666666666668\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/><path class=\"y21grid crisp\" transform=\"translate(0,202.9100000000001)\" d=\"M619.3333333333333,0h253.48666666666668\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 1px;\"/></g></g><g class=\"zerolinelayer\"><path class=\"y21zl zl crisp\" transform=\"translate(0,294.5700000000001)\" d=\"M619.3333333333333,0h253.48666666666668\" style=\"stroke: rgb(255, 255, 255); stroke-opacity: 1; stroke-width: 2px;\"/></g><path class=\"xlines-below\"/><path class=\"ylines-below\"/><g class=\"overlines-below\"/><g class=\"xaxislayer-below\"/><g class=\"yaxislayer-below\"/><g class=\"overaxes-below\"/><g class=\"plot\" transform=\"translate(619.3333333333333,180.0000000000001)\" clip-path=\"url(#clipeefd88x21y21plot)\"><g class=\"scatterlayer mlayer\"><g class=\"trace scatter trace5659c0\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,114.57L126.74,114.57L190.12,100.24L253.49,0\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(99, 110, 250); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g><g class=\"trace scatter trace652075\" style=\"stroke-miterlimit: 2; opacity: 1;\"><g class=\"fills\"/><g class=\"errorbars\"/><g class=\"lines\"><path class=\"js-line\" d=\"M0,114.57L63.37,114.57L126.74,66.28L190.12,24.91L253.49,-19.66\" style=\"vector-effect: non-scaling-stroke; fill: none; stroke: rgb(239, 85, 59); stroke-opacity: 1; stroke-width: 2px; opacity: 1;\"/></g><g class=\"points\"/><g class=\"text\"/></g></g></g><g class=\"overplot\"/><path class=\"xlines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><path class=\"ylines-above crisp\" d=\"M0,0\" style=\"fill: none;\"/><g class=\"overlines-above\"/><g class=\"xaxislayer-above\"/><g class=\"yaxislayer-above\"/><g class=\"overaxes-above\"/></g></g><g class=\"polarlayer\"/><g class=\"smithlayer\"/><g class=\"ternarylayer\"/><g class=\"geolayer\"/><g class=\"funnelarealayer\"/><g class=\"pielayer\"/><g class=\"iciclelayer\"/><g class=\"treemaplayer\"/><g class=\"sunburstlayer\"/><g class=\"glimages\"/><defs id=\"topdefs-eefd88\"><g class=\"clips\"/><clipPath id=\"legendeefd88\"><rect width=\"95\" height=\"67\" x=\"0\" y=\"0\"/></clipPath></defs><g class=\"layer-above\"><g class=\"imagelayer\"/><g class=\"shapelayer\"/></g><g class=\"infolayer\"><g class=\"legend\" pointer-events=\"all\" transform=\"translate(905,180)\"><rect class=\"bg\" shape-rendering=\"crispEdges\" width=\"95\" height=\"67\" x=\"0\" y=\"0\" style=\"stroke: rgb(68, 68, 68); stroke-opacity: 1; fill: rgb(255, 255, 255); fill-opacity: 1; stroke-width: 0px;\"/><g class=\"scrollbox\" transform=\"\" clip-path=\"url(#legendeefd88)\"><text class=\"legendtitletext\" text-anchor=\"start\" x=\"2\" y=\"18.2\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 14px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre;\">method</text><g class=\"groups\" transform=\"\"><g class=\"traces\" transform=\"translate(0,32.7)\" style=\"opacity: 1;\"><text class=\"legendtext\" text-anchor=\"start\" x=\"40\" y=\"4.680000000000001\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre;\">modified</text><g class=\"layers\" style=\"opacity: 1;\"><g class=\"legendfill\"/><g class=\"legendlines\"><path class=\"js-line\" d=\"M5,0h30\" style=\"fill: none; stroke: rgb(99, 110, 250); stroke-opacity: 1; stroke-width: 2px;\"/></g><g class=\"legendsymbols\"><g class=\"legendpoints\"/></g></g><rect class=\"legendtoggle\" x=\"0\" y=\"-9.5\" width=\"90\" height=\"19\" style=\"fill: rgb(0, 0, 0); fill-opacity: 0;\"/></g></g><g class=\"groups\" transform=\"\"><g class=\"traces\" transform=\"translate(0,51.7)\" style=\"opacity: 1;\"><text class=\"legendtext\" text-anchor=\"start\" x=\"40\" y=\"4.680000000000001\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre;\">original</text><g class=\"layers\" style=\"opacity: 1;\"><g class=\"legendfill\"/><g class=\"legendlines\"><path class=\"js-line\" d=\"M5,0h30\" style=\"fill: none; stroke: rgb(239, 85, 59); stroke-opacity: 1; stroke-width: 2px;\"/></g><g class=\"legendsymbols\"><g class=\"legendpoints\"/></g></g><rect class=\"legendtoggle\" x=\"0\" y=\"-9.5\" width=\"90\" height=\"19\" style=\"fill: rgb(0, 0, 0); fill-opacity: 0;\"/></g></g></g><rect class=\"scrollbar\" rx=\"20\" ry=\"3\" width=\"0\" height=\"0\" x=\"0\" y=\"0\" style=\"fill: rgb(128, 139, 164); fill-opacity: 1;\"/></g><g class=\"g-gtitle\"><text class=\"gtitle\" x=\"50\" y=\"90\" text-anchor=\"start\" dy=\"0em\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 17px; fill: rgb(42, 63, 95); opacity: 1; font-weight: normal; white-space: pre;\"><tspan class=\"line\" dy=\"0em\" x=\"50\" y=\"90\">absolute difference relative to the permutation method (lower is better)</tspan><tspan class=\"line\" dy=\"1.3em\" x=\"50\" y=\"90\"/><tspan class=\"line\" dy=\"2.6em\" x=\"50\" y=\"90\">​<tspan style=\"font-size:70%\" dy=\"-0.6em\">fixed `zero_method == 'zsplit'`, per `aternative`, per `num_samples` </tspan><tspan dy=\"0.42em\">​</tspan></tspan><tspan class=\"line\" dy=\"3.9000000000000004em\" x=\"50\" y=\"90\">​<tspan style=\"font-size:70%\" dy=\"-0.6em\">percentile statistics all ('num_zeros', 'num_ties', 'seed') confounded</tspan><tspan dy=\"0.42em\">​</tspan></tspan><tspan class=\"line\" dy=\"5.2em\" x=\"50\" y=\"90\"/></text></g><g class=\"g-xtitle\" transform=\"translate(0,-3.7999999999999545)\"><text class=\"xtitle\" x=\"206.74333333333334\" y=\"1199.8\" text-anchor=\"middle\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 14px; fill: rgb(42, 63, 95); opacity: 1; font-weight: normal; white-space: pre;\">percentile</text></g><g class=\"g-x2title\" transform=\"translate(0,-3.7999999999999545)\"><text class=\"x2title\" x=\"476.40999999999997\" y=\"1199.8\" text-anchor=\"middle\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 14px; fill: rgb(42, 63, 95); opacity: 1; font-weight: normal; white-space: pre;\">percentile</text></g><g class=\"g-x3title\" transform=\"translate(0,-3.7999999999999545)\"><text class=\"x3title\" x=\"746.0766666666666\" y=\"1199.8\" text-anchor=\"middle\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 14px; fill: rgb(42, 63, 95); opacity: 1; font-weight: normal; white-space: pre;\">percentile</text></g><g class=\"g-x4title\"/><g class=\"g-x5title\"/><g class=\"g-x6title\"/><g class=\"g-x7title\"/><g class=\"g-x8title\"/><g class=\"g-x9title\"/><g class=\"g-x10title\"/><g class=\"g-x11title\"/><g class=\"g-x12title\"/><g class=\"g-x13title\"/><g class=\"g-x14title\"/><g class=\"g-x15title\"/><g class=\"g-x16title\"/><g class=\"g-x17title\"/><g class=\"g-x18title\"/><g class=\"g-x19title\"/><g class=\"g-x20title\"/><g class=\"g-x21title\"/><g class=\"g-ytitle\"><text class=\"ytitle\" transform=\"rotate(-90,37.278125,1100.717142857143)\" x=\"37.278125\" y=\"1100.717142857143\" text-anchor=\"middle\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 14px; fill: rgb(42, 63, 95); opacity: 1; font-weight: normal; white-space: pre;\">absdiff</text></g><g class=\"g-y2title\"/><g class=\"g-y3title\"/><g class=\"g-y4title\"><text class=\"y4title\" transform=\"rotate(-90,37.278125,956.8114285714287)\" x=\"37.278125\" y=\"956.8114285714287\" text-anchor=\"middle\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 14px; fill: rgb(42, 63, 95); opacity: 1; font-weight: normal; white-space: pre;\">absdiff</text></g><g class=\"g-y5title\"/><g class=\"g-y6title\"/><g class=\"g-y7title\"><text class=\"y7title\" transform=\"rotate(-90,37.278125,812.9057142857143)\" x=\"37.278125\" y=\"812.9057142857143\" text-anchor=\"middle\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 14px; fill: rgb(42, 63, 95); opacity: 1; font-weight: normal; white-space: pre;\">absdiff</text></g><g class=\"g-y8title\"/><g class=\"g-y9title\"/><g class=\"g-y10title\"><text class=\"y10title\" transform=\"rotate(-90,37.278125,669)\" x=\"37.278125\" y=\"669\" text-anchor=\"middle\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 14px; fill: rgb(42, 63, 95); opacity: 1; font-weight: normal; white-space: pre;\">absdiff</text></g><g class=\"g-y11title\"/><g class=\"g-y12title\"/><g class=\"g-y13title\"><text class=\"y13title\" transform=\"rotate(-90,37.278125,525.0942857142858)\" x=\"37.278125\" y=\"525.0942857142858\" text-anchor=\"middle\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 14px; fill: rgb(42, 63, 95); opacity: 1; font-weight: normal; white-space: pre;\">absdiff</text></g><g class=\"g-y14title\"/><g class=\"g-y15title\"/><g class=\"g-y16title\"><text class=\"y16title\" transform=\"rotate(-90,37.278125,381.18857142857144)\" x=\"37.278125\" y=\"381.18857142857144\" text-anchor=\"middle\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 14px; fill: rgb(42, 63, 95); opacity: 1; font-weight: normal; white-space: pre;\">absdiff</text></g><g class=\"g-y17title\"/><g class=\"g-y18title\"/><g class=\"g-y19title\"><text class=\"y19title\" transform=\"rotate(-90,37.278125,237.28285714285724)\" x=\"37.278125\" y=\"237.28285714285724\" text-anchor=\"middle\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 14px; fill: rgb(42, 63, 95); opacity: 1; font-weight: normal; white-space: pre;\">absdiff</text></g><g class=\"g-y20title\"/><g class=\"g-y21title\"/><g class=\"annotation\" data-index=\"0\" style=\"opacity: 1;\"><g class=\"annotation-text-g\" transform=\"rotate(0,206.74333333333334,169.5000000000001)\"><g class=\"cursor-pointer\" transform=\"translate(151,159)\"><rect class=\"bg\" x=\"0.5\" y=\"0.5\" width=\"110\" height=\"20\" style=\"stroke-width: 1px; stroke: rgb(0, 0, 0); stroke-opacity: 0; fill: rgb(0, 0, 0); fill-opacity: 0;\"/><text class=\"annotation-text\" text-anchor=\"middle\" x=\"55.625\" y=\"15\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre;\">alternative=greater</text></g></g></g><g class=\"annotation\" data-index=\"1\" style=\"opacity: 1;\"><g class=\"annotation-text-g\" transform=\"rotate(0,476.40999999999997,169.5000000000001)\"><g class=\"cursor-pointer\" transform=\"translate(430,159)\"><rect class=\"bg\" x=\"0.5\" y=\"0.5\" width=\"91\" height=\"20\" style=\"stroke-width: 1px; stroke: rgb(0, 0, 0); stroke-opacity: 0; fill: rgb(0, 0, 0); fill-opacity: 0;\"/><text class=\"annotation-text\" text-anchor=\"middle\" x=\"45.859375\" y=\"15\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre;\">alternative=less</text></g></g></g><g class=\"annotation\" data-index=\"2\" style=\"opacity: 1;\"><g class=\"annotation-text-g\" transform=\"rotate(0,746.0766666666666,169.5000000000001)\"><g class=\"cursor-pointer\" transform=\"translate(684,159)\"><rect class=\"bg\" x=\"0.5\" y=\"0.5\" width=\"124\" height=\"20\" style=\"stroke-width: 1px; stroke: rgb(0, 0, 0); stroke-opacity: 0; fill: rgb(0, 0, 0); fill-opacity: 0;\"/><text class=\"annotation-text\" text-anchor=\"middle\" x=\"62.6875\" y=\"15\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre;\">alternative=two-sided</text></g></g></g><g class=\"annotation\" data-index=\"3\" style=\"opacity: 1;\"><g class=\"annotation-text-g\" transform=\"rotate(90,883.3199999999999,1100.7171428571428)\"><g class=\"cursor-pointer\" transform=\"translate(835,1090)\"><rect class=\"bg\" x=\"0.5\" y=\"0.5\" width=\"95\" height=\"20\" style=\"stroke-width: 1px; stroke: rgb(0, 0, 0); stroke-opacity: 0; fill: rgb(0, 0, 0); fill-opacity: 0;\"/><text class=\"annotation-text\" text-anchor=\"middle\" x=\"47.703125\" y=\"15\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre;\">num_samples=9</text></g></g></g><g class=\"annotation\" data-index=\"4\" style=\"opacity: 1;\"><g class=\"annotation-text-g\" transform=\"rotate(90,883.3199999999999,956.8114285714286)\"><g class=\"cursor-pointer\" transform=\"translate(835,946)\"><rect class=\"bg\" x=\"0.5\" y=\"0.5\" width=\"95\" height=\"20\" style=\"stroke-width: 1px; stroke: rgb(0, 0, 0); stroke-opacity: 0; fill: rgb(0, 0, 0); fill-opacity: 0;\"/><text class=\"annotation-text\" text-anchor=\"middle\" x=\"47.703125\" y=\"15\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre;\">num_samples=8</text></g></g></g><g class=\"annotation\" data-index=\"5\" style=\"opacity: 1;\"><g class=\"annotation-text-g\" transform=\"rotate(90,883.3199999999999,812.9057142857142)\"><g class=\"cursor-pointer\" transform=\"translate(835,802)\"><rect class=\"bg\" x=\"0.5\" y=\"0.5\" width=\"95\" height=\"20\" style=\"stroke-width: 1px; stroke: rgb(0, 0, 0); stroke-opacity: 0; fill: rgb(0, 0, 0); fill-opacity: 0;\"/><text class=\"annotation-text\" text-anchor=\"middle\" x=\"47.703125\" y=\"15\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre;\">num_samples=7</text></g></g></g><g class=\"annotation\" data-index=\"6\" style=\"opacity: 1;\"><g class=\"annotation-text-g\" transform=\"rotate(90,883.3199999999999,669)\"><g class=\"cursor-pointer\" transform=\"translate(835,659)\"><rect class=\"bg\" x=\"0.5\" y=\"0.5\" width=\"95\" height=\"20\" style=\"stroke-width: 1px; stroke: rgb(0, 0, 0); stroke-opacity: 0; fill: rgb(0, 0, 0); fill-opacity: 0;\"/><text class=\"annotation-text\" text-anchor=\"middle\" x=\"47.703125\" y=\"15\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre;\">num_samples=6</text></g></g></g><g class=\"annotation\" data-index=\"7\" style=\"opacity: 1;\"><g class=\"annotation-text-g\" transform=\"rotate(90,883.3199999999999,525.0942857142859)\"><g class=\"cursor-pointer\" transform=\"translate(835,515)\"><rect class=\"bg\" x=\"0.5\" y=\"0.5\" width=\"95\" height=\"20\" style=\"stroke-width: 1px; stroke: rgb(0, 0, 0); stroke-opacity: 0; fill: rgb(0, 0, 0); fill-opacity: 0;\"/><text class=\"annotation-text\" text-anchor=\"middle\" x=\"47.703125\" y=\"15\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre;\">num_samples=5</text></g></g></g><g class=\"annotation\" data-index=\"8\" style=\"opacity: 1;\"><g class=\"annotation-text-g\" transform=\"rotate(90,883.3199999999999,381.18857142857144)\"><g class=\"cursor-pointer\" transform=\"translate(835,371)\"><rect class=\"bg\" x=\"0.5\" y=\"0.5\" width=\"95\" height=\"20\" style=\"stroke-width: 1px; stroke: rgb(0, 0, 0); stroke-opacity: 0; fill: rgb(0, 0, 0); fill-opacity: 0;\"/><text class=\"annotation-text\" text-anchor=\"middle\" x=\"47.703125\" y=\"15\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre;\">num_samples=4</text></g></g></g><g class=\"annotation\" data-index=\"9\" style=\"opacity: 1;\"><g class=\"annotation-text-g\" transform=\"rotate(90,883.3199999999999,237.2828571428573)\"><g class=\"cursor-pointer\" transform=\"translate(835,227)\"><rect class=\"bg\" x=\"0.5\" y=\"0.5\" width=\"95\" height=\"20\" style=\"stroke-width: 1px; stroke: rgb(0, 0, 0); stroke-opacity: 0; fill: rgb(0, 0, 0); fill-opacity: 0;\"/><text class=\"annotation-text\" text-anchor=\"middle\" x=\"47.703125\" y=\"15\" style=\"font-family: 'Open Sans', verdana, arial, sans-serif; font-size: 12px; fill: rgb(42, 63, 95); fill-opacity: 1; white-space: pre;\">num_samples=3</text></g></g></g></g></svg>",
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
}
],
"source": [
"dftmp = df.copy()\n",
"\n",
"zero_method = \"zsplit\"\n",
"mask = dftmp['zero_method'] == zero_method\n",
"dftmp = dftmp[mask]\n",
"\n",
"descdf = dftmp\n",
"descdf = descdf.groupby(['num_samples', 'alternative', \"method\"])[\"absdiff\"].describe()\n",
"descdf = descdf[[\"min\", \"25%\", \"50%\", \"75%\", \"max\"]]\n",
"descdf = descdf.reset_index().melt(id_vars=descdf.index.names, value_name=\"absdiff\", var_name=\"percentile\")\n",
"\n",
"import plotly.express as px\n",
"fig = px.line(\n",
" descdf, \n",
" x='percentile', y='absdiff', \n",
" line_group='method', \n",
" color='method', \n",
" facet_col=\"alternative\",\n",
" facet_row=\"num_samples\",\n",
" range_y=(0.00, 0.50),\n",
").update_layout(\n",
" height=1200,\n",
" width=1000,\n",
" title = f\"absolute difference relative to the permutation method (lower is better)<br><br>\"\\\n",
" f\"<sup>fixed `zero_method == 'zsplit'`, per `aternative`, per `num_samples` </sup><br>\"\\\n",
" f\"<sup>percentile statistics all ('num_zeros', 'num_ties', 'seed') confounded</sup><br>\",\n",
" margin=dict(t=180,b=0),\n",
").update_yaxes(\n",
")\n",
"\n",
"fig\n",
"savefig_and_display(fig, 1)"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"## `zero_method == \"zsplit\"`: histogram sign of diff "
]
},
{
"cell_type": "code",
"execution_count": 50,
"metadata": {},
"outputs": [
{
"data": {
"application/vnd.plotly.v1+json": {
"config": {
"plotlyServerURL": "https://plot.ly"
},
"data": [
{
"alignmentgroup": "True",
"bingroup": "x",
"histnorm": "probability",
"hovertemplate": "method=modified<br>num_samples=3<br>alternative=greater<br>signdiff=%{x}<br>probability=%{y}<extra></extra>",
"legendgroup": "modified",
"marker": {
"color": "#636efa",
"pattern": {
"shape": ""
}
},
"name": "modified",
"nbinsx": 3,
"offsetgroup": "modified",
"orientation": "v",
"showlegend": true,
"type": "histogram",
"x": [
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1
],
"xaxis": "x19",
"yaxis": "y19"
},
{
"alignmentgroup": "True",
"bingroup": "x",
"histnorm": "probability",
"hovertemplate": "method=modified<br>num_samples=3<br>alternative=less<br>signdiff=%{x}<br>probability=%{y}<extra></extra>",
"legendgroup": "modified",
"marker": {
"color": "#636efa",
"pattern": {
"shape": ""
}
},
"name": "modified",
"nbinsx": 3,
"offsetgroup": "modified",
"orientation": "v",
"showlegend": false,
"type": "histogram",
"x": [
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1
],
"xaxis": "x20",
"yaxis": "y20"
},
{
"alignmentgroup": "True",
"bingroup": "x",
"histnorm": "probability",
"hovertemplate": "method=modified<br>num_samples=3<br>alternative=two-sided<br>signdiff=%{x}<br>probability=%{y}<extra></extra>",
"legendgroup": "modified",
"marker": {
"color": "#636efa",
"pattern": {
"shape": ""
}
},
"name": "modified",
"nbinsx": 3,
"offsetgroup": "modified",
"orientation": "v",
"showlegend": false,
"type": "histogram",
"x": [
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1
],
"xaxis": "x21",
"yaxis": "y21"
},
{
"alignmentgroup": "True",
"bingroup": "x",
"histnorm": "probability",
"hovertemplate": "method=modified<br>num_samples=4<br>alternative=greater<br>signdiff=%{x}<br>probability=%{y}<extra></extra>",
"legendgroup": "modified",
"marker": {
"color": "#636efa",
"pattern": {
"shape": ""
}
},
"name": "modified",
"nbinsx": 3,
"offsetgroup": "modified",
"orientation": "v",
"showlegend": false,
"type": "histogram",
"x": [
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
1,
0,
0,
1,
0,
0,
0,
0,
0,
1,
0,
0,
0,
0,
0,
0,
0,
0,
1,
0,
0,
0,
0,
0,
0,
1,
0,
0,
0,
0,
-1,
-1,
0,
-1,
0,
0,
-1,
0,
0,
0,
-1,
-1,
0,
-1,
0,
-1,
-1,
0,
0,
0,
0,
0,
-1,
0,
-1,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
0,
0,
0,
0,
-1,
0,
0,
0,
-1,
0,
-1,
-1,
0,
-1,
-1,
0,
1,
0,
0,
0,
0,
0,
0,
0,
1,
0,
0,
0,
1,
0,
0,
0,
0,
0,
0,
0,
1,
0,
0,
0,
0,
1,
1,
0,
0,
0,
1,
0,
0,
0,
0,
0,
0,
0,
1,
0,
0,
1,
0,
0,
0,
0,
0,
0,
1,
0,
1,
0,
0,
0,
0,
0,
0,
0,
1,
0,
0,
0,
1,
0,
0,
0,
0,
0,
0,
0,
1,
0,
0,
0,
0,
1,
1,
0,
0,
0,
1,
0,
0,
0,
0,
0,
0,
0,
1,
0,
0,
1,
0,
0,
0,
0,
0,
0,
1,
0,
1,
0,
0,
0,
0,
0,
1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
1,
0,
0,
0,
0,
0,
1,
0,
0,
0,
1,
1,
1,
0,
1,
0,
0,
0,
0,
0,
0,
0,
1,
0,
0,
0,
1,
0,
0,
0,
1,
0,
1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1
],
"xaxis": "x16",
"yaxis": "y16"
},
{
"alignmentgroup": "True",
"bingroup": "x",
"histnorm": "probability",
"hovertemplate": "method=modified<br>num_samples=4<br>alternative=less<br>signdiff=%{x}<br>probability=%{y}<extra></extra>",
"legendgroup": "modified",
"marker": {
"color": "#636efa",
"pattern": {
"shape": ""
}
},
"name": "modified",
"nbinsx": 3,
"offsetgroup": "modified",
"orientation": "v",
"showlegend": false,
"type": "histogram",
"x": [
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
1,
0,
-1,
-1,
0,
-1,
0,
0,
-1,
0,
0,
0,
-1,
-1,
0,
-1,
0,
-1,
-1,
0,
0,
0,
0,
0,
-1,
0,
-1,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
0,
0,
0,
0,
-1,
0,
0,
0,
-1,
0,
-1,
-1,
0,
-1,
-1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
1,
0,
0,
0,
0,
0,
0,
0,
1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1
],
"xaxis": "x17",
"yaxis": "y17"
},
{
"alignmentgroup": "True",
"bingroup": "x",
"histnorm": "probability",
"hovertemplate": "method=modified<br>num_samples=4<br>alternative=two-sided<br>signdiff=%{x}<br>probability=%{y}<extra></extra>",
"legendgroup": "modified",
"marker": {
"color": "#636efa",
"pattern": {
"shape": ""
}
},
"name": "modified",
"nbinsx": 3,
"offsetgroup": "modified",
"orientation": "v",
"showlegend": false,
"type": "histogram",
"x": [
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
1,
0,
0,
1,
0,
1,
0,
0,
0,
1,
0,
0,
0,
0,
0,
0,
0,
0,
1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
-1,
0,
-1,
0,
0,
-1,
0,
0,
0,
-1,
-1,
0,
-1,
0,
-1,
-1,
0,
0,
0,
0,
0,
-1,
0,
-1,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
0,
0,
0,
0,
-1,
0,
0,
0,
-1,
0,
-1,
-1,
0,
-1,
-1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
0,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
0,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1
],
"xaxis": "x18",
"yaxis": "y18"
},
{
"alignmentgroup": "True",
"bingroup": "x",
"histnorm": "probability",
"hovertemplate": "method=modified<br>num_samples=5<br>alternative=greater<br>signdiff=%{x}<br>probability=%{y}<extra></extra>",
"legendgroup": "modified",
"marker": {
"color": "#636efa",
"pattern": {
"shape": ""
}
},
"name": "modified",
"nbinsx": 3,
"offsetgroup": "modified",
"orientation": "v",
"showlegend": false,
"type": "histogram",
"x": [
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
1,
1,
0,
1,
1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
1,
1,
1,
1,
0,
1,
0,
0,
0,
1,
1,
0,
0,
0,
0,
1,
0,
0,
1,
0,
0,
1,
0,
0,
1,
1,
0,
0,
1,
1,
1,
1,
1,
-1,
-1,
0,
-1,
0,
-1,
0,
-1,
0,
0,
0,
0,
0,
-1,
1,
1,
-1,
0,
1,
1,
1,
1,
0,
0,
0,
0,
1,
-1,
0,
1,
0,
-1,
1,
0,
0,
-1,
0,
0,
1,
-1,
0,
1,
-1,
0,
-1,
1,
-1,
0,
0,
0,
0,
-1,
0,
-1,
0,
-1,
0,
-1,
-1,
0,
0,
0,
-1,
-1,
-1,
-1,
-1,
0,
-1,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
0,
-1,
-1,
-1,
-1,
0,
0,
-1,
0,
0,
-1,
-1,
0,
0,
0,
0,
0,
0,
0,
1,
0,
0,
0,
0,
0,
0,
0,
1,
0,
-1,
0,
1,
0,
1,
0,
0,
0,
0,
0,
0,
-1,
0,
0,
0,
1,
1,
1,
1,
0,
1,
-1,
1,
1,
0,
-1,
0,
0,
1,
0,
0,
1,
0,
0,
0,
0,
0,
0,
1,
0,
1,
0,
0,
0,
0,
0,
0,
0,
1,
0,
-1,
0,
1,
0,
1,
0,
0,
0,
0,
0,
0,
-1,
0,
0,
0,
1,
1,
1,
1,
0,
1,
-1,
1,
1,
0,
-1,
0,
0,
1,
0,
0,
1,
0,
0,
0,
0,
0,
0,
1,
0,
1,
0,
0,
0,
1,
0,
1,
0,
0,
0,
-1,
0,
1,
0,
0,
0,
1,
-1,
0,
0,
0,
-1,
1,
-1,
0,
1,
1,
1,
1,
-1,
1,
0,
0,
1,
0,
-1,
-1,
0,
1,
0,
1,
0,
1,
0,
-1,
0,
1,
0,
1,
0,
0,
-1,
0,
0,
0,
0,
1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
1,
-1,
0,
0,
0,
-1,
0,
0,
-1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
-1,
0,
1,
0,
1,
0,
1,
0,
0,
0,
1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
1,
0,
1,
-1,
1,
1,
1,
-1,
-1,
0,
1,
1,
-1,
-1,
-1,
1,
-1,
-1,
1,
1,
-1,
1,
1,
1,
-1,
-1,
-1,
0,
1,
-1,
-1,
0,
1,
0,
-1,
-1,
1,
0,
-1,
-1,
1,
1,
0,
-1,
-1,
1,
1,
-1,
-1,
0,
1,
0,
1,
-1,
1,
1,
1,
-1,
-1,
0,
1,
1,
-1,
-1,
-1,
1,
-1,
-1,
1,
1,
-1,
1,
1,
1,
-1,
-1,
-1,
0,
1,
-1,
-1,
0,
1,
0,
-1,
-1,
1,
0,
-1,
-1,
1,
1,
0,
-1,
-1,
1,
1,
-1,
-1,
0,
1,
-1,
1,
0,
1,
1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
1,
-1,
-1,
0,
-1,
-1,
0,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
1,
1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
1,
1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1
],
"xaxis": "x13",
"yaxis": "y13"
},
{
"alignmentgroup": "True",
"bingroup": "x",
"histnorm": "probability",
"hovertemplate": "method=modified<br>num_samples=5<br>alternative=less<br>signdiff=%{x}<br>probability=%{y}<extra></extra>",
"legendgroup": "modified",
"marker": {
"color": "#636efa",
"pattern": {
"shape": ""
}
},
"name": "modified",
"nbinsx": 3,
"offsetgroup": "modified",
"orientation": "v",
"showlegend": false,
"type": "histogram",
"x": [
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
1,
0,
0,
1,
1,
0,
1,
0,
0,
0,
0,
1,
0,
0,
0,
1,
0,
0,
1,
1,
0,
0,
1,
1,
1,
1,
1,
0,
0,
0,
1,
0,
0,
0,
0,
0,
1,
0,
0,
1,
0,
0,
1,
0,
0,
1,
0,
0,
1,
1,
1,
1,
1,
0,
-1,
0,
0,
0,
0,
0,
0,
0,
-1,
0,
-1,
0,
-1,
0,
1,
1,
0,
0,
1,
1,
0,
1,
1,
0,
0,
0,
0,
-1,
0,
1,
-1,
0,
1,
0,
0,
0,
0,
0,
1,
0,
0,
1,
-1,
0,
0,
1,
-1,
0,
0,
0,
0,
-1,
0,
-1,
0,
-1,
0,
-1,
-1,
0,
0,
0,
-1,
-1,
-1,
-1,
-1,
0,
-1,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
0,
-1,
-1,
-1,
-1,
0,
0,
-1,
0,
0,
-1,
-1,
0,
0,
0,
0,
0,
0,
0,
-1,
1,
0,
1,
0,
0,
0,
0,
-1,
0,
1,
0,
-1,
0,
0,
0,
0,
0,
0,
0,
0,
1,
0,
1,
0,
-1,
-1,
0,
-1,
1,
-1,
1,
0,
0,
0,
1,
0,
0,
-1,
0,
0,
-1,
0,
0,
0,
1,
0,
0,
-1,
0,
-1,
1,
0,
1,
0,
0,
0,
0,
-1,
0,
1,
0,
-1,
0,
0,
0,
0,
0,
0,
0,
0,
1,
0,
1,
0,
-1,
-1,
0,
-1,
1,
-1,
1,
0,
0,
0,
1,
0,
0,
-1,
0,
0,
-1,
0,
0,
0,
1,
0,
0,
-1,
0,
-1,
1,
0,
1,
-1,
0,
-1,
0,
0,
0,
1,
0,
-1,
0,
0,
0,
-1,
1,
0,
0,
0,
1,
-1,
1,
1,
-1,
-1,
-1,
-1,
1,
-1,
0,
0,
-1,
0,
1,
1,
0,
-1,
0,
-1,
0,
-1,
0,
1,
0,
-1,
0,
-1,
0,
0,
1,
0,
0,
0,
0,
-1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
1,
0,
0,
0,
1,
0,
0,
1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
1,
1,
0,
-1,
0,
-1,
0,
-1,
0,
0,
0,
-1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1
],
"xaxis": "x14",
"yaxis": "y14"
},
{
"alignmentgroup": "True",
"bingroup": "x",
"histnorm": "probability",
"hovertemplate": "method=modified<br>num_samples=5<br>alternative=two-sided<br>signdiff=%{x}<br>probability=%{y}<extra></extra>",
"legendgroup": "modified",
"marker": {
"color": "#636efa",
"pattern": {
"shape": ""
}
},
"name": "modified",
"nbinsx": 3,
"offsetgroup": "modified",
"orientation": "v",
"showlegend": false,
"type": "histogram",
"x": [
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
1,
0,
0,
1,
0,
0,
0,
0,
0,
0,
0,
0,
1,
0,
0,
0,
0,
0,
1,
1,
1,
1,
1,
1,
0,
0,
0,
1,
0,
0,
0,
0,
0,
1,
0,
0,
1,
0,
0,
1,
0,
0,
1,
0,
0,
0,
1,
1,
1,
1,
1,
-1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
1,
1,
0,
0,
1,
1,
1,
1,
1,
0,
0,
0,
1,
-1,
0,
1,
0,
0,
1,
0,
0,
0,
0,
0,
1,
0,
0,
1,
-1,
0,
0,
1,
-1,
0,
0,
0,
0,
-1,
0,
-1,
0,
-1,
0,
-1,
-1,
0,
0,
0,
-1,
-1,
-1,
-1,
-1,
0,
-1,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
0,
-1,
-1,
-1,
-1,
0,
0,
-1,
0,
0,
-1,
-1,
0,
0,
0,
0,
0,
0,
0,
1,
1,
0,
0,
0,
0,
0,
0,
1,
0,
-1,
0,
1,
0,
0,
0,
0,
0,
0,
0,
0,
1,
0,
1,
0,
1,
1,
0,
-1,
1,
1,
-1,
0,
1,
0,
1,
0,
0,
-1,
0,
0,
-1,
0,
0,
0,
0,
0,
0,
1,
0,
1,
1,
0,
0,
0,
0,
0,
0,
1,
0,
-1,
0,
1,
0,
0,
0,
0,
0,
0,
0,
0,
1,
0,
1,
0,
1,
1,
0,
-1,
1,
1,
-1,
0,
1,
0,
1,
0,
0,
-1,
0,
0,
-1,
0,
0,
0,
0,
0,
0,
1,
0,
1,
1,
0,
1,
-1,
0,
-1,
0,
0,
0,
-1,
0,
-1,
0,
0,
0,
-1,
1,
0,
0,
0,
1,
1,
-1,
1,
-1,
1,
1,
1,
-1,
1,
0,
0,
-1,
0,
1,
-1,
0,
-1,
0,
1,
0,
-1,
0,
1,
0,
-1,
0,
1,
0,
0,
1,
0,
0,
0,
0,
1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
1,
1,
0,
0,
0,
1,
0,
0,
1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
1,
1,
0,
1,
0,
1,
0,
1,
0,
0,
0,
1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
1,
0,
-1,
-1,
1,
1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
0,
-1,
0,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
0,
-1,
-1,
1,
-1,
-1,
-1,
0,
1,
0,
-1,
-1,
1,
1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
0,
-1,
0,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
0,
-1,
-1,
1,
-1,
-1,
-1,
0,
1,
-1,
-1,
0,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
0,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
0,
-1,
-1,
0,
0,
-1,
0,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
0,
-1,
-1,
0,
0,
-1,
0,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1
],
"xaxis": "x15",
"yaxis": "y15"
},
{
"alignmentgroup": "True",
"bingroup": "x",
"histnorm": "probability",
"hovertemplate": "method=modified<br>num_samples=6<br>alternative=greater<br>signdiff=%{x}<br>probability=%{y}<extra></extra>",
"legendgroup": "modified",
"marker": {
"color": "#636efa",
"pattern": {
"shape": ""
}
},
"name": "modified",
"nbinsx": 3,
"offsetgroup": "modified",
"orientation": "v",
"showlegend": false,
"type": "histogram",
"x": [
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
1,
1,
1,
1,
1,
0,
0,
0,
1,
0,
1,
1,
0,
1,
1,
1,
0,
1,
1,
0,
1,
1,
1,
1,
0,
1,
1,
1,
0,
1,
1,
1,
1,
1,
0,
1,
1,
0,
1,
0,
1,
1,
1,
0,
1,
1,
0,
1,
1,
0,
0,
0,
0,
1,
0,
0,
-1,
0,
0,
0,
-1,
0,
0,
0,
-1,
0,
1,
0,
1,
-1,
0,
1,
1,
0,
0,
-1,
1,
0,
0,
1,
-1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
0,
0,
0,
1,
0,
0,
1,
0,
-1,
0,
-1,
0,
0,
0,
-1,
1,
0,
0,
0,
0,
1,
0,
-1,
-1,
0,
-1,
1,
1,
0,
0,
0,
0,
0,
0,
-1,
0,
1,
1,
-1,
-1,
0,
0,
1,
0,
0,
-1,
1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
0,
0,
0,
-1,
0,
0,
0,
0,
0,
0,
-1,
0,
0,
-1,
0,
-1,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
0,
0,
0,
0,
0,
0,
0,
1,
1,
-1,
0,
-1,
1,
1,
0,
0,
1,
1,
-1,
1,
1,
0,
1,
0,
1,
1,
1,
1,
-1,
-1,
1,
-1,
0,
1,
1,
1,
1,
-1,
1,
-1,
1,
0,
0,
0,
1,
0,
1,
0,
1,
1,
0,
0,
1,
0,
0,
1,
1,
1,
1,
-1,
0,
-1,
1,
1,
0,
0,
1,
1,
-1,
1,
1,
0,
1,
0,
1,
1,
1,
1,
-1,
-1,
1,
-1,
0,
1,
1,
1,
1,
-1,
1,
-1,
1,
0,
0,
0,
1,
0,
1,
0,
1,
1,
0,
0,
1,
0,
0,
1,
1,
1,
1,
0,
0,
-1,
1,
0,
1,
0,
1,
1,
-1,
1,
1,
-1,
1,
0,
1,
1,
1,
1,
-1,
-1,
1,
-1,
0,
1,
1,
1,
1,
-1,
1,
1,
1,
1,
0,
1,
-1,
0,
1,
0,
1,
0,
1,
0,
-1,
1,
1,
0,
1,
-1,
0,
-1,
0,
0,
0,
0,
1,
0,
1,
0,
-1,
1,
0,
-1,
0,
0,
1,
-1,
1,
0,
-1,
-1,
1,
-1,
-1,
0,
0,
0,
1,
0,
0,
0,
-1,
0,
0,
-1,
-1,
0,
1,
0,
1,
0,
1,
0,
0,
0,
1,
0,
0,
-1,
0,
-1,
0,
0,
0,
0,
1,
0,
1,
0,
0,
1,
0,
-1,
0,
0,
0,
0,
1,
0,
0,
0,
1,
0,
-1,
0,
0,
0,
1,
0,
0,
1,
-1,
0,
0,
0,
-1,
0,
0,
0,
0,
0,
0,
0,
0,
1,
1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
1,
1,
1,
1,
1,
1,
1,
-1,
-1,
1,
1,
1,
1,
-1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
1,
-1,
1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
-1,
1,
1,
-1,
1,
1,
1,
1,
1,
-1,
1,
1,
-1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
-1,
-1,
1,
1,
1,
1,
-1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
1,
-1,
1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
-1,
1,
1,
-1,
1,
1,
1,
1,
1,
-1,
1,
1,
-1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
-1,
-1,
1,
-1,
1,
1,
-1,
1,
-1,
1,
-1,
-1,
1,
1,
-1,
1,
1,
-1,
1,
1,
1,
1,
-1,
1,
-1,
-1,
1,
1,
-1,
1,
1,
-1,
1,
-1,
1,
1,
1,
-1,
1,
-1,
-1,
1,
-1,
-1,
-1,
1,
1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
1,
1,
1,
1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
0,
0,
-1,
1,
-1,
1,
-1,
-1,
1,
1,
-1,
1,
-1,
1,
1,
1,
-1,
1,
1,
0,
1,
1,
-1,
-1,
0,
1,
1,
1,
-1,
1,
0,
1,
0,
1,
-1,
1,
-1,
-1,
-1,
-1,
0,
-1,
1,
-1,
1,
-1,
-1,
1,
0,
0,
0,
0,
-1,
1,
-1,
1,
-1,
-1,
1,
1,
-1,
1,
-1,
1,
1,
1,
-1,
1,
1,
0,
1,
1,
-1,
-1,
0,
1,
1,
1,
-1,
1,
0,
1,
0,
1,
-1,
1,
-1,
-1,
-1,
-1,
0,
-1,
1,
-1,
1,
-1,
-1,
1,
0,
-1,
-1,
-1,
-1,
1,
-1,
1,
-1,
-1,
1,
-1,
-1,
0,
-1,
-1,
1,
1,
-1,
-1,
-1,
0,
1,
-1,
-1,
-1,
-1,
1,
-1,
1,
-1,
1,
-1,
0,
-1,
1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
0,
1,
-1,
-1,
0,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
0,
-1,
0,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
0,
-1,
-1,
0,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
0,
-1,
0,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
0,
-1,
-1,
0,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1
],
"xaxis": "x10",
"yaxis": "y10"
},
{
"alignmentgroup": "True",
"bingroup": "x",
"histnorm": "probability",
"hovertemplate": "method=modified<br>num_samples=6<br>alternative=less<br>signdiff=%{x}<br>probability=%{y}<extra></extra>",
"legendgroup": "modified",
"marker": {
"color": "#636efa",
"pattern": {
"shape": ""
}
},
"name": "modified",
"nbinsx": 3,
"offsetgroup": "modified",
"orientation": "v",
"showlegend": false,
"type": "histogram",
"x": [
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
1,
1,
0,
1,
1,
0,
0,
0,
0,
1,
1,
0,
1,
1,
0,
1,
1,
1,
1,
0,
1,
1,
1,
1,
1,
0,
1,
0,
1,
0,
1,
0,
1,
1,
1,
1,
0,
1,
0,
1,
1,
1,
0,
1,
0,
0,
1,
1,
-1,
-1,
-1,
0,
1,
1,
0,
0,
0,
0,
1,
0,
0,
0,
0,
0,
1,
0,
0,
1,
0,
-1,
1,
0,
0,
-1,
0,
0,
1,
0,
0,
0,
0,
-1,
0,
1,
0,
0,
0,
0,
0,
1,
0,
0,
0,
0,
-1,
0,
0,
0,
1,
0,
0,
0,
0,
0,
0,
0,
0,
1,
0,
0,
1,
0,
0,
1,
1,
0,
-1,
-1,
-1,
-1,
-1,
0,
0,
0,
0,
0,
1,
0,
0,
0,
-1,
1,
1,
0,
0,
0,
0,
1,
0,
0,
0,
1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
0,
0,
0,
-1,
0,
0,
0,
0,
0,
0,
-1,
0,
0,
-1,
0,
-1,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
1,
0,
1,
-1,
0,
0,
0,
-1,
-1,
1,
-1,
-1,
1,
-1,
0,
-1,
-1,
-1,
0,
1,
1,
0,
1,
1,
0,
0,
0,
-1,
1,
-1,
1,
-1,
1,
0,
1,
0,
0,
-1,
0,
0,
-1,
1,
0,
0,
1,
0,
0,
-1,
0,
-1,
1,
0,
1,
-1,
0,
0,
0,
-1,
-1,
1,
-1,
-1,
1,
-1,
0,
-1,
-1,
-1,
0,
1,
1,
0,
1,
1,
0,
0,
0,
-1,
1,
-1,
1,
-1,
1,
0,
1,
0,
0,
-1,
0,
0,
-1,
1,
0,
0,
1,
0,
0,
-1,
0,
0,
1,
0,
1,
-1,
0,
-1,
0,
0,
-1,
1,
-1,
-1,
1,
1,
0,
-1,
1,
1,
0,
1,
1,
-1,
1,
1,
1,
0,
-1,
-1,
1,
0,
1,
0,
1,
0,
1,
1,
0,
-1,
0,
-1,
0,
-1,
0,
1,
-1,
-1,
0,
-1,
1,
0,
1,
0,
0,
-1,
0,
-1,
0,
-1,
0,
0,
-1,
-1,
1,
-1,
0,
-1,
0,
-1,
0,
0,
1,
-1,
0,
1,
0,
0,
0,
-1,
0,
0,
-1,
1,
0,
0,
0,
1,
0,
-1,
0,
-1,
0,
-1,
0,
0,
-1,
-1,
0,
0,
1,
0,
1,
0,
0,
0,
0,
-1,
0,
-1,
0,
0,
-1,
0,
1,
0,
0,
0,
0,
-1,
0,
0,
0,
-1,
0,
1,
0,
0,
0,
-1,
0,
0,
-1,
1,
0,
0,
0,
1,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
-1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
0,
0,
-1,
0,
0,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
0,
-1,
0,
-1,
0,
-1,
-1,
-1,
-1,
0,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
0,
0,
-1,
0,
0,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
0,
-1,
0,
-1,
0,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1
],
"xaxis": "x11",
"yaxis": "y11"
},
{
"alignmentgroup": "True",
"bingroup": "x",
"histnorm": "probability",
"hovertemplate": "method=modified<br>num_samples=6<br>alternative=two-sided<br>signdiff=%{x}<br>probability=%{y}<extra></extra>",
"legendgroup": "modified",
"marker": {
"color": "#636efa",
"pattern": {
"shape": ""
}
},
"name": "modified",
"nbinsx": 3,
"offsetgroup": "modified",
"orientation": "v",
"showlegend": false,
"type": "histogram",
"x": [
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
1,
1,
1,
0,
1,
0,
0,
0,
0,
0,
1,
1,
0,
1,
1,
1,
1,
1,
1,
0,
0,
1,
1,
1,
0,
1,
1,
1,
0,
1,
0,
1,
1,
1,
0,
1,
1,
0,
1,
0,
1,
1,
1,
0,
1,
0,
0,
1,
1,
0,
0,
0,
0,
1,
1,
0,
0,
0,
0,
1,
0,
0,
0,
0,
0,
0,
0,
0,
1,
0,
0,
1,
0,
0,
0,
0,
1,
1,
0,
1,
0,
0,
0,
0,
1,
0,
0,
0,
0,
0,
1,
0,
0,
0,
0,
-1,
0,
0,
0,
1,
0,
0,
1,
0,
0,
0,
0,
0,
1,
0,
0,
1,
0,
0,
1,
1,
1,
0,
-1,
-1,
0,
-1,
1,
1,
0,
0,
0,
1,
0,
0,
0,
0,
1,
1,
0,
0,
0,
0,
1,
0,
0,
0,
1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
0,
0,
0,
-1,
0,
0,
0,
0,
0,
0,
-1,
0,
0,
-1,
0,
-1,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
0,
0,
0,
0,
0,
0,
0,
1,
1,
1,
0,
0,
1,
1,
0,
0,
1,
-1,
-1,
1,
1,
1,
1,
0,
-1,
1,
1,
1,
1,
1,
0,
1,
1,
1,
1,
1,
-1,
0,
1,
1,
1,
0,
0,
1,
1,
0,
-1,
0,
1,
-1,
1,
0,
1,
1,
0,
1,
1,
1,
1,
1,
0,
0,
1,
1,
0,
0,
1,
-1,
-1,
1,
1,
1,
1,
0,
-1,
1,
1,
1,
1,
1,
0,
1,
1,
1,
1,
1,
-1,
0,
1,
1,
1,
0,
0,
1,
1,
0,
-1,
0,
1,
-1,
1,
0,
1,
1,
0,
1,
1,
0,
1,
1,
0,
1,
-1,
0,
-1,
0,
1,
-1,
-1,
1,
-1,
1,
1,
0,
-1,
1,
1,
1,
-1,
1,
-1,
-1,
1,
1,
1,
1,
-1,
-1,
1,
1,
0,
1,
0,
1,
-1,
0,
-1,
0,
1,
0,
0,
0,
1,
1,
-1,
0,
1,
1,
0,
-1,
0,
0,
-1,
0,
-1,
0,
1,
0,
-1,
1,
-1,
1,
-1,
0,
1,
0,
1,
0,
-1,
1,
1,
-1,
-1,
0,
0,
0,
1,
0,
0,
0,
1,
0,
0,
0,
-1,
0,
1,
0,
1,
0,
1,
0,
0,
0,
-1,
0,
0,
1,
0,
1,
0,
0,
0,
0,
1,
0,
1,
0,
0,
1,
0,
1,
0,
0,
0,
0,
1,
0,
0,
0,
1,
0,
1,
0,
0,
0,
1,
0,
0,
1,
1,
0,
0,
0,
1,
0,
0,
0,
0,
0,
0,
0,
0,
1,
1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
1,
1,
0,
-1,
1,
1,
0,
-1,
-1,
0,
-1,
-1,
1,
-1,
-1,
1,
1,
-1,
1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
1,
0,
1,
-1,
-1,
1,
-1,
1,
1,
-1,
0,
1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
1,
-1,
-1,
1,
1,
1,
1,
0,
-1,
1,
1,
0,
-1,
-1,
0,
-1,
-1,
1,
-1,
-1,
1,
1,
-1,
1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
1,
0,
1,
-1,
-1,
1,
-1,
1,
1,
-1,
0,
1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
1,
-1,
-1,
1,
1,
1,
-1,
1,
0,
1,
0,
-1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
0,
1,
1,
1,
-1,
-1,
-1,
-1,
1,
1,
-1,
0,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
0,
0,
-1,
-1,
-1,
1,
-1,
-1,
1,
1,
-1,
1,
-1,
-1,
1,
1,
-1,
1,
-1,
0,
-1,
-1,
-1,
-1,
0,
1,
-1,
1,
-1,
-1,
0,
-1,
0,
1,
-1,
1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
1,
-1,
-1,
1,
0,
0,
0,
0,
-1,
-1,
-1,
1,
-1,
-1,
1,
1,
-1,
1,
-1,
-1,
1,
1,
-1,
1,
-1,
0,
-1,
-1,
-1,
-1,
0,
1,
-1,
1,
-1,
-1,
0,
-1,
0,
1,
-1,
1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
1,
-1,
-1,
1,
0,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
0,
-1,
-1,
-1,
1,
-1,
-1,
-1,
0,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
0,
-1,
-1,
-1,
0,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
0,
-1,
0,
-1,
0,
-1,
0,
0,
-1,
0,
0,
-1,
0,
0,
-1,
-1,
0,
0,
-1,
0,
0,
-1,
-1,
0,
0,
-1,
-1,
-1,
-1,
0,
-1,
0,
-1,
0,
-1,
0,
-1,
-1,
0,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
0,
-1,
0,
-1,
0,
-1,
0,
0,
-1,
0,
0,
-1,
0,
0,
-1,
-1,
0,
0,
-1,
0,
0,
-1,
-1,
0,
0,
-1,
-1,
-1,
-1,
0,
-1,
0,
-1,
0,
-1,
0,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1
],
"xaxis": "x12",
"yaxis": "y12"
},
{
"alignmentgroup": "True",
"bingroup": "x",
"histnorm": "probability",
"hovertemplate": "method=modified<br>num_samples=7<br>alternative=greater<br>signdiff=%{x}<br>probability=%{y}<extra></extra>",
"legendgroup": "modified",
"marker": {
"color": "#636efa",
"pattern": {
"shape": ""
}
},
"name": "modified",
"nbinsx": 3,
"offsetgroup": "modified",
"orientation": "v",
"showlegend": false,
"type": "histogram",
"x": [
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
1,
1,
1,
1,
1,
1,
1,
0,
1,
1,
1,
1,
0,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
0,
1,
1,
1,
1,
1,
1,
1,
1,
0,
1,
0,
1,
1,
1,
0,
1,
1,
0,
1,
1,
0,
1,
-1,
0,
0,
-1,
0,
1,
0,
0,
0,
-1,
1,
0,
1,
-1,
0,
0,
0,
1,
-1,
0,
0,
0,
0,
0,
0,
0,
-1,
0,
0,
0,
0,
1,
-1,
-1,
0,
0,
0,
-1,
0,
0,
0,
0,
0,
0,
1,
0,
0,
0,
1,
1,
-1,
1,
0,
1,
0,
1,
0,
1,
0,
0,
-1,
0,
0,
0,
-1,
1,
-1,
0,
-1,
-1,
-1,
0,
0,
0,
0,
0,
-1,
0,
1,
-1,
-1,
-1,
0,
0,
-1,
0,
0,
1,
0,
0,
1,
0,
0,
-1,
0,
0,
-1,
1,
0,
1,
-1,
1,
0,
0,
0,
1,
0,
0,
0,
-1,
0,
0,
0,
0,
0,
0,
-1,
-1,
0,
-1,
0,
1,
0,
0,
0,
1,
0,
0,
0,
-1,
1,
0,
-1,
0,
0,
1,
0,
0,
0,
0,
1,
0,
0,
-1,
0,
0,
-1,
1,
0,
-1,
-1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
0,
-1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
0,
0,
-1,
0,
0,
-1,
0,
0,
0,
0,
0,
0,
0,
-1,
0,
0,
-1,
-1,
1,
1,
-1,
0,
-1,
1,
1,
1,
0,
1,
1,
-1,
1,
1,
1,
1,
0,
1,
0,
1,
1,
-1,
-1,
1,
-1,
0,
-1,
-1,
-1,
1,
-1,
1,
-1,
1,
1,
1,
-1,
1,
1,
1,
0,
1,
1,
1,
1,
1,
-1,
0,
1,
1,
1,
1,
-1,
0,
-1,
1,
1,
1,
0,
1,
1,
-1,
1,
1,
1,
1,
0,
1,
0,
1,
1,
-1,
-1,
1,
-1,
0,
-1,
-1,
-1,
1,
-1,
1,
-1,
1,
1,
1,
-1,
1,
1,
1,
0,
1,
1,
1,
1,
1,
-1,
0,
1,
1,
0,
1,
0,
0,
0,
1,
0,
1,
0,
1,
1,
-1,
1,
1,
1,
1,
0,
1,
0,
1,
1,
-1,
-1,
1,
-1,
0,
0,
0,
1,
1,
-1,
1,
1,
1,
1,
1,
0,
0,
1,
1,
0,
1,
1,
1,
1,
0,
0,
1,
1,
1,
-1,
0,
-1,
0,
0,
0,
0,
1,
0,
1,
0,
0,
0,
1,
0,
0,
0,
1,
-1,
1,
0,
-1,
0,
1,
-1,
-1,
0,
-1,
0,
1,
0,
0,
1,
-1,
0,
1,
-1,
-1,
1,
1,
0,
1,
0,
1,
1,
1,
-1,
1,
1,
1,
-1,
0,
0,
0,
0,
0,
0,
1,
0,
1,
-1,
0,
0,
0,
-1,
0,
0,
1,
0,
1,
1,
1,
0,
1,
0,
-1,
0,
1,
0,
1,
1,
0,
1,
0,
0,
1,
-1,
-1,
1,
0,
0,
0,
0,
0,
1,
0,
0,
1,
0,
0,
-1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
0,
0,
0,
0,
0,
0,
1,
0,
0,
0,
0,
0,
0,
0,
-1,
0,
0,
0,
0,
1,
0,
0,
0,
0,
1,
-1,
0,
1,
0,
0,
0,
0,
0,
1,
0,
0,
1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
1,
1,
1,
1,
1,
1,
1,
-1,
-1,
1,
1,
1,
1,
-1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
-1,
-1,
1,
1,
1,
1,
-1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
-1,
-1,
1,
1,
1,
1,
-1,
1,
1,
1,
-1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
-1,
-1,
1,
1,
-1,
1,
1,
0,
1,
-1,
1,
-1,
-1,
-1,
-1,
1,
0,
-1,
1,
1,
1,
-1,
1,
1,
1,
-1,
-1,
1,
1,
1,
1,
1,
1,
1,
1,
-1,
1,
1,
1,
1,
-1,
-1,
1,
-1,
-1,
1,
1,
-1,
1,
-1,
-1,
-1,
1,
1,
-1,
1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
1,
-1,
-1,
1,
-1,
-1,
1,
-1,
1,
-1,
-1,
1,
-1,
1,
1,
1,
-1,
1,
-1,
-1,
1,
1,
-1,
1,
1,
-1,
1,
-1,
-1,
1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
1,
-1,
1,
1,
1,
-1,
-1,
1,
1,
1,
1,
-1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
-1,
1,
1,
1,
-1,
-1,
1,
1,
1,
1,
-1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
-1,
1,
1,
-1,
-1,
1,
-1,
1,
1,
1,
-1,
-1,
1,
-1,
1,
1,
-1,
1,
1,
1,
-1,
1,
-1,
1,
1,
1,
-1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
-1,
1,
1,
1,
-1,
1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
1,
1,
1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
1,
-1,
1,
-1,
1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
1,
1,
1,
1,
-1,
1,
-1,
-1,
-1,
1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
1,
1,
1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
1,
1,
1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
1,
1,
1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
1,
1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
1,
1,
1,
-1,
-1,
-1,
1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
0,
-1,
0,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
0,
0,
0,
-1,
-1,
0,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
0,
-1,
0,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
0,
0,
0,
-1,
-1,
0,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1
],
"xaxis": "x7",
"yaxis": "y7"
},
{
"alignmentgroup": "True",
"bingroup": "x",
"histnorm": "probability",
"hovertemplate": "method=modified<br>num_samples=7<br>alternative=less<br>signdiff=%{x}<br>probability=%{y}<extra></extra>",
"legendgroup": "modified",
"marker": {
"color": "#636efa",
"pattern": {
"shape": ""
}
},
"name": "modified",
"nbinsx": 3,
"offsetgroup": "modified",
"orientation": "v",
"showlegend": false,
"type": "histogram",
"x": [
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
1,
1,
1,
1,
1,
1,
1,
0,
1,
1,
1,
1,
0,
1,
1,
0,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
0,
1,
0,
1,
1,
1,
0,
1,
1,
0,
1,
1,
-1,
1,
-1,
0,
0,
0,
0,
1,
0,
0,
1,
-1,
1,
0,
0,
0,
0,
0,
0,
1,
0,
0,
0,
0,
-1,
0,
0,
0,
0,
1,
0,
0,
0,
0,
-1,
1,
0,
0,
0,
-1,
0,
0,
0,
0,
0,
0,
1,
0,
0,
0,
1,
1,
-1,
1,
0,
1,
0,
1,
0,
1,
1,
0,
1,
0,
0,
1,
1,
-1,
1,
0,
-1,
-1,
0,
-1,
0,
0,
0,
0,
1,
1,
0,
-1,
0,
0,
1,
-1,
1,
-1,
0,
-1,
0,
1,
-1,
-1,
0,
1,
0,
0,
0,
1,
0,
1,
-1,
0,
0,
0,
0,
1,
0,
0,
1,
-1,
0,
0,
0,
0,
0,
0,
1,
-1,
0,
1,
0,
1,
0,
0,
0,
0,
0,
0,
0,
0,
1,
0,
-1,
0,
1,
-1,
0,
0,
0,
1,
-1,
0,
0,
0,
0,
0,
-1,
-1,
0,
-1,
-1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
0,
-1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
0,
0,
-1,
0,
0,
-1,
0,
0,
0,
0,
0,
0,
0,
-1,
0,
0,
-1,
-1,
1,
-1,
1,
0,
1,
-1,
-1,
-1,
0,
-1,
0,
1,
1,
-1,
-1,
-1,
0,
-1,
1,
-1,
-1,
1,
1,
-1,
1,
1,
1,
1,
1,
-1,
1,
-1,
1,
0,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
0,
-1,
1,
0,
-1,
-1,
1,
-1,
1,
0,
1,
-1,
-1,
-1,
0,
-1,
0,
1,
1,
-1,
-1,
-1,
0,
-1,
1,
-1,
-1,
1,
1,
-1,
1,
1,
1,
1,
1,
-1,
1,
-1,
1,
0,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
0,
-1,
1,
0,
-1,
-1,
1,
0,
1,
0,
1,
-1,
0,
-1,
0,
-1,
0,
1,
1,
-1,
1,
0,
0,
-1,
1,
0,
0,
1,
1,
-1,
1,
1,
1,
1,
1,
-1,
1,
-1,
-1,
1,
0,
-1,
1,
1,
-1,
-1,
0,
-1,
-1,
-1,
0,
1,
1,
-1,
0,
-1,
1,
0,
1,
0,
0,
-1,
0,
-1,
0,
-1,
1,
1,
0,
-1,
1,
-1,
0,
-1,
0,
-1,
1,
1,
0,
-1,
0,
1,
1,
0,
0,
-1,
0,
0,
0,
1,
-1,
-1,
1,
1,
-1,
-1,
0,
-1,
0,
-1,
-1,
0,
0,
-1,
0,
0,
1,
0,
1,
0,
0,
0,
0,
0,
0,
-1,
0,
0,
-1,
1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
0,
1,
0,
0,
0,
-1,
-1,
0,
-1,
1,
0,
0,
0,
1,
-1,
0,
0,
0,
0,
0,
-1,
1,
-1,
-1,
0,
0,
1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
1,
0,
0,
0,
0,
0,
0,
-1,
0,
0,
0,
0,
0,
0,
0,
1,
0,
0,
0,
0,
-1,
0,
0,
0,
0,
-1,
1,
0,
-1,
0,
0,
0,
0,
0,
-1,
0,
0,
-1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
0,
0,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
0,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
0,
0,
0,
0,
0,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
0,
-1,
-1,
-1,
0,
-1,
-1,
0,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
1,
-1,
1,
1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
1,
-1,
1,
1,
1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
1,
-1,
1,
1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
1,
-1,
1,
1,
1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
1,
-1,
1,
1,
1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
0,
-1,
0,
-1,
0,
-1,
-1,
-1,
-1,
-1,
0,
-1,
0,
-1,
0,
-1,
-1,
0,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
0,
0,
-1,
0,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
0,
0,
-1,
0,
-1,
-1,
-1,
0,
-1,
0,
-1,
0,
-1,
-1,
-1,
-1,
-1,
0,
-1,
0,
-1,
0,
-1,
-1,
0,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
0,
0,
-1,
0,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
0,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1
],
"xaxis": "x8",
"yaxis": "y8"
},
{
"alignmentgroup": "True",
"bingroup": "x",
"histnorm": "probability",
"hovertemplate": "method=modified<br>num_samples=7<br>alternative=two-sided<br>signdiff=%{x}<br>probability=%{y}<extra></extra>",
"legendgroup": "modified",
"marker": {
"color": "#636efa",
"pattern": {
"shape": ""
}
},
"name": "modified",
"nbinsx": 3,
"offsetgroup": "modified",
"orientation": "v",
"showlegend": false,
"type": "histogram",
"x": [
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
1,
0,
1,
1,
1,
1,
1,
0,
1,
1,
1,
1,
0,
1,
1,
1,
1,
1,
1,
1,
1,
1,
0,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
0,
1,
0,
1,
1,
1,
0,
1,
1,
0,
1,
1,
0,
1,
-1,
0,
0,
0,
0,
1,
0,
0,
1,
-1,
1,
0,
1,
0,
0,
0,
0,
1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
1,
0,
0,
0,
1,
-1,
1,
0,
0,
0,
-1,
0,
0,
0,
0,
0,
0,
1,
0,
0,
0,
1,
1,
-1,
1,
0,
1,
0,
1,
0,
1,
1,
0,
1,
0,
0,
1,
1,
1,
1,
0,
-1,
0,
0,
0,
0,
0,
0,
0,
1,
1,
1,
0,
-1,
-1,
1,
-1,
1,
0,
0,
1,
0,
1,
1,
0,
0,
1,
0,
0,
0,
1,
0,
1,
-1,
1,
0,
0,
0,
1,
0,
0,
1,
-1,
0,
0,
0,
0,
0,
0,
1,
-1,
0,
-1,
0,
1,
0,
0,
0,
1,
0,
0,
0,
0,
1,
0,
-1,
0,
1,
1,
0,
0,
0,
1,
1,
0,
0,
0,
0,
0,
-1,
1,
0,
-1,
-1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
0,
-1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
0,
0,
-1,
0,
0,
-1,
0,
0,
0,
0,
0,
0,
0,
-1,
0,
0,
-1,
-1,
1,
1,
1,
0,
1,
-1,
1,
-1,
0,
1,
0,
-1,
1,
1,
-1,
-1,
0,
-1,
0,
1,
1,
1,
1,
-1,
1,
0,
-1,
-1,
-1,
-1,
1,
1,
-1,
0,
1,
1,
-1,
-1,
1,
0,
1,
1,
-1,
-1,
1,
1,
1,
0,
1,
1,
1,
1,
1,
0,
1,
-1,
1,
-1,
0,
1,
0,
-1,
1,
1,
-1,
-1,
0,
-1,
0,
1,
1,
1,
1,
-1,
1,
0,
-1,
-1,
-1,
-1,
1,
1,
-1,
0,
1,
1,
-1,
-1,
1,
0,
1,
1,
-1,
-1,
1,
1,
1,
0,
1,
1,
0,
1,
1,
0,
1,
-1,
0,
-1,
0,
1,
0,
-1,
1,
1,
1,
0,
0,
-1,
1,
1,
1,
-1,
1,
1,
-1,
0,
1,
0,
1,
1,
-1,
1,
1,
1,
0,
1,
0,
0,
1,
1,
0,
1,
-1,
1,
1,
0,
0,
-1,
1,
1,
1,
0,
0,
0,
0,
-1,
0,
0,
0,
1,
1,
0,
0,
-1,
1,
-1,
0,
0,
0,
1,
0,
-1,
0,
1,
-1,
-1,
1,
-1,
0,
1,
0,
0,
1,
1,
-1,
1,
-1,
1,
1,
1,
0,
1,
0,
1,
1,
0,
-1,
-1,
1,
1,
0,
0,
1,
0,
0,
0,
0,
1,
0,
1,
0,
0,
0,
1,
0,
0,
0,
1,
0,
1,
1,
1,
0,
1,
0,
0,
0,
1,
0,
1,
1,
0,
1,
1,
0,
1,
0,
1,
1,
0,
0,
0,
0,
0,
1,
1,
0,
0,
0,
0,
1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
1,
0,
0,
0,
0,
0,
0,
1,
0,
0,
0,
0,
0,
0,
0,
1,
0,
0,
0,
0,
1,
0,
0,
0,
0,
1,
1,
0,
1,
0,
0,
0,
0,
0,
1,
0,
0,
1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
1,
0,
-1,
-1,
-1,
1,
1,
-1,
-1,
1,
1,
0,
1,
-1,
-1,
1,
1,
-1,
1,
0,
1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
1,
-1,
1,
1,
1,
1,
-1,
1,
-1,
-1,
1,
-1,
-1,
1,
1,
-1,
-1,
1,
-1,
1,
0,
-1,
-1,
-1,
1,
1,
-1,
-1,
1,
1,
0,
1,
-1,
-1,
1,
1,
-1,
1,
0,
1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
1,
-1,
1,
1,
1,
1,
-1,
1,
-1,
-1,
1,
-1,
-1,
1,
1,
-1,
-1,
1,
-1,
1,
1,
0,
-1,
0,
0,
-1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
1,
1,
-1,
1,
1,
1,
-1,
-1,
-1,
-1,
1,
1,
1,
0,
0,
-1,
-1,
-1,
1,
1,
1,
1,
-1,
1,
1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
1,
1,
-1,
1,
0,
0,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
0,
-1,
-1,
1,
1,
-1,
1,
1,
1,
-1,
-1,
-1,
-1,
0,
1,
1,
0,
0,
0,
-1,
-1,
1,
1,
1,
-1,
-1,
1,
-1,
-1,
0,
1,
-1,
1,
-1,
-1,
-1,
1,
1,
-1,
1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
1,
-1,
-1,
1,
-1,
-1,
1,
-1,
1,
-1,
-1,
0,
-1,
0,
1,
1,
-1,
0,
-1,
-1,
0,
1,
-1,
1,
0,
-1,
1,
-1,
-1,
0,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
0,
-1,
-1,
1,
1,
-1,
-1,
1,
1,
-1,
1,
-1,
-1,
0,
1,
-1,
1,
-1,
-1,
-1,
0,
-1,
-1,
1,
1,
-1,
1,
0,
-1,
1,
0,
-1,
1,
1,
1,
1,
1,
-1,
-1,
1,
-1,
-1,
1,
1,
-1,
-1,
1,
-1,
1,
-1,
0,
-1,
-1,
1,
1,
-1,
-1,
1,
1,
-1,
1,
-1,
-1,
0,
1,
-1,
1,
-1,
-1,
-1,
0,
-1,
-1,
1,
1,
-1,
1,
0,
-1,
1,
0,
-1,
1,
1,
1,
1,
1,
-1,
-1,
1,
-1,
-1,
1,
1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
1,
1,
1,
-1,
-1,
1,
-1,
-1,
0,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
1,
1,
1,
1,
0,
1,
1,
-1,
0,
-1,
1,
0,
1,
-1,
0,
-1,
1,
-1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
1,
-1,
1,
1,
-1,
1,
-1,
-1,
-1,
1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
1,
-1,
1,
-1,
-1,
-1,
-1,
1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
1,
1,
1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
0,
-1,
-1,
0,
-1,
0,
-1,
0,
-1,
0,
-1,
-1,
-1,
0,
0,
0,
0,
0,
-1,
-1,
0,
0,
0,
-1,
-1,
-1,
0,
0,
0,
-1,
0,
0,
0,
0,
-1,
0,
0,
-1,
-1,
-1,
0,
-1,
0,
-1,
-1,
-1,
0,
0,
-1,
0,
0,
-1,
-1,
0,
-1,
0,
-1,
0,
-1,
0,
-1,
-1,
-1,
0,
0,
0,
0,
0,
-1,
-1,
0,
0,
0,
-1,
-1,
-1,
0,
0,
0,
-1,
0,
0,
0,
0,
-1,
0,
0,
-1,
-1,
-1,
0,
-1,
0,
-1,
-1,
-1,
0,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1
],
"xaxis": "x9",
"yaxis": "y9"
},
{
"alignmentgroup": "True",
"bingroup": "x",
"histnorm": "probability",
"hovertemplate": "method=modified<br>num_samples=8<br>alternative=greater<br>signdiff=%{x}<br>probability=%{y}<extra></extra>",
"legendgroup": "modified",
"marker": {
"color": "#636efa",
"pattern": {
"shape": ""
}
},
"name": "modified",
"nbinsx": 3,
"offsetgroup": "modified",
"orientation": "v",
"showlegend": false,
"type": "histogram",
"x": [
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
1,
1,
1,
1,
1,
1,
1,
0,
1,
1,
1,
1,
0,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
0,
1,
1,
1,
1,
1,
1,
1,
1,
0,
1,
1,
0,
0,
1,
0,
1,
0,
0,
1,
0,
-1,
0,
0,
-1,
0,
0,
-1,
-1,
0,
0,
0,
-1,
-1,
0,
0,
1,
1,
0,
0,
0,
-1,
0,
0,
0,
1,
0,
0,
-1,
0,
0,
0,
0,
-1,
0,
0,
0,
0,
0,
0,
0,
0,
1,
1,
-1,
1,
0,
1,
0,
1,
0,
-1,
1,
0,
1,
0,
0,
1,
-1,
1,
-1,
1,
-1,
-1,
-1,
-1,
1,
1,
0,
0,
0,
-1,
0,
0,
1,
1,
1,
-1,
-1,
-1,
0,
1,
1,
0,
0,
1,
1,
0,
0,
0,
0,
1,
0,
1,
-1,
1,
0,
0,
0,
1,
0,
0,
-1,
0,
0,
0,
0,
0,
0,
1,
-1,
1,
0,
-1,
0,
1,
1,
-1,
0,
0,
0,
0,
0,
-1,
0,
0,
0,
0,
-1,
1,
0,
0,
0,
0,
1,
0,
1,
-1,
0,
0,
1,
1,
0,
-1,
-1,
1,
0,
0,
0,
0,
0,
0,
0,
-1,
0,
0,
0,
0,
0,
1,
-1,
1,
0,
-1,
0,
0,
0,
-1,
0,
0,
0,
0,
0,
-1,
0,
0,
1,
0,
0,
-1,
0,
0,
-1,
0,
1,
0,
1,
1,
0,
0,
1,
-1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
0,
0,
0,
0,
0,
0,
-1,
0,
0,
-1,
0,
0,
0,
-1,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
0,
0,
-1,
0,
0,
-1,
0,
-1,
0,
0,
-1,
0,
0,
0,
-1,
0,
1,
-1,
0,
-1,
1,
1,
1,
0,
1,
0,
-1,
1,
1,
1,
1,
-1,
1,
1,
1,
1,
-1,
0,
1,
-1,
-1,
-1,
-1,
0,
0,
-1,
1,
0,
1,
1,
1,
1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
-1,
0,
1,
1,
0,
1,
-1,
0,
-1,
1,
1,
1,
0,
1,
0,
-1,
1,
1,
1,
1,
-1,
1,
1,
1,
1,
-1,
0,
1,
-1,
-1,
-1,
-1,
0,
0,
-1,
1,
0,
1,
1,
1,
1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
-1,
0,
1,
1,
0,
1,
-1,
0,
0,
1,
0,
1,
0,
1,
1,
-1,
1,
1,
1,
1,
0,
1,
1,
1,
1,
-1,
1,
1,
-1,
-1,
-1,
0,
1,
1,
-1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
-1,
1,
1,
1,
1,
0,
-1,
1,
1,
1,
-1,
0,
-1,
0,
0,
0,
0,
1,
0,
1,
-1,
-1,
1,
1,
0,
1,
0,
1,
0,
1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
1,
1,
-1,
0,
1,
-1,
1,
0,
-1,
-1,
1,
1,
-1,
1,
0,
1,
1,
0,
-1,
1,
1,
1,
-1,
0,
-1,
0,
0,
0,
0,
1,
0,
1,
-1,
0,
1,
1,
-1,
-1,
0,
1,
1,
1,
-1,
-1,
-1,
1,
1,
-1,
0,
1,
1,
0,
1,
0,
1,
-1,
0,
1,
-1,
-1,
1,
0,
-1,
1,
0,
0,
1,
-1,
1,
1,
1,
1,
-1,
0,
-1,
0,
0,
0,
0,
0,
0,
0,
-1,
0,
0,
0,
0,
-1,
0,
1,
0,
0,
1,
1,
-1,
0,
1,
-1,
0,
0,
0,
0,
1,
0,
0,
-1,
0,
0,
-1,
0,
1,
0,
-1,
1,
0,
0,
1,
-1,
1,
1,
0,
0,
-1,
0,
-1,
0,
0,
0,
0,
0,
0,
0,
-1,
0,
1,
0,
0,
-1,
0,
1,
0,
0,
0,
0,
-1,
0,
1,
0,
0,
0,
1,
0,
0,
0,
0,
-1,
0,
0,
0,
0,
0,
0,
-1,
1,
0,
0,
1,
-1,
0,
1,
0,
1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
-1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
-1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
-1,
1,
1,
1,
-1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
-1,
-1,
1,
1,
-1,
1,
1,
1,
1,
-1,
1,
1,
1,
-1,
1,
0,
1,
-1,
1,
0,
0,
-1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
1,
1,
-1,
1,
-1,
1,
1,
1,
1,
1,
-1,
1,
-1,
-1,
1,
1,
1,
1,
-1,
-1,
-1,
1,
1,
-1,
1,
-1,
-1,
1,
-1,
1,
-1,
-1,
1,
1,
1,
-1,
-1,
1,
1,
1,
-1,
1,
1,
0,
-1,
1,
1,
-1,
-1,
0,
1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
1,
1,
1,
1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
-1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
1,
1,
1,
0,
1,
1,
1,
0,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
-1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
1,
1,
1,
0,
1,
1,
1,
0,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
-1,
1,
1,
-1,
1,
1,
-1,
1,
1,
1,
1,
1,
1,
-1,
1,
1,
-1,
1,
1,
1,
-1,
1,
1,
1,
0,
1,
1,
1,
1,
0,
1,
1,
1,
0,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
-1,
1,
-1,
1,
-1,
-1,
1,
1,
-1,
1,
1,
0,
-1,
1,
-1,
-1,
1,
0,
-1,
1,
1,
1,
-1,
1,
1,
1,
1,
0,
1,
1,
1,
1,
1,
-1,
1,
1,
1,
-1,
1,
-1,
0,
-1,
1,
1,
-1,
1,
1,
1,
1,
1,
-1,
1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
1,
1,
-1,
-1,
-1,
1,
-1,
-1,
1,
1,
-1,
-1,
-1,
1,
1,
1,
-1,
-1,
-1,
1,
1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
-1,
1,
-1,
1,
-1,
1,
1,
-1,
1,
-1,
1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
1,
-1,
1,
-1,
1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
1,
-1,
1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
1,
-1,
1,
-1,
1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
1,
-1,
1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
1,
1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
1,
1,
-1,
-1,
-1,
1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
-1,
1,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
-1,
1,
-1,
-1,
1,
-1,
1,
-1,
1,
-1,
1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
1,
-1,
1,
1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
1,
-1,
1,
1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
1,
-1,
1,
1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
1,
-1,
1,
1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1
],
"xaxis": "x4",
"yaxis": "y4"
},
{
"alignmentgroup": "True",
"bingroup": "x",
"histnorm": "probability",
"hovertemplate": "method=modified<br>num_samples=8<br>alternative=less<br>signdiff=%{x}<br>probability=%{y}<extra></extra>",
"legendgroup": "modified",
"marker": {
"color": "#636efa",
"pattern": {
"shape": ""
}
},
"name": "modified",
"nbinsx": 3,
"offsetgroup": "modified",
"orientation": "v",
"showlegend": false,
"type": "histogram",
"x": [
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
1,
1,
1,
1,
1,
1,
1,
0,
1,
1,
1,
1,
0,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
0,
1,
1,
1,
1,
1,
0,
1,
1,
0,
1,
1,
-1,
-1,
0,
0,
1,
1,
0,
1,
0,
0,
1,
1,
0,
0,
-1,
0,
-1,
-1,
-1,
1,
0,
0,
1,
0,
0,
1,
1,
-1,
1,
0,
-1,
1,
-1,
-1,
0,
1,
0,
0,
0,
-1,
0,
0,
1,
0,
0,
0,
0,
0,
0,
0,
1,
1,
-1,
1,
0,
1,
0,
1,
0,
1,
1,
0,
1,
0,
0,
1,
1,
-1,
0,
1,
-1,
0,
1,
0,
1,
0,
0,
0,
1,
1,
0,
0,
-1,
1,
1,
1,
0,
0,
0,
-1,
1,
0,
-1,
1,
0,
0,
0,
0,
-1,
1,
0,
1,
-1,
-1,
0,
0,
0,
1,
0,
0,
1,
0,
0,
0,
0,
1,
0,
-1,
1,
1,
0,
1,
1,
-1,
0,
-1,
0,
0,
0,
0,
0,
1,
-1,
0,
1,
0,
1,
-1,
0,
0,
0,
0,
-1,
0,
0,
-1,
0,
0,
1,
-1,
0,
-1,
-1,
0,
0,
0,
0,
0,
0,
1,
1,
-1,
0,
0,
0,
0,
0,
0,
1,
1,
0,
1,
1,
0,
0,
-1,
0,
0,
0,
0,
0,
1,
0,
0,
-1,
0,
1,
1,
0,
0,
1,
0,
-1,
0,
0,
-1,
0,
0,
1,
1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
0,
0,
0,
0,
0,
0,
-1,
0,
0,
-1,
0,
0,
0,
-1,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
0,
0,
-1,
0,
0,
-1,
0,
-1,
0,
0,
-1,
0,
0,
0,
-1,
1,
-1,
1,
1,
1,
-1,
-1,
0,
1,
-1,
1,
1,
0,
-1,
-1,
-1,
1,
-1,
0,
-1,
0,
1,
1,
-1,
1,
1,
1,
1,
1,
1,
1,
-1,
1,
0,
-1,
-1,
0,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
0,
1,
0,
-1,
-1,
1,
-1,
1,
1,
1,
-1,
-1,
0,
1,
-1,
1,
1,
0,
-1,
-1,
-1,
1,
-1,
0,
-1,
0,
1,
1,
-1,
1,
1,
1,
1,
1,
1,
1,
-1,
1,
0,
-1,
-1,
0,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
0,
1,
0,
-1,
-1,
1,
-1,
1,
0,
1,
-1,
0,
-1,
1,
-1,
1,
1,
1,
-1,
0,
1,
1,
-1,
1,
1,
1,
1,
1,
-1,
1,
1,
1,
1,
0,
1,
1,
-1,
-1,
1,
-1,
0,
1,
1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
1,
-1,
1,
-1,
1,
0,
1,
0,
0,
-1,
0,
-1,
0,
-1,
1,
1,
1,
-1,
0,
-1,
1,
-1,
1,
-1,
1,
1,
1,
-1,
1,
1,
1,
0,
-1,
1,
0,
0,
0,
1,
-1,
-1,
-1,
1,
-1,
-1,
1,
-1,
0,
-1,
-1,
1,
1,
-1,
1,
-1,
1,
0,
1,
0,
0,
0,
0,
0,
0,
-1,
1,
1,
-1,
-1,
1,
0,
1,
-1,
-1,
-1,
1,
1,
0,
-1,
0,
1,
0,
0,
0,
-1,
-1,
0,
-1,
1,
1,
-1,
1,
1,
-1,
0,
1,
-1,
0,
0,
-1,
1,
-1,
-1,
0,
-1,
1,
0,
1,
0,
0,
0,
0,
0,
0,
0,
1,
0,
-1,
1,
1,
1,
0,
-1,
0,
0,
0,
0,
0,
0,
-1,
1,
0,
0,
-1,
0,
-1,
0,
0,
1,
1,
-1,
0,
0,
-1,
0,
1,
-1,
0,
0,
-1,
0,
0,
-1,
0,
-1,
1,
0,
1,
0,
0,
0,
0,
0,
0,
0,
1,
0,
-1,
0,
0,
1,
0,
-1,
0,
0,
0,
0,
1,
0,
-1,
0,
0,
0,
-1,
0,
0,
0,
0,
1,
0,
0,
0,
0,
0,
0,
1,
-1,
0,
0,
-1,
1,
0,
-1,
0,
-1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
1,
-1,
1,
1,
-1,
-1,
1,
1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
0,
0,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
0,
0,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
0,
0,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
0,
-1,
1,
-1,
-1,
0,
-1,
-1,
-1,
1,
0,
0,
-1,
0,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
0,
-1,
-1,
-1,
0,
0,
-1,
0,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
0,
0,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
0,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
1,
-1,
-1,
1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
1,
1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
1,
-1,
-1,
1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
1,
1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
1,
-1,
-1,
1,
1,
1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
1,
-1,
1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
1,
-1,
1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1
],
"xaxis": "x5",
"yaxis": "y5"
},
{
"alignmentgroup": "True",
"bingroup": "x",
"histnorm": "probability",
"hovertemplate": "method=modified<br>num_samples=8<br>alternative=two-sided<br>signdiff=%{x}<br>probability=%{y}<extra></extra>",
"legendgroup": "modified",
"marker": {
"color": "#636efa",
"pattern": {
"shape": ""
}
},
"name": "modified",
"nbinsx": 3,
"offsetgroup": "modified",
"orientation": "v",
"showlegend": false,
"type": "histogram",
"x": [
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
1,
1,
0,
1,
1,
1,
1,
0,
1,
1,
0,
1,
0,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
0,
1,
1,
0,
1,
1,
1,
1,
1,
1,
1,
1,
0,
1,
1,
0,
0,
1,
0,
1,
1,
0,
0,
0,
0,
1,
1,
0,
0,
0,
0,
0,
-1,
0,
1,
0,
0,
1,
0,
1,
1,
1,
0,
1,
0,
0,
1,
0,
1,
0,
1,
0,
0,
0,
0,
0,
0,
1,
0,
0,
0,
0,
0,
0,
0,
1,
1,
-1,
1,
0,
1,
0,
1,
0,
1,
1,
0,
1,
0,
0,
1,
1,
1,
-1,
1,
-1,
0,
1,
-1,
1,
1,
0,
0,
1,
1,
0,
0,
1,
1,
1,
1,
0,
-1,
0,
1,
1,
0,
-1,
1,
1,
0,
0,
0,
-1,
1,
0,
1,
-1,
1,
0,
0,
0,
1,
0,
0,
1,
0,
0,
0,
0,
1,
0,
1,
1,
1,
0,
1,
1,
1,
1,
-1,
0,
0,
0,
0,
0,
1,
0,
0,
1,
0,
1,
1,
0,
0,
0,
0,
1,
0,
1,
-1,
0,
0,
1,
1,
0,
-1,
-1,
1,
0,
0,
0,
0,
0,
1,
1,
-1,
0,
0,
0,
0,
0,
1,
1,
1,
0,
-1,
1,
0,
0,
-1,
0,
0,
0,
0,
0,
1,
0,
0,
-1,
0,
1,
-1,
0,
0,
1,
0,
1,
0,
1,
-1,
0,
0,
1,
-1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
0,
0,
0,
0,
0,
0,
-1,
0,
0,
-1,
0,
0,
0,
-1,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
0,
0,
-1,
0,
0,
-1,
0,
-1,
0,
0,
-1,
0,
0,
0,
-1,
0,
1,
-1,
1,
0,
-1,
1,
0,
1,
1,
0,
-1,
1,
1,
-1,
0,
-1,
-1,
1,
1,
1,
1,
1,
0,
1,
1,
-1,
-1,
1,
1,
-1,
1,
0,
1,
1,
1,
1,
-1,
1,
1,
1,
0,
-1,
-1,
1,
1,
1,
0,
1,
-1,
0,
1,
-1,
1,
0,
-1,
1,
0,
1,
1,
0,
-1,
1,
1,
-1,
0,
-1,
-1,
1,
1,
1,
1,
1,
0,
1,
1,
-1,
-1,
1,
1,
-1,
1,
0,
1,
1,
1,
1,
-1,
1,
1,
1,
0,
-1,
-1,
1,
1,
1,
0,
1,
-1,
0,
1,
-1,
0,
1,
-1,
0,
-1,
1,
1,
1,
-1,
1,
1,
0,
1,
0,
-1,
1,
1,
1,
-1,
1,
1,
-1,
1,
1,
0,
1,
1,
-1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
1,
1,
-1,
1,
1,
0,
1,
-1,
1,
-1,
-1,
0,
-1,
0,
0,
-1,
0,
1,
0,
1,
0,
-1,
1,
-1,
0,
-1,
0,
-1,
1,
1,
-1,
-1,
1,
1,
-1,
-1,
1,
-1,
1,
1,
-1,
0,
1,
1,
-1,
0,
-1,
1,
1,
1,
1,
1,
0,
1,
1,
1,
-1,
-1,
1,
1,
-1,
0,
1,
0,
0,
0,
0,
1,
0,
1,
0,
0,
0,
-1,
1,
0,
0,
1,
-1,
1,
-1,
-1,
0,
1,
1,
1,
0,
1,
1,
0,
1,
0,
1,
1,
1,
1,
1,
1,
1,
0,
1,
1,
0,
0,
1,
1,
1,
-1,
1,
1,
1,
0,
1,
0,
0,
0,
0,
0,
0,
0,
1,
0,
0,
1,
1,
1,
0,
1,
0,
0,
1,
1,
0,
0,
1,
1,
0,
0,
0,
0,
1,
0,
0,
1,
1,
0,
0,
0,
1,
0,
1,
1,
0,
0,
1,
0,
1,
1,
0,
0,
1,
0,
1,
0,
0,
0,
0,
0,
0,
0,
1,
0,
1,
0,
0,
1,
0,
1,
0,
0,
0,
0,
1,
0,
1,
0,
0,
0,
1,
0,
0,
0,
0,
1,
0,
0,
0,
0,
0,
0,
1,
1,
0,
0,
1,
1,
0,
1,
0,
1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
1,
1,
1,
-1,
1,
-1,
1,
-1,
-1,
1,
1,
-1,
0,
-1,
-1,
1,
1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
1,
0,
1,
1,
1,
1,
-1,
1,
1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
1,
-1,
1,
1,
1,
-1,
1,
-1,
1,
-1,
-1,
1,
1,
-1,
0,
-1,
-1,
1,
1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
1,
0,
1,
1,
1,
1,
-1,
1,
1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
1,
-1,
1,
1,
1,
-1,
1,
-1,
1,
-1,
-1,
-1,
1,
1,
0,
-1,
-1,
1,
1,
-1,
1,
1,
1,
-1,
-1,
1,
-1,
1,
1,
1,
-1,
1,
-1,
-1,
-1,
1,
1,
1,
1,
-1,
1,
1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
1,
1,
-1,
1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
1,
0,
-1,
-1,
-1,
0,
0,
-1,
1,
1,
1,
-1,
-1,
-1,
-1,
-1,
1,
1,
1,
-1,
-1,
-1,
-1,
1,
1,
1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
1,
-1,
-1,
-1,
1,
1,
-1,
1,
1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
1,
1,
-1,
1,
1,
0,
-1,
-1,
1,
-1,
1,
0,
1,
-1,
1,
1,
-1,
1,
1,
-1,
-1,
-1,
-1,
1,
-1,
1,
1,
1,
-1,
1,
-1,
-1,
-1,
1,
1,
-1,
-1,
1,
1,
-1,
-1,
-1,
1,
-1,
-1,
1,
1,
1,
-1,
-1,
-1,
1,
-1,
-1,
1,
1,
-1,
-1,
1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
-1,
1,
-1,
1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
1,
-1,
-1,
1,
1,
-1,
-1,
1,
1,
0,
-1,
-1,
1,
1,
1,
-1,
1,
-1,
-1,
0,
1,
-1,
-1,
1,
0,
0,
-1,
-1,
0,
1,
1,
1,
1,
1,
1,
-1,
1,
1,
-1,
-1,
-1,
1,
1,
1,
-1,
-1,
1,
-1,
1,
1,
1,
-1,
-1,
1,
1,
-1,
-1,
1,
1,
0,
-1,
-1,
1,
1,
1,
-1,
1,
-1,
-1,
0,
1,
-1,
-1,
1,
0,
0,
-1,
-1,
0,
1,
1,
1,
1,
1,
1,
-1,
1,
1,
-1,
-1,
-1,
1,
1,
1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
1,
-1,
1,
0,
-1,
1,
-1,
0,
-1,
-1,
-1,
-1,
1,
-1,
1,
-1,
-1,
0,
-1,
-1,
-1,
1,
0,
0,
-1,
0,
0,
-1,
1,
1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
0,
-1,
-1,
-1,
-1,
0,
0,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
0,
-1,
-1,
-1,
1,
0,
-1,
0,
0,
-1,
-1,
1,
-1,
0,
-1,
-1,
1,
-1,
1,
1,
1,
-1,
1,
-1,
1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
0,
0,
0,
-1,
-1,
-1,
1,
-1,
-1,
0,
1,
-1,
-1,
-1,
1,
1,
0,
-1,
-1,
-1,
1,
0,
-1,
-1,
0,
-1,
-1,
-1,
-1,
1,
-1,
1,
-1,
0,
-1,
1,
1,
-1,
1,
-1,
1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
1,
-1,
1,
0,
-1,
0,
1,
-1,
1,
-1,
-1,
-1,
1,
-1,
1,
1,
1,
0,
1,
-1,
-1,
-1,
-1,
1,
-1,
1,
0,
1,
1,
-1,
1,
0,
1,
0,
-1,
1,
-1,
-1,
-1,
1,
1,
-1,
0,
1,
-1,
-1,
1,
1,
1,
1,
1,
-1,
1,
0,
-1,
0,
1,
-1,
1,
-1,
-1,
-1,
1,
-1,
1,
1,
1,
0,
1,
-1,
-1,
-1,
-1,
1,
-1,
1,
0,
1,
1,
-1,
1,
0,
1,
0,
-1,
1,
-1,
-1,
-1,
1,
1,
-1,
0,
1,
-1,
-1,
1,
1,
1,
1,
1,
-1,
1,
1,
-1,
0,
1,
-1,
1,
-1,
1,
-1,
0,
-1,
1,
-1,
1,
1,
1,
-1,
-1,
-1,
-1,
-1,
1,
1,
0,
1,
-1,
-1,
0,
1,
-1,
1,
-1,
1,
-1,
0,
-1,
1,
1,
1,
0,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
1,
-1,
-1,
1,
1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
1,
-1,
1,
-1,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
1,
-1,
1,
-1,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
0,
-1,
0,
0,
-1,
-1,
-1,
-1,
-1,
0,
-1,
0,
-1,
0,
0,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
0,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
0,
-1,
0,
0,
-1,
-1,
-1,
-1,
-1,
0,
-1,
0,
-1,
0,
0,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1
],
"xaxis": "x6",
"yaxis": "y6"
},
{
"alignmentgroup": "True",
"bingroup": "x",
"histnorm": "probability",
"hovertemplate": "method=modified<br>num_samples=9<br>alternative=greater<br>signdiff=%{x}<br>probability=%{y}<extra></extra>",
"legendgroup": "modified",
"marker": {
"color": "#636efa",
"pattern": {
"shape": ""
}
},
"name": "modified",
"nbinsx": 3,
"offsetgroup": "modified",
"orientation": "v",
"showlegend": false,
"type": "histogram",
"x": [
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
1,
1,
1,
1,
1,
1,
1,
1,
0,
1,
1,
1,
1,
0,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
0,
1,
1,
1,
1,
1,
1,
1,
1,
0,
1,
1,
0,
-1,
1,
1,
1,
-1,
0,
-1,
-1,
1,
-1,
0,
-1,
0,
0,
0,
0,
0,
1,
1,
-1,
0,
-1,
1,
1,
1,
0,
0,
0,
-1,
1,
0,
1,
1,
1,
0,
-1,
0,
0,
0,
0,
-1,
0,
0,
1,
0,
1,
0,
1,
-1,
1,
1,
1,
1,
0,
1,
0,
1,
0,
1,
1,
1,
1,
0,
0,
1,
1,
1,
1,
1,
-1,
-1,
-1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
-1,
1,
1,
0,
1,
1,
0,
1,
1,
1,
1,
0,
0,
0,
1,
1,
1,
1,
1,
0,
0,
0,
-1,
0,
0,
-1,
1,
0,
0,
0,
-1,
0,
1,
-1,
-1,
0,
-1,
-1,
-1,
1,
-1,
0,
1,
0,
-1,
0,
-1,
-1,
0,
1,
0,
-1,
1,
0,
1,
-1,
0,
1,
0,
1,
-1,
0,
0,
-1,
1,
-1,
1,
1,
1,
0,
0,
0,
1,
0,
0,
-1,
-1,
0,
0,
0,
0,
0,
1,
-1,
-1,
0,
-1,
-1,
0,
0,
-1,
0,
0,
0,
-1,
0,
-1,
1,
0,
1,
0,
0,
1,
0,
1,
1,
0,
1,
1,
1,
1,
0,
0,
0,
-1,
-1,
0,
0,
1,
0,
0,
0,
-1,
0,
0,
0,
-1,
0,
0,
0,
0,
0,
1,
1,
1,
0,
1,
0,
0,
0,
-1,
0,
0,
0,
-1,
0,
-1,
1,
0,
1,
0,
0,
1,
0,
-1,
-1,
0,
1,
1,
0,
-1,
0,
0,
-1,
1,
-1,
0,
0,
0,
0,
0,
0,
-1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
-1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
0,
-1,
-1,
0,
-1,
0,
0,
0,
0,
-1,
0,
0,
0,
-1,
0,
0,
0,
0,
-1,
0,
0,
1,
-1,
0,
-1,
1,
1,
1,
0,
1,
1,
-1,
-1,
1,
1,
1,
-1,
1,
0,
1,
1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
1,
1,
0,
1,
1,
1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
-1,
0,
1,
1,
0,
1,
-1,
0,
-1,
1,
1,
1,
0,
1,
1,
-1,
-1,
1,
1,
1,
-1,
1,
0,
1,
1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
1,
1,
0,
1,
1,
1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
-1,
0,
1,
1,
0,
1,
1,
0,
1,
1,
0,
1,
0,
1,
1,
-1,
0,
1,
1,
1,
-1,
1,
1,
1,
1,
-1,
-1,
1,
-1,
-1,
0,
-1,
1,
1,
1,
1,
1,
0,
1,
1,
1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
-1,
1,
-1,
0,
0,
1,
0,
1,
0,
1,
-1,
-1,
-1,
1,
-1,
1,
-1,
1,
-1,
1,
-1,
-1,
-1,
1,
0,
-1,
-1,
-1,
1,
1,
0,
0,
1,
-1,
1,
1,
1,
-1,
1,
1,
-1,
1,
0,
1,
1,
0,
0,
1,
1,
0,
-1,
1,
-1,
0,
0,
1,
0,
1,
0,
1,
0,
-1,
0,
1,
0,
-1,
1,
1,
1,
1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
1,
-1,
1,
0,
1,
-1,
1,
1,
0,
-1,
1,
1,
-1,
1,
0,
1,
1,
0,
1,
1,
0,
1,
-1,
0,
-1,
0,
0,
0,
0,
1,
1,
1,
-1,
0,
1,
0,
-1,
-1,
1,
1,
-1,
0,
-1,
-1,
-1,
0,
1,
-1,
0,
1,
1,
0,
1,
0,
1,
-1,
1,
1,
-1,
-1,
1,
1,
-1,
1,
0,
1,
1,
-1,
1,
1,
0,
1,
-1,
0,
-1,
0,
0,
0,
0,
1,
0,
1,
-1,
0,
1,
0,
-1,
-1,
1,
1,
-1,
0,
1,
1,
-1,
0,
1,
-1,
0,
0,
1,
0,
0,
0,
1,
-1,
0,
0,
0,
-1,
0,
1,
-1,
1,
0,
1,
1,
-1,
0,
1,
0,
1,
0,
0,
0,
0,
0,
0,
0,
1,
0,
1,
0,
0,
0,
0,
-1,
0,
1,
0,
-1,
0,
0,
0,
0,
0,
0,
-1,
0,
0,
0,
0,
0,
0,
1,
-1,
0,
0,
0,
-1,
0,
1,
0,
1,
0,
1,
0,
0,
0,
1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
-1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
0,
1,
-1,
1,
1,
1,
1,
1,
1,
1,
-1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
0,
1,
-1,
1,
1,
-1,
1,
1,
1,
1,
1,
1,
1,
1,
-1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
1,
-1,
1,
1,
-1,
1,
1,
-1,
1,
-1,
-1,
1,
1,
1,
1,
1,
1,
1,
-1,
1,
-1,
1,
0,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
1,
1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
1,
-1,
1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
-1,
1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
-1,
1,
1,
1,
-1,
1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
-1,
1,
1,
1,
-1,
1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
-1,
1,
1,
0,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
1,
-1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
-1,
1,
1,
-1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
1,
1,
1,
0,
-1,
1,
1,
1,
1,
1,
1,
-1,
1,
0,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
-1,
1,
-1,
1,
1,
1,
-1,
1,
1,
1,
-1,
1,
1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
1,
0,
-1,
1,
1,
1,
1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
1,
-1,
1,
-1,
-1,
1,
1,
0,
-1,
1,
1,
1,
-1,
1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
1,
1,
-1,
-1,
1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
0,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
1,
0,
1,
-1,
1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
1,
1,
1,
1,
-1,
1,
1,
-1,
-1,
1,
0,
-1,
-1,
0,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
0,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
1,
0,
1,
-1,
1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
1,
1,
1,
1,
-1,
1,
1,
-1,
-1,
1,
0,
-1,
-1,
0,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
1,
-1,
-1,
1,
-1,
-1,
-1,
1,
1,
1,
1,
1,
1,
-1,
1,
-1,
1,
1,
-1,
-1,
1,
-1,
1,
0,
1,
1,
1,
1,
-1,
-1,
-1,
1,
-1,
1,
0,
0,
-1,
1,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
-1,
1,
-1,
1,
1,
1,
1,
1,
1,
-1,
1,
-1,
-1,
1,
0,
-1,
1,
-1,
0,
-1,
1,
1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
1,
1,
1,
1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
1,
-1,
1,
1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
1,
-1,
1,
1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
1,
-1,
-1,
1,
1,
1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
1,
-1,
-1,
1,
1,
1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
1,
-1,
-1,
1,
1,
1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
1,
-1,
-1,
1,
1,
1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1
],
"xaxis": "x",
"yaxis": "y"
},
{
"alignmentgroup": "True",
"bingroup": "x",
"histnorm": "probability",
"hovertemplate": "method=modified<br>num_samples=9<br>alternative=less<br>signdiff=%{x}<br>probability=%{y}<extra></extra>",
"legendgroup": "modified",
"marker": {
"color": "#636efa",
"pattern": {
"shape": ""
}
},
"name": "modified",
"nbinsx": 3,
"offsetgroup": "modified",
"orientation": "v",
"showlegend": false,
"type": "histogram",
"x": [
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
0,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
0,
1,
1,
1,
1,
1,
1,
1,
1,
0,
1,
1,
1,
-1,
1,
0,
1,
1,
0,
-1,
0,
1,
0,
0,
-1,
0,
0,
1,
1,
0,
-1,
1,
0,
0,
0,
-1,
0,
0,
1,
-1,
1,
1,
0,
0,
0,
-1,
1,
1,
1,
0,
0,
-1,
1,
0,
0,
0,
0,
0,
1,
0,
0,
0,
1,
-1,
1,
1,
0,
1,
0,
1,
1,
1,
1,
1,
1,
0,
0,
1,
1,
1,
0,
1,
-1,
1,
1,
1,
1,
0,
1,
0,
1,
1,
0,
-1,
-1,
1,
1,
1,
1,
1,
0,
1,
1,
0,
1,
1,
-1,
1,
0,
0,
1,
1,
1,
-1,
1,
-1,
0,
0,
0,
-1,
1,
0,
1,
1,
0,
0,
0,
1,
0,
-1,
0,
-1,
0,
0,
1,
-1,
0,
-1,
0,
-1,
1,
1,
0,
-1,
-1,
0,
0,
1,
1,
0,
0,
-1,
-1,
0,
-1,
0,
-1,
1,
0,
0,
1,
-1,
-1,
1,
1,
-1,
0,
0,
0,
1,
0,
1,
1,
-1,
0,
0,
0,
0,
0,
-1,
1,
1,
0,
-1,
1,
0,
0,
-1,
0,
0,
0,
1,
0,
-1,
-1,
0,
0,
0,
0,
-1,
0,
1,
1,
0,
-1,
1,
-1,
0,
0,
0,
1,
-1,
-1,
0,
0,
0,
0,
0,
0,
-1,
1,
0,
1,
-1,
0,
0,
0,
0,
0,
0,
-1,
1,
0,
-1,
0,
0,
0,
-1,
0,
0,
0,
1,
0,
1,
-1,
0,
-1,
0,
0,
-1,
0,
-1,
1,
0,
-1,
-1,
0,
-1,
0,
0,
-1,
-1,
-1,
0,
0,
0,
0,
0,
0,
-1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
-1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
0,
-1,
-1,
0,
-1,
0,
0,
0,
0,
-1,
0,
0,
0,
-1,
0,
0,
0,
0,
-1,
0,
1,
-1,
1,
1,
1,
-1,
-1,
0,
0,
-1,
0,
1,
1,
-1,
-1,
-1,
1,
-1,
1,
-1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
1,
1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
1,
0,
-1,
-1,
1,
-1,
1,
1,
1,
-1,
-1,
0,
0,
-1,
0,
1,
1,
-1,
-1,
-1,
1,
-1,
1,
-1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
1,
1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
1,
0,
-1,
-1,
1,
-1,
1,
0,
1,
-1,
0,
-1,
1,
-1,
1,
1,
1,
-1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
-1,
1,
1,
1,
1,
-1,
1,
1,
-1,
-1,
1,
-1,
-1,
1,
1,
-1,
-1,
1,
-1,
1,
-1,
-1,
1,
1,
-1,
1,
1,
1,
0,
1,
0,
0,
-1,
0,
-1,
-1,
-1,
1,
1,
1,
-1,
1,
0,
1,
-1,
1,
-1,
1,
1,
1,
-1,
1,
1,
1,
1,
-1,
1,
-1,
0,
-1,
1,
-1,
-1,
0,
1,
-1,
-1,
1,
-1,
0,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
0,
1,
0,
0,
0,
0,
-1,
1,
-1,
0,
1,
0,
-1,
0,
1,
1,
-1,
1,
0,
1,
1,
1,
-1,
-1,
1,
1,
1,
-1,
-1,
0,
0,
-1,
1,
-1,
-1,
1,
1,
-1,
-1,
1,
-1,
0,
-1,
-1,
1,
-1,
-1,
1,
-1,
1,
0,
1,
0,
0,
0,
0,
-1,
0,
-1,
1,
0,
-1,
1,
1,
1,
-1,
-1,
1,
0,
1,
1,
1,
0,
-1,
1,
1,
0,
0,
0,
-1,
0,
-1,
1,
-1,
-1,
0,
1,
-1,
-1,
1,
-1,
0,
-1,
-1,
0,
0,
-1,
0,
-1,
1,
0,
1,
0,
0,
0,
0,
-1,
1,
-1,
1,
0,
-1,
0,
1,
1,
-1,
-1,
1,
0,
0,
0,
1,
0,
-1,
1,
0,
0,
-1,
0,
0,
0,
-1,
1,
1,
0,
0,
1,
0,
-1,
1,
-1,
0,
-1,
-1,
1,
0,
-1,
0,
-1,
0,
0,
0,
0,
0,
0,
0,
-1,
0,
-1,
0,
0,
0,
0,
1,
0,
-1,
0,
1,
0,
0,
0,
0,
0,
0,
1,
0,
0,
0,
0,
0,
0,
-1,
1,
0,
0,
0,
1,
0,
-1,
0,
-1,
0,
-1,
0,
0,
0,
-1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
1,
-1,
1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
0,
-1,
1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
0,
1,
0,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
1,
1,
-1,
1,
-1,
-1,
1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
0,
-1,
-1,
-1,
1,
-1,
1,
-1,
-1,
1,
-1,
-1,
1,
-1,
-1,
0,
0,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
0,
1,
0,
1,
-1,
1,
1,
1,
1,
-1,
1,
-1,
1,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
0,
-1,
-1,
-1,
1,
-1,
1,
-1,
-1,
1,
-1,
-1,
1,
-1,
-1,
0,
0,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
0,
1,
0,
1,
-1,
1,
1,
1,
1,
-1,
1,
-1,
1,
1,
0,
-1,
-1,
-1,
1,
-1,
-1,
1,
1,
-1,
-1,
0,
0,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
1,
1,
1,
1,
-1,
1,
-1,
0,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
0,
-1,
-1,
-1,
0,
0,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
1,
1,
-1,
1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
1,
1,
1,
-1,
-1,
-1,
1,
1,
-1,
1,
1,
1,
-1,
1,
1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
1,
1,
1,
-1,
-1,
-1,
1,
1,
-1,
1,
1,
1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
1,
-1,
-1,
1,
1,
1,
-1,
1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
1,
-1,
-1,
1,
-1,
1,
-1,
-1,
-1,
1,
1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
1,
1,
-1,
-1,
1,
-1,
1,
1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
1,
1,
-1,
-1,
1,
-1,
1,
1,
1,
-1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
1,
-1,
-1,
1,
1,
1,
1,
1,
-1,
1,
-1,
1,
1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1
],
"xaxis": "x2",
"yaxis": "y2"
},
{
"alignmentgroup": "True",
"bingroup": "x",
"histnorm": "probability",
"hovertemplate": "method=modified<br>num_samples=9<br>alternative=two-sided<br>signdiff=%{x}<br>probability=%{y}<extra></extra>",
"legendgroup": "modified",
"marker": {
"color": "#636efa",
"pattern": {
"shape": ""
}
},
"name": "modified",
"nbinsx": 3,
"offsetgroup": "modified",
"orientation": "v",
"showlegend": false,
"type": "histogram",
"x": [
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
0,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
0,
1,
1,
1,
1,
1,
1,
1,
1,
0,
1,
1,
0,
-1,
1,
1,
1,
1,
0,
-1,
0,
1,
0,
0,
-1,
0,
0,
1,
1,
0,
1,
1,
0,
0,
0,
1,
1,
1,
1,
0,
1,
1,
1,
0,
1,
1,
1,
1,
1,
0,
0,
0,
1,
0,
0,
0,
1,
0,
1,
0,
0,
0,
1,
1,
1,
1,
0,
1,
0,
1,
1,
1,
1,
1,
1,
0,
0,
1,
1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
1,
0,
1,
1,
0,
1,
1,
1,
1,
0,
0,
1,
1,
1,
1,
1,
1,
0,
0,
0,
-1,
1,
0,
1,
1,
0,
0,
0,
1,
0,
1,
-1,
-1,
0,
0,
1,
-1,
1,
-1,
0,
1,
1,
1,
0,
-1,
-1,
0,
0,
1,
1,
1,
0,
1,
-1,
0,
1,
0,
1,
1,
0,
0,
1,
1,
-1,
1,
1,
1,
0,
0,
0,
1,
0,
1,
1,
-1,
0,
0,
0,
0,
0,
1,
1,
1,
0,
-1,
1,
0,
0,
-1,
0,
0,
0,
1,
0,
-1,
1,
0,
1,
0,
0,
1,
0,
1,
1,
0,
1,
1,
1,
0,
0,
0,
1,
-1,
-1,
0,
0,
1,
0,
0,
0,
-1,
1,
0,
1,
-1,
0,
0,
0,
0,
0,
1,
-1,
1,
0,
1,
0,
0,
0,
-1,
0,
0,
0,
1,
0,
1,
1,
0,
-1,
0,
0,
1,
0,
-1,
1,
0,
1,
1,
0,
-1,
0,
0,
-1,
1,
-1,
0,
0,
0,
0,
0,
0,
-1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
-1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
0,
-1,
-1,
0,
-1,
0,
0,
0,
0,
-1,
0,
0,
0,
-1,
0,
0,
0,
0,
-1,
0,
0,
1,
-1,
1,
1,
-1,
1,
0,
0,
1,
1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
0,
1,
0,
1,
1,
1,
1,
-1,
-1,
-1,
0,
-1,
-1,
1,
-1,
0,
1,
1,
-1,
-1,
1,
1,
1,
-1,
-1,
-1,
1,
1,
1,
0,
1,
-1,
0,
1,
-1,
1,
1,
-1,
1,
0,
0,
1,
1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
0,
1,
0,
1,
1,
1,
1,
-1,
-1,
-1,
0,
-1,
-1,
1,
-1,
0,
1,
1,
-1,
-1,
1,
1,
1,
-1,
-1,
-1,
1,
1,
1,
0,
1,
-1,
0,
1,
1,
0,
1,
-1,
0,
-1,
1,
1,
1,
-1,
0,
-1,
1,
1,
-1,
-1,
1,
1,
0,
-1,
1,
1,
-1,
-1,
1,
-1,
1,
1,
1,
1,
1,
0,
1,
1,
1,
0,
1,
1,
1,
-1,
1,
-1,
1,
0,
1,
-1,
1,
1,
-1,
1,
-1,
0,
0,
-1,
0,
1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
1,
-1,
-1,
1,
1,
0,
-1,
1,
-1,
1,
1,
0,
0,
1,
-1,
-1,
1,
0,
1,
1,
1,
1,
-1,
0,
1,
1,
-1,
0,
-1,
1,
0,
-1,
1,
1,
0,
0,
0,
0,
1,
1,
1,
0,
-1,
0,
-1,
0,
1,
1,
1,
1,
1,
-1,
-1,
1,
1,
1,
-1,
1,
-1,
1,
-1,
1,
0,
1,
-1,
-1,
1,
1,
1,
1,
1,
1,
1,
0,
1,
1,
1,
1,
-1,
0,
1,
1,
0,
1,
0,
0,
0,
0,
1,
0,
1,
1,
0,
1,
1,
1,
1,
1,
1,
1,
0,
-1,
-1,
1,
0,
1,
1,
1,
1,
1,
0,
1,
0,
1,
1,
-1,
1,
0,
1,
1,
1,
1,
1,
0,
1,
1,
0,
1,
-1,
0,
1,
1,
0,
1,
0,
0,
0,
0,
1,
1,
1,
1,
0,
1,
0,
1,
1,
1,
1,
1,
0,
1,
1,
1,
0,
1,
1,
0,
0,
1,
0,
0,
0,
1,
1,
1,
0,
0,
1,
0,
1,
1,
1,
0,
1,
1,
1,
0,
1,
0,
1,
0,
0,
0,
0,
0,
0,
0,
1,
0,
1,
0,
0,
0,
0,
1,
0,
1,
0,
1,
0,
0,
0,
0,
0,
0,
1,
0,
0,
0,
0,
0,
0,
1,
1,
0,
0,
0,
1,
0,
1,
0,
1,
0,
1,
0,
0,
0,
1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
1,
1,
1,
-1,
-1,
1,
1,
-1,
-1,
1,
1,
1,
-1,
1,
0,
1,
1,
-1,
1,
1,
-1,
-1,
-1,
1,
-1,
1,
1,
1,
-1,
0,
-1,
1,
-1,
1,
1,
1,
1,
-1,
1,
0,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
1,
-1,
1,
1,
1,
-1,
-1,
1,
1,
-1,
-1,
1,
1,
1,
-1,
1,
0,
1,
1,
-1,
1,
1,
-1,
-1,
-1,
1,
-1,
1,
1,
1,
-1,
0,
-1,
1,
-1,
1,
1,
1,
1,
-1,
1,
0,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
1,
-1,
1,
1,
1,
-1,
0,
-1,
1,
-1,
-1,
-1,
1,
1,
-1,
1,
0,
1,
1,
-1,
1,
1,
-1,
-1,
-1,
1,
0,
1,
1,
1,
0,
0,
-1,
-1,
-1,
1,
1,
1,
1,
-1,
1,
1,
-1,
0,
-1,
-1,
1,
1,
-1,
-1,
1,
1,
1,
1,
-1,
-1,
1,
0,
-1,
-1,
-1,
-1,
1,
1,
-1,
1,
-1,
1,
1,
-1,
1,
1,
1,
-1,
-1,
0,
-1,
1,
1,
1,
-1,
-1,
-1,
-1,
-1,
1,
1,
1,
-1,
-1,
1,
1,
-1,
-1,
1,
-1,
1,
1,
-1,
-1,
1,
1,
1,
1,
1,
0,
1,
1,
-1,
-1,
1,
-1,
-1,
1,
1,
1,
-1,
1,
1,
-1,
1,
1,
1,
-1,
-1,
1,
-1,
-1,
1,
1,
1,
-1,
1,
-1,
1,
1,
-1,
1,
-1,
-1,
1,
1,
-1,
1,
1,
-1,
1,
-1,
-1,
-1,
1,
0,
1,
-1,
-1,
-1,
1,
1,
-1,
1,
-1,
-1,
-1,
1,
-1,
1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
1,
1,
1,
1,
-1,
-1,
-1,
1,
-1,
-1,
1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
1,
1,
-1,
-1,
1,
-1,
1,
-1,
-1,
1,
1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
-1,
1,
1,
-1,
-1,
-1,
1,
-1,
-1,
1,
-1,
1,
-1,
1,
1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
1,
-1,
-1,
1,
1,
-1,
-1,
1,
1,
1,
-1,
1,
1,
0,
1,
-1,
1,
0,
-1,
0,
1,
1,
-1,
1,
-1,
1,
-1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
1,
-1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
1,
-1,
1,
1,
1,
-1,
-1,
1,
1,
-1,
-1,
1,
1,
1,
-1,
1,
1,
0,
1,
-1,
1,
0,
-1,
0,
1,
1,
-1,
1,
-1,
1,
-1,
1,
1,
1,
-1,
1,
1,
1,
1,
1,
1,
-1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
1,
-1,
1,
-1,
-1,
-1,
0,
1,
0,
-1,
-1,
1,
-1,
1,
-1,
1,
1,
-1,
1,
-1,
0,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
0,
-1,
1,
1,
1,
1,
1,
1,
1,
-1,
1,
1,
-1,
0,
1,
0,
-1,
1,
1,
0,
-1,
1,
-1,
1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
1,
-1,
1,
1,
1,
-1,
1,
1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
0,
0,
0,
-1,
1,
-1,
-1,
1,
1,
-1,
1,
-1,
1,
1,
-1,
1,
1,
1,
-1,
1,
1,
1,
-1,
1,
-1,
1,
-1,
-1,
-1,
1,
1,
1,
1,
1,
1,
-1,
1,
-1,
1,
-1,
1,
-1,
-1,
-1,
1,
1,
0,
1,
-1,
1,
-1,
1,
1,
-1,
1,
-1,
-1,
1,
-1,
-1,
1,
-1,
1,
-1,
1,
1,
1,
0,
-1,
1,
1,
1,
-1,
1,
-1,
1,
-1,
-1,
-1,
1,
-1,
1,
-1,
1,
1,
-1,
1,
1,
1,
-1,
-1,
1,
-1,
1,
1,
1,
1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
0,
1,
-1,
1,
-1,
-1,
-1,
1,
-1,
1,
0,
-1,
0,
1,
-1,
-1,
1,
1,
-1,
1,
-1,
-1,
-1,
-1,
1,
0,
0,
-1,
1,
1,
-1,
1,
1,
0,
-1,
-1,
0,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
1,
-1,
-1,
1,
1,
0,
1,
-1,
1,
-1,
-1,
-1,
1,
-1,
1,
0,
-1,
0,
1,
-1,
-1,
1,
1,
-1,
1,
-1,
-1,
-1,
-1,
1,
0,
0,
-1,
1,
1,
-1,
1,
1,
0,
-1,
-1,
0,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
1,
-1,
-1,
1,
0,
1,
1,
-1,
1,
1,
-1,
1,
1,
1,
1,
0,
0,
1,
1,
-1,
1,
-1,
1,
1,
1,
-1,
1,
-1,
-1,
0,
1,
1,
1,
1,
1,
-1,
1,
-1,
-1,
1,
0,
0,
-1,
-1,
-1,
1,
1,
1,
-1,
-1,
1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
1,
1,
0,
-1,
1,
1,
0,
-1,
1,
-1,
-1,
1,
0,
-1,
1,
-1,
-1,
-1,
1,
1,
-1,
1,
-1,
-1,
1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
1,
1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
1,
-1,
1,
1,
-1,
0,
0,
1,
-1,
1,
-1,
-1,
-1,
0,
-1,
1,
1,
0,
-1,
-1,
0,
-1,
0,
1,
-1,
-1,
0,
1,
1,
-1,
1,
1,
-1,
1,
-1,
1,
-1,
-1,
-1,
1,
1,
-1,
1,
-1,
1,
-1,
1,
1,
1,
-1,
1,
-1,
1,
1,
-1,
0,
0,
1,
-1,
1,
-1,
-1,
-1,
0,
-1,
1,
1,
0,
-1,
-1,
0,
-1,
0,
1,
-1,
-1,
0,
1,
1,
-1,
1,
1,
-1,
1,
-1,
1,
-1,
-1,
-1,
1,
1,
-1,
1,
-1,
1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
1,
-1,
1,
-1,
-1,
1,
1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
1,
-1,
-1,
1,
-1,
1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
1,
-1,
1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
1,
1,
1,
-1,
-1,
-1,
-1,
-1,
1,
1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
1,
-1,
1,
1,
-1,
-1,
-1,
1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
0,
-1,
-1,
-1,
0,
-1,
-1,
-1,
0,
-1,
-1,
0,
-1,
-1,
0,
0,
0,
-1,
0,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
0,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
0,
-1,
-1,
-1,
0,
-1,
-1,
-1,
0,
-1,
-1,
0,
-1,
-1,
0,
0,
0,
-1,
0,
-1,
-1,
-1,
-1,
-1,
0,
-1,
-1,
-1,
0,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1
],
"xaxis": "x3",
"yaxis": "y3"
},
{
"alignmentgroup": "True",
"bingroup": "x",
"histnorm": "probability",
"hovertemplate": "method=original<br>num_samples=3<br>alternative=greater<br>signdiff=%{x}<br>probability=%{y}<extra></extra>",
"legendgroup": "original",
"marker": {
"color": "#EF553B",
"pattern": {
"shape": ""
}
},
"name": "original",
"nbinsx": 3,
"offsetgroup": "original",
"orientation": "v",
"showlegend": true,
"type": "histogram",
"x": [
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1
],
"xaxis": "x19",
"yaxis": "y19"
},
{
"alignmentgroup": "True",
"bingroup": "x",
"histnorm": "probability",
"hovertemplate": "method=original<br>num_samples=3<br>alternative=less<br>signdiff=%{x}<br>probability=%{y}<extra></extra>",
"legendgroup": "original",
"marker": {
"color": "#EF553B",
"pattern": {
"shape": ""
}
},
"name": "original",
"nbinsx": 3,
"offsetgroup": "original",
"orientation": "v",
"showlegend": false,
"type": "histogram",
"x": [
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1
],
"xaxis": "x20",
"yaxis": "y20"
},
{
"alignmentgroup": "True",
"bingroup": "x",
"histnorm": "probability",
"hovertemplate": "method=original<br>num_samples=3<br>alternative=two-sided<br>signdiff=%{x}<br>probability=%{y}<extra></extra>",
"legendgroup": "original",
"marker": {
"color": "#EF553B",
"pattern": {
"shape": ""
}
},
"name": "original",
"nbinsx": 3,
"offsetgroup": "original",
"orientation": "v",
"showlegend": false,
"type": "histogram",
"x": [
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1
],
"xaxis": "x21",
"yaxis": "y21"
},
{
"alignmentgroup": "True",
"bingroup": "x",
"histnorm": "probability",
"hovertemplate": "method=original<br>num_samples=4<br>alternative=greater<br>signdiff=%{x}<br>probability=%{y}<extra></extra>",
"legendgroup": "original",
"marker": {
"color": "#EF553B",
"pattern": {
"shape": ""
}
},
"name": "original",
"nbinsx": 3,
"offsetgroup": "original",
"orientation": "v",
"showlegend": false,
"type": "histogram",
"x": [
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
1,
0,
0,
1,
0,
0,
0,
0,
0,
1,
0,
0,
0,
0,
0,
0,
0,
0,
1,
0,
0,
0,
0,
0,
0,
1,
0,
0,
0,
0,
-1,
-1,
0,
-1,
0,
0,
-1,
0,
0,
0,
-1,
-1,
0,
-1,
0,
-1,
-1,
0,
0,
0,
0,
0,
-1,
0,
-1,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
0,
0,
0,
0,
-1,
0,
0,
0,
-1,
0,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1
],
"xaxis": "x16",
"yaxis": "y16"
},
{
"alignmentgroup": "True",
"bingroup": "x",
"histnorm": "probability",
"hovertemplate": "method=original<br>num_samples=4<br>alternative=less<br>signdiff=%{x}<br>probability=%{y}<extra></extra>",
"legendgroup": "original",
"marker": {
"color": "#EF553B",
"pattern": {
"shape": ""
}
},
"name": "original",
"nbinsx": 3,
"offsetgroup": "original",
"orientation": "v",
"showlegend": false,
"type": "histogram",
"x": [
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
1,
0,
-1,
-1,
0,
-1,
0,
0,
-1,
0,
0,
0,
-1,
-1,
0,
-1,
0,
-1,
-1,
0,
0,
0,
0,
0,
-1,
0,
-1,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
0,
0,
0,
0,
-1,
0,
0,
0,
-1,
0,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1
],
"xaxis": "x17",
"yaxis": "y17"
},
{
"alignmentgroup": "True",
"bingroup": "x",
"histnorm": "probability",
"hovertemplate": "method=original<br>num_samples=4<br>alternative=two-sided<br>signdiff=%{x}<br>probability=%{y}<extra></extra>",
"legendgroup": "original",
"marker": {
"color": "#EF553B",
"pattern": {
"shape": ""
}
},
"name": "original",
"nbinsx": 3,
"offsetgroup": "original",
"orientation": "v",
"showlegend": false,
"type": "histogram",
"x": [
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
1,
0,
0,
1,
0,
1,
0,
0,
0,
1,
0,
0,
0,
0,
0,
0,
0,
0,
1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
-1,
0,
-1,
0,
0,
-1,
0,
0,
0,
-1,
-1,
0,
-1,
0,
-1,
-1,
0,
0,
0,
0,
0,
-1,
0,
-1,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
0,
0,
0,
0,
-1,
0,
0,
0,
-1,
0,
-1,
-1,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1
],
"xaxis": "x18",
"yaxis": "y18"
},
{
"alignmentgroup": "True",
"bingroup": "x",
"histnorm": "probability",
"hovertemplate": "method=original<br>num_samples=5<br>alternative=greater<br>signdiff=%{x}<br>probability=%{y}<extra></extra>",
"legendgroup": "original",
"marker": {
"color": "#EF553B",
"pattern": {
"shape": ""
}
},
"name": "original",
"nbinsx": 3,
"offsetgroup": "original",
"orientation": "v",
"showlegend": false,
"type": "histogram",
"x": [
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
1,
1,
0,
1,
1,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
1,
1,
1,
1,
0,
1,
0,
0,
0,
1,
1,
0,
0,
0,
0,
1,
0,
0,
1,
0,
0,
1,
0,
0,
1,
1,
0,
0,
1,
1,
1,
1,
1,
-1,
-1,
0,
-1,
0,
-1,
0,
-1,
0,
0,
0,
0,
0,
-1,
1,
1,
-1,
0,
1,
1,
1,
1,
0,
0,
0,
0,
1,
-1,
0,
1,
0,
-1,
1,
0,
0,
-1,
0,
0,
1,
-1,
0,
1,
-1,
0,
-1,
1,
-1,
0,
0,
0,
0,
-1,
0,
-1,
0,
-1,
0,
-1,
-1,
0,
0,
0,
-1,
-1,
-1,
-1,
-1,
0,
-1,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
0,
-1,
-1,
-1,
-1,
0,
0,
-1,
0,
0,
-1,
-1,
0,
0,
0,
0,
0,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1
],
"xaxis": "x13",
"yaxis": "y13"
},
{
"alignmentgroup": "True",
"bingroup": "x",
"histnorm": "probability",
"hovertemplate": "method=original<br>num_samples=5<br>alternative=less<br>signdiff=%{x}<br>probability=%{y}<extra></extra>",
"legendgroup": "original",
"marker": {
"color": "#EF553B",
"pattern": {
"shape": ""
}
},
"name": "original",
"nbinsx": 3,
"offsetgroup": "original",
"orientation": "v",
"showlegend": false,
"type": "histogram",
"x": [
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
0,
1,
0,
0,
1,
1,
0,
1,
0,
0,
0,
0,
1,
0,
0,
0,
1,
0,
0,
1,
1,
0,
0,
1,
1,
1,
1,
1,
0,
0,
0,
1,
0,
0,
0,
0,
0,
1,
0,
0,
1,
0,
0,
1,
0,
0,
1,
0,
0,
1,
1,
1,
1,
1,
0,
-1,
0,
0,
0,
0,
0,
0,
0,
-1,
0,
-1,
0,
-1,
0,
1,
1,
0,
0,
1,
1,
0,
1,
1,
0,
0,
0,
0,
-1,
0,
1,
-1,
0,
1,
0,
0,
0,
0,
0,
1,
0,
0,
1,
-1,
0,
0,
1,
-1,
0,
0,
0,
0,
-1,
0,
-1,
0,
-1,
0,
-1,
-1,
0,
0,
0,
-1,
-1,
-1,
-1,
-1,
0,
-1,
0,
0,
0,
0,
0,
0,
0,
0,
-1,
0,
-1,
-1,
-1,
-1,
0,
0,
-1,
0,
0,
-1,
-1,
0,
0,
0,
0,
0,
0,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
-1,
Display the source blob
Display the rendered blob
Raw
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
@jpcbertoldo
Copy link
Author

@jpcbertoldo
Copy link
Author

jpcbertoldo commented Jan 4, 2023

update 2023-01-04

procedure

Obtain the p-value for the wilcoxon test using three methods:

  • (a) original: use the method in scipy.stats.wilcoxon (version scipy==1.9.3)
  • (b) modified: avoid the mode (or method) switch (from 'exact' to 'approx') and the policy to deal with zero differences the one suggested in [1]:
    • do nothing if the number of zeros is even
    • discard one if the number of zeros is odd
  • (c) permutation: use scipy.stats.wilcoxon to obtain the test statistic and obtain the p-value with scipy.stats.permutation_test.

(c) gives the expected p-value, so (a) and (b) should get as close to it as possible.

We generate (standard) gaussianly random 1D vectors (as if they were the wilcoxon differences, i.e. the function called with y=None) of variable size num_samples then force num_zeros entries to 0 and force num_ties entries to have the same number (but not zero). num_samples is in range(0, 10) and we consider all possible combinations of (num_zeros, num_ties) such that num_zeros + num_ties <= num_samples with 50 random seeds for each combination.

[1] J. Demšar, “Statistical Comparisons of Classifiers over Multiple Data Sets,” Journal of Machine Learning Research, vol. 7, no. 1, pp. 1–30, 2006. Url: http://jmlr.org/papers/v7/demsar06a.html

experiment variants

We test different configurations of the parameters alternative and zero_methods:

ALTERNATIVES = ['two-sided', 'greater', 'less']
ZERO_METHODS = ["wilcox", "pratt", "zsplit"]

analysis

We look at the differences between the considered methods (a) and (b) relative to method (c). We mostly look at the absolute differences (lower is better) and the sign of the difference (positive is better than negative). The subtitle of the plots in the pdf above explain each visualization.

results and conclusions

Please refer to the pdf above where the figures can be visualized (better with zoom in a pdf viewer), checck the notebook for details.

  1. (see sections 4.1, 5.1, and 5.2) the modification generally has larger abs error when zero_method == 'pratt' or zero_method == 'wilcox', but it improves it when zero_method == 'zsplit'
  2. (see section 4.2) the modification generally has lower abs error for all num_samples, and the improvement is bigger with lower num_samples
  3. (see section 4.3) same story for every num_samples, the modification:
    1. has more exact p-values (sign of diff is 0)
    2. avoids more false positives (positive diff sign is better because the estimated p-value is larger than the permutation)

Sections 4.4 and 4.5 show similar results in more detail, where one can see that improvements occur moslty when the number of num_zeros is high (relative to num_samples).

Section 5.3 confirms that the estimations are more often improved than degradated (positive "decrease of abs error"), and it's more relevant for lower num_samples).

Sign up for free to join this conversation on GitHub. Already have an account? Sign in to comment