{
"cells": [
{
"cell_type": "markdown",
"metadata": {},
"source": [
"# Tune a CNN on MNIST\n",
"\n",
"This tutorial walks through using Ax to tune two hyperparameters (learning rate and momentum) for a PyTorch CNN on the MNIST dataset trained using SGD with momentum.\n"
]
},
{
"cell_type": "code",
"execution_count": 1,
"metadata": {
"execution": {
"iopub.execute_input": "2022-12-29T21:31:53.476990Z",
"iopub.status.busy": "2022-12-29T21:31:53.476555Z",
"iopub.status.idle": "2022-12-29T21:31:55.579989Z",
"shell.execute_reply": "2022-12-29T21:31:55.579326Z"
}
},
"outputs": [
{
"data": {
"text/html": [
""
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-29 21:31:55] ax.utils.notebook.plotting: Injecting Plotly library into cell. Do not overwrite or delete cell.\n"
]
},
{
"data": {
"text/html": [
" \n",
" "
]
},
"metadata": {},
"output_type": "display_data"
}
],
"source": [
"import torch\n",
"import numpy as np\n",
"\n",
"from ax.plot.contour import plot_contour\n",
"from ax.plot.trace import optimization_trace_single_method\n",
"from ax.service.managed_loop import optimize\n",
"from ax.utils.notebook.plotting import render, init_notebook_plotting\n",
"from ax.utils.tutorials.cnn_utils import load_mnist, train, evaluate, CNN\n",
"\n",
"init_notebook_plotting()"
]
},
{
"cell_type": "code",
"execution_count": 2,
"metadata": {
"collapsed": true,
"execution": {
"iopub.execute_input": "2022-12-29T21:31:55.641539Z",
"iopub.status.busy": "2022-12-29T21:31:55.641163Z",
"iopub.status.idle": "2022-12-29T21:31:55.645640Z",
"shell.execute_reply": "2022-12-29T21:31:55.645087Z"
}
},
"outputs": [],
"source": [
"torch.manual_seed(12345)\n",
"dtype = torch.float\n",
"device = torch.device(\"cuda\" if torch.cuda.is_available() else \"cpu\")"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"## 1. Load MNIST data\n",
"First, we need to load the MNIST data and partition it into training, validation, and test sets.\n",
"\n",
"Note: this will download the dataset if necessary."
]
},
{
"cell_type": "code",
"execution_count": 3,
"metadata": {
"execution": {
"iopub.execute_input": "2022-12-29T21:31:55.648146Z",
"iopub.status.busy": "2022-12-29T21:31:55.647593Z",
"iopub.status.idle": "2022-12-29T21:31:56.530863Z",
"shell.execute_reply": "2022-12-29T21:31:56.530299Z"
},
"scrolled": true
},
"outputs": [
{
"name": "stdout",
"output_type": "stream",
"text": [
"Downloading http://yann.lecun.com/exdb/mnist/train-images-idx3-ubyte.gz\n",
"Downloading http://yann.lecun.com/exdb/mnist/train-images-idx3-ubyte.gz to ./data/MNIST/raw/train-images-idx3-ubyte.gz\n"
]
},
{
"data": {
"application/vnd.jupyter.widget-view+json": {
"model_id": "ca949cb4bdff4319b95709dc931ed827",
"version_major": 2,
"version_minor": 0
},
"text/plain": [
" 0%| | 0/9912422 [00:00, ?it/s]"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Extracting ./data/MNIST/raw/train-images-idx3-ubyte.gz to ./data/MNIST/raw\n"
]
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"\n",
"Downloading http://yann.lecun.com/exdb/mnist/train-labels-idx1-ubyte.gz\n",
"Downloading http://yann.lecun.com/exdb/mnist/train-labels-idx1-ubyte.gz to ./data/MNIST/raw/train-labels-idx1-ubyte.gz\n"
]
},
{
"data": {
"application/vnd.jupyter.widget-view+json": {
"model_id": "abefd2c8be27481faa7f89b045a593d3",
"version_major": 2,
"version_minor": 0
},
"text/plain": [
" 0%| | 0/28881 [00:00, ?it/s]"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Extracting ./data/MNIST/raw/train-labels-idx1-ubyte.gz to ./data/MNIST/raw\n",
"\n",
"Downloading http://yann.lecun.com/exdb/mnist/t10k-images-idx3-ubyte.gz\n",
"Downloading http://yann.lecun.com/exdb/mnist/t10k-images-idx3-ubyte.gz to ./data/MNIST/raw/t10k-images-idx3-ubyte.gz\n"
]
},
{
"data": {
"application/vnd.jupyter.widget-view+json": {
"model_id": "48219f77fed942ffa486dd221c3f52b4",
"version_major": 2,
"version_minor": 0
},
"text/plain": [
" 0%| | 0/1648877 [00:00, ?it/s]"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Extracting ./data/MNIST/raw/t10k-images-idx3-ubyte.gz to ./data/MNIST/raw\n"
]
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"\n",
"Downloading http://yann.lecun.com/exdb/mnist/t10k-labels-idx1-ubyte.gz\n",
"Downloading http://yann.lecun.com/exdb/mnist/t10k-labels-idx1-ubyte.gz to ./data/MNIST/raw/t10k-labels-idx1-ubyte.gz\n"
]
},
{
"data": {
"application/vnd.jupyter.widget-view+json": {
"model_id": "9cc46e8e0bfe4d7fa62a3433db2fc412",
"version_major": 2,
"version_minor": 0
},
"text/plain": [
" 0%| | 0/4542 [00:00, ?it/s]"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Extracting ./data/MNIST/raw/t10k-labels-idx1-ubyte.gz to ./data/MNIST/raw\n",
"\n"
]
}
],
"source": [
"BATCH_SIZE = 512\n",
"train_loader, valid_loader, test_loader = load_mnist(batch_size=BATCH_SIZE)"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"## 2. Define function to optimize\n",
"In this tutorial, we want to optimize classification accuracy on the validation set as a function of the learning rate and momentum. The function takes in a parameterization (set of parameter values), computes the classification accuracy, and returns a dictionary of metric name ('accuracy') to a tuple with the mean and standard error."
]
},
{
"cell_type": "code",
"execution_count": 4,
"metadata": {
"collapsed": true,
"execution": {
"iopub.execute_input": "2022-12-29T21:31:56.534186Z",
"iopub.status.busy": "2022-12-29T21:31:56.533708Z",
"iopub.status.idle": "2022-12-29T21:31:56.538492Z",
"shell.execute_reply": "2022-12-29T21:31:56.537985Z"
}
},
"outputs": [],
"source": [
"def train_evaluate(parameterization):\n",
" net = CNN()\n",
" net = train(net=net, train_loader=train_loader, parameters=parameterization, dtype=dtype, device=device)\n",
" return evaluate(\n",
" net=net,\n",
" data_loader=valid_loader,\n",
" dtype=dtype,\n",
" device=device,\n",
" )"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"## 3. Run the optimization loop\n",
"Here, we set the bounds on the learning rate and momentum and set the parameter space for the learning rate to be on a log scale. "
]
},
{
"cell_type": "code",
"execution_count": 5,
"metadata": {
"execution": {
"iopub.execute_input": "2022-12-29T21:31:56.542001Z",
"iopub.status.busy": "2022-12-29T21:31:56.540957Z",
"iopub.status.idle": "2022-12-29T21:34:17.480772Z",
"shell.execute_reply": "2022-12-29T21:34:17.480180Z"
}
},
"outputs": [
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-29 21:31:56] ax.service.utils.instantiation: Inferred value type of ParameterType.FLOAT for parameter lr. If that is not the expected value type, you can explicity specify 'value_type' ('int', 'float', 'bool' or 'str') in parameter dict.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-29 21:31:56] ax.service.utils.instantiation: Inferred value type of ParameterType.FLOAT for parameter momentum. If that is not the expected value type, you can explicity specify 'value_type' ('int', 'float', 'bool' or 'str') in parameter dict.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-29 21:31:56] ax.service.utils.instantiation: Created search space: SearchSpace(parameters=[RangeParameter(name='lr', parameter_type=FLOAT, range=[1e-06, 0.4], log_scale=True), RangeParameter(name='momentum', parameter_type=FLOAT, range=[0.0, 1.0])], parameter_constraints=[]).\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-29 21:31:56] ax.modelbridge.dispatch_utils: Using Bayesian optimization since there are more ordered parameters than there are categories for the unordered categorical parameters.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-29 21:31:56] ax.modelbridge.dispatch_utils: Calculating the number of remaining initialization trials based on num_initialization_trials=None max_initialization_trials=None num_tunable_parameters=2 num_trials=None use_batch_trials=False\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-29 21:31:56] ax.modelbridge.dispatch_utils: calculated num_initialization_trials=5\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-29 21:31:56] ax.modelbridge.dispatch_utils: num_completed_initialization_trials=0 num_remaining_initialization_trials=5\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-29 21:31:56] ax.modelbridge.dispatch_utils: Using Bayesian Optimization generation strategy: GenerationStrategy(name='Sobol+GPEI', steps=[Sobol for 5 trials, GPEI for subsequent trials]). Iterations after 5 will take longer to generate due to model-fitting.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-29 21:31:56] ax.service.managed_loop: Started full optimization with 20 steps.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-29 21:31:56] ax.service.managed_loop: Running optimization trial 1...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"/home/runner/work/Ax/Ax/ax/core/observation.py:274: FutureWarning:\n",
"\n",
"In a future version of pandas, a length 1 tuple will be returned when iterating over a groupby with a grouper equal to a list of length 1. Don't supply a list with a single grouper to avoid this warning.\n",
"\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-29 21:32:03] ax.service.managed_loop: Running optimization trial 2...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-29 21:32:10] ax.service.managed_loop: Running optimization trial 3...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-29 21:32:16] ax.service.managed_loop: Running optimization trial 4...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-29 21:32:23] ax.service.managed_loop: Running optimization trial 5...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-29 21:32:29] ax.service.managed_loop: Running optimization trial 6...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-29 21:32:36] ax.service.managed_loop: Running optimization trial 7...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-29 21:32:43] ax.service.managed_loop: Running optimization trial 8...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-29 21:32:50] ax.service.managed_loop: Running optimization trial 9...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-29 21:32:57] ax.service.managed_loop: Running optimization trial 10...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-29 21:33:04] ax.service.managed_loop: Running optimization trial 11...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-29 21:33:11] ax.service.managed_loop: Running optimization trial 12...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-29 21:33:18] ax.service.managed_loop: Running optimization trial 13...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-29 21:33:25] ax.service.managed_loop: Running optimization trial 14...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-29 21:33:33] ax.service.managed_loop: Running optimization trial 15...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-29 21:33:40] ax.service.managed_loop: Running optimization trial 16...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-29 21:33:47] ax.service.managed_loop: Running optimization trial 17...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-29 21:33:55] ax.service.managed_loop: Running optimization trial 18...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-29 21:34:02] ax.service.managed_loop: Running optimization trial 19...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-29 21:34:09] ax.service.managed_loop: Running optimization trial 20...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-29 21:34:10] ax.modelbridge.base: Untransformed parameter 0.40000000000000013 greater than upper bound 0.4, clamping\n"
]
}
],
"source": [
"best_parameters, values, experiment, model = optimize(\n",
" parameters=[\n",
" {\"name\": \"lr\", \"type\": \"range\", \"bounds\": [1e-6, 0.4], \"log_scale\": True},\n",
" {\"name\": \"momentum\", \"type\": \"range\", \"bounds\": [0.0, 1.0]},\n",
" ],\n",
" evaluation_function=train_evaluate,\n",
" objective_name='accuracy',\n",
")"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"We can introspect the optimal parameters and their outcomes:"
]
},
{
"cell_type": "code",
"execution_count": 6,
"metadata": {
"execution": {
"iopub.execute_input": "2022-12-29T21:34:17.484762Z",
"iopub.status.busy": "2022-12-29T21:34:17.483828Z",
"iopub.status.idle": "2022-12-29T21:34:17.491687Z",
"shell.execute_reply": "2022-12-29T21:34:17.491145Z"
}
},
"outputs": [
{
"data": {
"text/plain": [
"{'lr': 0.00035571923793255284, 'momentum': 0.31631823679222393}"
]
},
"execution_count": 6,
"metadata": {},
"output_type": "execute_result"
}
],
"source": [
"best_parameters"
]
},
{
"cell_type": "code",
"execution_count": 7,
"metadata": {
"execution": {
"iopub.execute_input": "2022-12-29T21:34:17.495131Z",
"iopub.status.busy": "2022-12-29T21:34:17.494278Z",
"iopub.status.idle": "2022-12-29T21:34:17.500076Z",
"shell.execute_reply": "2022-12-29T21:34:17.499566Z"
}
},
"outputs": [
{
"data": {
"text/plain": [
"({'accuracy': 0.9255559357546199},\n",
" {'accuracy': {'accuracy': 0.0003665519994132127}})"
]
},
"execution_count": 7,
"metadata": {},
"output_type": "execute_result"
}
],
"source": [
"means, covariances = values\n",
"means, covariances"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"## 4. Plot response surface\n",
"\n",
"Contour plot showing classification accuracy as a function of the two hyperparameters.\n",
"\n",
"The black squares show points that we have actually run, notice how they are clustered in the optimal region."
]
},
{
"cell_type": "code",
"execution_count": 8,
"metadata": {
"execution": {
"iopub.execute_input": "2022-12-29T21:34:17.503468Z",
"iopub.status.busy": "2022-12-29T21:34:17.502620Z",
"iopub.status.idle": "2022-12-29T21:34:18.065080Z",
"shell.execute_reply": "2022-12-29T21:34:18.064485Z"
}
},
"outputs": [
{
"data": {
"application/vnd.plotly.v1+json": {
"config": {
"linkText": "Export to plot.ly",
"plotlyServerURL": "https://plot.ly",
"showLink": false
},
"data": [
{
"autocolorscale": false,
"autocontour": true,
"colorbar": {
"tickfont": {
"size": 8
},
"ticksuffix": "",
"x": 0.45,
"y": 0.5
},
"colorscale": [
[
0.0,
"rgb(247,252,253)"
],
[
0.125,
"rgb(229,245,249)"
],
[
0.25,
"rgb(204,236,230)"
],
[
0.375,
"rgb(153,216,201)"
],
[
0.5,
"rgb(102,194,164)"
],
[
0.625,
"rgb(65,174,118)"
],
[
0.75,
"rgb(35,139,69)"
],
[
0.875,
"rgb(0,109,44)"
],
[
1.0,
"rgb(0,68,27)"
]
],
"contours": {
"coloring": "heatmap"
},
"hoverinfo": "x+y+z",
"ncontours": 25,
"type": "contour",
"x": [
1e-06,
1.3011511650442548e-06,
1.6929943542960217e-06,
2.2028415765056147e-06,
2.866229883678204e-06,
3.729398352432554e-06,
4.852511011181743e-06,
6.3138503555892e-06,
8.215273746089953e-06,
1.0689313005882422e-05,
1.390841207112662e-05,
1.809694657026198e-05,
2.354686311364001e-05,
3.063802837345029e-05,
3.986470631277378e-05,
5.1870009063012666e-05,
6.749072272319499e-05,
8.781563250096393e-05,
0.00011426141253772723,
0.00014867137004306603,
0.00019344392634026088,
0.0002516997901283655,
0.0003274994751669172,
0.00042612632366481585,
0.0005544547624925005,
0.0007214294601814526,
0.000938688782612345,
0.0012213760031100258,
0.0015891948094037057,
0.002067782677737912,
0.002690497840197013,
0.0035007443993213955,
0.004554997653699184,
0.005926740503884541,
0.007711585311544345,
0.010033938212454076,
0.01305567039511669,
0.01698740074503987,
0.02210317627048227,
0.028759573555516532,
0.03742055263793628,
0.04868979566145066,
0.06335278435066323,
0.0824315491666629,
0.10725590623460621,
0.13955614735503497,
0.18158364372009145,
0.23626776957937787,
0.3074200836506151,
0.39999999999999997
],
"xaxis": "x",
"y": [
0.0,
0.02040816326530612,
0.04081632653061224,
0.061224489795918366,
0.08163265306122448,
0.1020408163265306,
0.12244897959183673,
0.14285714285714285,
0.16326530612244897,
0.18367346938775508,
0.2040816326530612,
0.22448979591836732,
0.24489795918367346,
0.26530612244897955,
0.2857142857142857,
0.3061224489795918,
0.32653061224489793,
0.3469387755102041,
0.36734693877551017,
0.3877551020408163,
0.4081632653061224,
0.42857142857142855,
0.44897959183673464,
0.4693877551020408,
0.4897959183673469,
0.5102040816326531,
0.5306122448979591,
0.5510204081632653,
0.5714285714285714,
0.5918367346938775,
0.6122448979591836,
0.6326530612244897,
0.6530612244897959,
0.673469387755102,
0.6938775510204082,
0.7142857142857142,
0.7346938775510203,
0.7551020408163265,
0.7755102040816326,
0.7959183673469387,
0.8163265306122448,
0.836734693877551,
0.8571428571428571,
0.8775510204081632,
0.8979591836734693,
0.9183673469387754,
0.9387755102040816,
0.9591836734693877,
0.9795918367346939,
1.0
],
"yaxis": "y",
"z": [
[
0.21640742292495785,
0.22143559552611447,
0.23342121571423324,
0.2534238625811609,
0.2822030506708861,
0.3200500866807562,
0.3666350689224407,
0.42090459231460386,
0.48106067944414777,
0.5446346920263191,
0.6086510638093141,
0.669867107973899,
0.7250822719739997,
0.7715285957413264,
0.8073701620611033,
0.8321875137558017,
0.8470146541636541,
0.854052690428938,
0.8561261703568591,
0.8557537472535817,
0.8540286185533291,
0.8498035941313944,
0.8396324965698342,
0.8187774893666777,
0.7830210857920371,
0.7303554827912696,
0.6616553753372073,
0.5803391886847822,
0.491580612295596,
0.40144044973347887,
0.3160072851144829,
0.24050232942063732,
0.17831119136219176,
0.13061862112442457,
0.09704537810478597,
0.07630371874214914,
0.06664571846972844,
0.0661603461599033,
0.0729628277087474,
0.08530803484385674,
0.10165116089509252,
0.1206727138745819,
0.14128020424805043,
0.16259540800158456,
0.18393346196262472,
0.20477809676537095,
0.22475588293736481,
0.2436113389838125,
0.2611840281240335,
0.27738826546301193
],
[
0.20854107940018407,
0.2127516437765522,
0.22407749874476823,
0.24366053238037022,
0.2723401341141642,
0.31047099334614114,
0.35775498504051584,
0.41312773901766076,
0.47473509762865346,
0.5400143431123428,
0.6058716879050507,
0.6689369056917419,
0.725884567713814,
0.7738332982016698,
0.8108529170258588,
0.8364577593450562,
0.8516826705736319,
0.8588433980832262,
0.861008504944871,
0.8610155366119691,
0.860223554216637,
0.8575430431600397,
0.8492903961043878,
0.8302625758226372,
0.7957737079301523,
0.7435712227010242,
0.6745384015806114,
0.5922472069142977,
0.5020750794407601,
0.41028297663218116,
0.3231264313053349,
0.2459464914547727,
0.1822116403180689,
0.13316785483579263,
0.0984639632789841,
0.07681445635183104,
0.06645695446978417,
0.06545655536025963,
0.07190052319257645,
0.08401528656663504,
0.10022935381326414,
0.11919953040742581,
0.13981312514810873,
0.16117527107091223,
0.18258779956856108,
0.2035240997692337,
0.22360292288706307,
0.24256303530938528,
0.2602398842084674,
0.27654492418594945
],
[
0.20089394662714033,
0.20424564152890523,
0.2148591929606848,
0.23396149970946267,
0.26247596756199126,
0.30082526417249805,
0.34874652549587265,
0.4051654631159049,
0.46817027768121705,
0.5351016772031973,
0.6027463877852794,
0.6676085423865091,
0.726243780871621,
0.7756667317670084,
0.8138595222148338,
0.8402587410055775,
0.8558783257166135,
0.863131368763391,
0.8653273793951143,
0.865638274434515,
0.8657185102522102,
0.8645633178604161,
0.8582604071700687,
0.8411265899632802,
0.8079846350520167,
0.7563349745402371,
0.6870797861185254,
0.6039483123706357,
0.5125175239649354,
0.41923697739665605,
0.3305086419468312,
0.2517643565347466,
0.18654112890310037,
0.1361617186137538,
0.10031903256774277,
0.0777400788831607,
0.06665439282434882,
0.06510709412181415,
0.07115984201671777,
0.08301203425180326,
0.09906632601375931,
0.11795629277217168,
0.13854928874342587,
0.15993390750037118,
0.18139868603965448,
0.20240662332851977,
0.22256856395523206,
0.24161740906563717,
0.2593843579927291,
0.27577785867096055
],
[
0.1935309262599434,
0.19598811585194997,
0.20584123935308363,
0.2244045847887881,
0.2526896225134634,
0.2911917329667838,
0.3396869967247569,
0.3970922800290661,
0.46143648212195476,
0.5299610398737413,
0.5993320343158033,
0.665930469683955,
0.7262001108847483,
0.777061836745698,
0.816415765049882,
0.8436128938622968,
0.8596259425391857,
0.8669452807602508,
0.8691143167742401,
0.8696500440855193,
0.8705265050432598,
0.8708499861296949,
0.8664932700058591,
0.8512865708426228,
0.819543488776591,
0.7685183258894537,
0.6991414400195387,
0.6152998335104588,
0.5227640220826641,
0.42815977979077696,
0.3380147566198853,
0.2578266048228871,
0.1911890371760998,
0.1395088500039059,
0.10253654310380544,
0.07902147412280913,
0.06719145803580784,
0.06507570130755358,
0.07071286727382331,
0.08227701538002163,
0.0981460561796067,
0.11693106255228147,
0.13747990544828337,
0.1588649332798191,
0.18036155810498156,
0.20142246924341445,
0.2216506213209708,
0.24077301996147876,
0.25861655005514195,
0.2750865570951447
],
[
0.18652054939352447,
0.18805426382087698,
0.19710433054370669,
0.21507439350496482,
0.24306786800217067,
0.2816576942684925,
0.33066279677471383,
0.38899231056476397,
0.45461396804184045,
0.5246670307765229,
0.5956958912872515,
0.6639615174011565,
0.7258037249294126,
0.7780600965209388,
0.8185544287319562,
0.8465482089189791,
0.8629554875709256,
0.8703219455030015,
0.8724137404664531,
0.8730971575784832,
0.8746821519690228,
0.8764092058814366,
0.8739547461450402,
0.8606679926662019,
0.8303436122663757,
0.7799936024596704,
0.7105826804831102,
0.6261523313463723,
0.5326595018475615,
0.43689355471353997,
0.3454879328253273,
0.263985978595568,
0.19602764647174187,
0.14310356722540885,
0.105031078300442,
0.08059069229536509,
0.0680147786651476,
0.06532091481647173,
0.07052770790240448,
0.08178592911876104,
0.09745019580568925,
0.11611011404532101,
0.13659480882203634,
0.15796090040356825,
0.17947102781117585,
0.20056779833437732,
0.2208464106419764,
0.24002803741939555,
0.25793525526349415,
0.27447026752918313
],
[
0.17993458311449562,
0.18052359174516397,
0.18873460914973617,
0.20606208793271907,
0.23370500465608268,
0.2723187746414463,
0.3217692913117194,
0.38095912687006245,
0.4477927630383899,
0.5193041625695783,
0.5919150877493295,
0.6617700358603269,
0.7251133203233647,
0.7787096733139057,
0.8203133522520245,
0.8490965483475819,
0.865901073730508,
0.8733052090142289,
0.8752826447042914,
0.8760450916951709,
0.8782441560525623,
0.8812716518490344,
0.8806300149011782,
0.869208928485715,
0.8402864516042436,
0.7906382658446547,
0.7212639103542714,
0.6363527655973177,
0.5420410883038038,
0.4452696432123946,
0.35275944391955794,
0.2700832681687093,
0.2009169359772307,
0.1468290645129129,
0.10770801066786473,
0.08237246136820942,
0.06906527518592731,
0.06579686415773511,
0.07056908090848713,
0.08151186582178882,
0.09695838660006662,
0.11547816891285378,
0.13588262898679193,
0.157213424969201,
0.17872097711258794,
0.199838200280954,
0.22015279960648626,
0.23938027859164446,
0.25733899074618866,
0.27392801842853365
],
[
0.17384753469366832,
0.1734794353864454,
0.18082323588898508,
0.19746502141801026,
0.22470256044796144,
0.263278659314495,
0.3131105320327857,
0.37309542077217556,
0.4410722380887524,
0.5139662930616582,
0.5880758581650775,
0.6594328666167031,
0.72419479478743,
0.7790640314981516,
0.8217339163358377,
0.8512920309411978,
0.8684992515104466,
0.8759442644730621,
0.8777892720833801,
0.8785782030105949,
0.881296678490551,
0.885495873452224,
0.8865284865626897,
0.8768650424873095,
0.849286949584431,
0.8003398438717939,
0.7310503196022394,
0.6457476459863105,
0.5507415860054974,
0.45311299264574656,
0.3596539148784157,
0.27595254389039187,
0.2057093610112627,
0.1505609808389633,
0.11046602671098649,
0.08428597951013095,
0.07027944724122559,
0.0664542036633442,
0.07079899215451246,
0.08142580553054957,
0.0966486262397922,
0.11501866478254352,
0.1353309899403694,
0.1566133321366565,
0.17810466439350292,
0.1992287719364343,
0.21956626552985603,
0.23882725069799687,
0.25682602695125284,
0.27345864132010117
],
[
0.16833604631409727,
0.1670083493076655,
0.1734658111731161,
0.18938621948467238,
0.21616882919392655,
0.2546486560942767,
0.30479880056590697,
0.3655124797003852,
0.4345604680504126,
0.5087558360778245,
0.5842725901052552,
0.6570342429961684,
0.7231201326643928,
0.7791810143564624,
0.822860089552462,
0.8531697630894757,
0.8707872883926928,
0.8782915089747598,
0.880010759189559,
0.8807977654047644,
0.8839488055250395,
0.8891702076445546,
0.8916887576588293,
0.8836156153533764,
0.8572800449862982,
0.8090008633773794,
0.739815081325815,
0.654185798962857,
0.5585927545951239,
0.46024628044094956,
0.3659938806905803,
0.2814257121384739,
0.21025425289027067,
0.1541710199293994,
0.1131998345292895,
0.08624688757510957,
0.071590805295079,
0.06724115353125693,
0.07117749526145345,
0.08149717227374065,
0.0964976737290042,
0.11471405188233341,
0.13492672669543726,
0.15615081511241957,
0.1776148409234476,
0.1987342026955068,
0.21908295797606614,
0.23836619694930528,
0.2563944212571652,
0.27306079528866856
],
[
0.16347817476914261,
0.16119935424882836,
0.1667616334145109,
0.1819336861560512,
0.2082182308115056,
0.24654707662639874,
0.2969539593348935,
0.35832945380716685,
0.4283733684055727,
0.5037827518769429,
0.5806067022064028,
0.6546646599650023,
0.7219664887667061,
0.7791223144553324,
0.8237380745175222,
0.8547651507997097,
0.8728017026245425,
0.8804002004613125,
0.8820298337728367,
0.8828179085559656,
0.8863312207652405,
0.8924119553844028,
0.8961828329103438,
0.8894708908256339,
0.8642279796838699,
0.8165427268320549,
0.7474413872553807,
0.6615203989780275,
0.5654281194525284,
0.4664935264407616,
0.3716037103014078,
0.286336475611799,
0.21440174095984277,
0.1575304095763973,
0.11580289772435415,
0.08816932495176999,
0.07293138799041787,
0.06810461234365195,
0.07166350549801459,
0.08169442909366542,
0.09648148433840575,
0.11454611093467149,
0.13465611760502527,
0.1558156049400411,
0.17724387498605432,
0.19834886531260654,
0.21869876525974286,
0.2379941452340042,
0.2560420535377603,
0.27273299282280666
],
[
0.15935255282052185,
0.15614303295222676,
0.16081277726664112,
0.17521951361966048,
0.20097046993685397,
0.23909841274113447,
0.2897025886088776,
0.3516723953130336,
0.42263359310567555,
0.49916331043950435,
0.5771853545401275,
0.6524197015802926,
0.7208153932012963,
0.7789532394168318,
0.8244165312716818,
0.8561139967866103,
0.874577374260034,
0.8823222849984416,
0.8839308214252891,
0.8847591962433503,
0.888589132713179,
0.8953622777015541,
0.9001173616920566,
0.8944808930389077,
0.8701264122882671,
0.8229068935920676,
0.7538226672928279,
0.6676100073303478,
0.5710851784527905,
0.4716831474025544,
0.3763129730398958,
0.2905237752346567,
0.21800620157072548,
0.16051308520229068,
0.11817007581918648,
0.08996798198801903,
0.07423330779171389,
0.06899130369156492,
0.07221564419190118,
0.08198569758994456,
0.09657566325239797,
0.11449628493248176,
0.13450512681434434,
0.15559714758911125,
0.17698388122168607,
0.19806691042762103,
0.2184093835839851,
0.2377079586732883,
0.25576666303206963,
0.272473626542174
],
[
0.15603743202104148,
0.15193046744291616,
0.15572297586668704,
0.16935877170169167,
0.194549466723538,
0.23243228274868377,
0.28317688605474245,
0.3456730476573042,
0.417469173710888,
0.49501861314371387,
0.5741199761843093,
0.6503987819349832,
0.7197519715069874,
0.7787426270174276,
0.8249472599999289,
0.8572535249939016,
0.8761476046585823,
0.8841068609045759,
0.8857953821722498,
0.8867400813817147,
0.890870617058881,
0.8981757045997448,
0.9036280937917605,
0.8987395518612726,
0.8750036422451712,
0.8280516097667829,
0.7588605577143213,
0.6723185326109383,
0.5754069962109802,
0.47565050275782844,
0.37995933679857985,
0.29383478811235003,
0.2209292732992344,
0.1629985488126129,
0.1202000891194791,
0.09156007732790172,
0.07543027250899437,
0.06984892074493132,
0.07279308913106053,
0.08233938536775687,
0.09675592663093657,
0.1145460170750564,
0.13445965152165318,
0.15548478464947169,
0.17682685259079178,
0.197882362957564,
0.21821038749619315,
0.23750438709685318,
0.25556588582999246,
0.2722809962976903
],
[
0.15360961090884195,
0.14865201474107925,
0.15159629333867886,
0.16446815270800796,
0.189082030549109,
0.2266821191198065,
0.27751330159897863,
0.34046735797414596,
0.41301187537542094,
0.4914728526475389,
0.5715245847684649,
0.648703741641662,
0.7188640622362332,
0.7785627172333486,
0.8253860845541742,
0.8582242945202095,
0.877545533293943,
0.8857997773518385,
0.8876983866611675,
0.8888674137232139,
0.8933106695042088,
0.9010047535239146,
0.9068648093056986,
0.902366949883749,
0.8789072173702722,
0.8319433671577501,
0.7624606477700512,
0.6755142558693664,
0.578243303281131,
0.4782400414155202,
0.3823910938957611,
0.29612755229559173,
0.22304248602624233,
0.16487439297921525,
0.12179775770787848,
0.09286720515581404,
0.07645903764294548,
0.0706272355360904,
0.07335640746231464,
0.08272480506023683,
0.09699855879785246,
0.11467708706318336,
0.13450576864195285,
0.15546793386116942,
0.17676479230309972,
0.1977892184608867,
0.21809730030003704,
0.23738011845575546,
0.2554372922567789,
0.272153336113448
],
[
0.152143257652534,
0.14639592370099097,
0.1485355780147788,
0.16066434743125524,
0.18469624407672047,
0.22198356497510963,
0.2728508763187918,
0.3361936819617618,
0.4093952415718575,
0.4886512891439876,
0.5695138718786513,
0.6474372439706907,
0.7182411185836972,
0.7784887629577673,
0.8257935218517976,
0.8590725277815627,
0.8788073178575733,
0.8874446410995576,
0.8897039850210751,
0.891227641121018,
0.8960171950482675,
0.9039817402016481,
0.9099682365739333,
0.9054782702101138,
0.8818806200174301,
0.834544065463718,
0.7645266422755178,
0.6770683077181866,
0.579451324653904,
0.4793071964821854,
0.383469412279509,
0.2972732835466903,
0.22422954981176746,
0.16603849885405297,
0.12287598767439722,
0.09381701291296851,
0.07726075282620348,
0.07127914380477329,
0.07386834951092747,
0.08311276947304336,
0.0972808546621845,
0.11487193812700014,
0.13462997554336031,
0.1555362657436865,
0.1767898430695497,
0.19778153757768047,
0.21806566304783437,
0.23733182917265194,
0.25537842342375566,
0.272088840424691
],
[
0.151708642465478,
0.14524680347036834,
0.1466406939122914,
0.1580621305257366,
0.18151952197620036,
0.2184725421824658,
0.26932924943951236,
0.3329906455894714,
0.4067522978528533,
0.48667792511196123,
0.5682010367184236,
0.6467009302305605,
0.7179728040712462,
0.7785981771409242,
0.8262347368071565,
0.8598516778476653,
0.8799767229269426,
0.8890842437269119,
0.8918613294921871,
0.8938790623858669,
0.8990607893353488,
0.9071990320664751,
0.913043022676998,
0.9081533045665963,
0.8839374486054897,
0.8357964174465073,
0.7649541310804978,
0.6768531854529729,
0.5788966336037132,
0.4787201905432353,
0.3830704047798147,
0.2971584409434296,
0.22438834340435754,
0.16640092482180513,
0.12335749316667544,
0.09434468311927557,
0.07778217392630615,
0.0717616209423716,
0.0742945844833709,
0.08347614875893727,
0.0975815372130191,
0.11511398756485658,
0.1348194197576449,
0.1556798727271943,
0.17689441111919746,
0.19785353669554395,
0.2181111007547032,
0.23735623243228843,
0.25538682620949166,
0.27208568905963243
],
[
0.1523708022698097,
0.14528396415848022,
0.146006539002695,
0.15677213964261727,
0.1796763063102752,
0.2162829485963511,
0.2670862923018248,
0.330994623529657,
0.4052128868605252,
0.4856728716221566,
0.5676953676656481,
0.6465933200488768,
0.7181472341229269,
0.7789690843593443,
0.8267783783444087,
0.8606217097283858,
0.8811060532210968,
0.8907588581966868,
0.8941991816990063,
0.8968440529364821,
0.9024628233331308,
0.910687558502432,
0.9161296335841457,
0.9104078404692003,
0.885037858660677,
0.8356107244253954,
0.7636254728396564,
0.6747420004873175,
0.5764543491430326,
0.476361907276248,
0.3810870959005401,
0.29568658648320356,
0.2234326336864868,
0.1658855032139065,
0.12317625197443005,
0.0943942030466518,
0.07797671994489952,
0.0720365694253089,
0.07460436193298214,
0.08379037724691296,
0.0978811409391025,
0.11538791417549865,
0.13506211293761672,
0.1558894274261189,
0.17707128258022264,
0.1979996730887409,
0.2182293845246046,
0.23745012343603678,
0.25546008594413766,
0.2721420704142158
],
[
0.15418816784080203,
0.14657966264182432,
0.14672087478358875,
0.15689834521362467,
0.17928536068795575,
0.21554393604737732,
0.2662553223236149,
0.3303367901334313,
0.4049006145558683,
0.48574941857807763,
0.5680995960036337,
0.6472074752565602,
0.7188488700531847,
0.7796782600930611,
0.8274941978060115,
0.8614455137215891,
0.8822488025990275,
0.8924993380474509,
0.8967193444843451,
0.9001006405988399,
0.9061824472810238,
0.9143945931818,
0.9191762654054961,
0.9121670128153312,
0.8850701954058414,
0.8338559704668687,
0.7604072968448293,
0.6706091149723772,
0.5720109597666404,
0.4721319548217216,
0.3774313436670471,
0.2927800688647083,
0.2212935472751183,
0.16443115957165289,
0.1222786969287365,
0.09391941331145215,
0.07780536035435304,
0.07207154281697137,
0.07477108595351745,
0.08403389950311657,
0.09816235324579614,
0.1156799167330308,
0.13534712482500788,
0.15615632702079563,
0.1773137300486568,
0.19821472292893272,
0.2184164883606523,
0.23761042068240856,
0.2555958560892141,
0.27225620227792896
],
[
0.15721119142619955,
0.14919730052124913,
0.1488620133425418,
0.15853523015445858,
0.1804566311595046,
0.21637671416800774,
0.2669618434193101,
0.3311396962960959,
0.40592940535848754,
0.4870108503839805,
0.569507076140485,
0.648628481566238,
0.7201561295203973,
0.7807985690009672,
0.8284497345630488,
0.8623835390347021,
0.8834505143660756,
0.8943187365500521,
0.8993901824505681,
0.9035742249620249,
0.9101049410200276,
0.9181650460752286,
0.922011626031984,
0.9132427024620273,
0.8838412865580034,
0.8303576705852828,
0.7551518116757108,
0.6643326558578497,
0.5654669641319358,
0.4659489945173663,
0.37203574427213887,
0.2883815439324961,
0.21792080453866436,
0.16199296412806807,
0.12062464697420971,
0.09288483146697546,
0.07723732387549398,
0.07184033574537874,
0.07477279215414456,
0.0841885472810634,
0.09841030730782308,
0.11597793854536598,
0.13566475357986607,
0.15647282111228356,
0.17761560745411553,
0.19849385077161474,
0.21866863955303217,
0.2378342023899337,
0.2557918842344127,
0.2724263497857581
],
[
0.16148101979127516,
0.15318963592450197,
0.15249643524934675,
0.1617647353956514,
0.18328766071669034,
0.21889081843223102,
0.26931975191759605,
0.33351332791983057,
0.4083996985097492,
0.48954708830620297,
0.571998879257497,
0.6509308352130394,
0.7221388263756358,
0.7823961135317085,
0.829706608578503,
0.8634883865781838,
0.8847422196485037,
0.896206375981575,
0.9021424174909025,
0.9071319120175183,
0.914033692630514,
0.921734254843041,
0.9243268464157623,
0.9133242317632602,
0.8810796548100289,
0.8249041037375419,
0.7477025361927134,
0.6557991088887555,
0.5567403829704325,
0.45775334094599973,
0.3648555121437761,
0.2824553250460257,
0.21328371517254674,
0.1585429196924013,
0.1181879816176098,
0.09126624997704369,
0.07625062401097815,
0.07132343313585887,
0.07459252044539866,
0.08423984113643723,
0.09861282124619408,
0.11627185411337171,
0.13600666948133844,
0.15683212087223897,
0.1779714316693729,
0.19883266938548938,
0.2189823617090877,
0.23811873724958182,
0.25604603377062823,
0.27265083999854667
],
[
0.1670282627647378,
0.15859708420427987,
0.1576764421371275,
0.16665308163591952,
0.1878595908330476,
0.22317977581571646,
0.27342693856845085,
0.33755061859234164,
0.4123943797065854,
0.4934312901794474,
0.5756409187450685,
0.6541758475990933,
0.7248555840245636,
0.7845273486394433,
0.831316984367678,
0.8648005450274732,
0.8861367795662501,
0.8981256183372948,
0.9048692598622581,
0.9105839802749247,
0.9176913935033847,
0.9247409732224114,
0.9256938663568726,
0.911997906340737,
0.8764547872269022,
0.8172612843060111,
0.73790431573206,
0.6449098427393702,
0.5457710373647007,
0.4475097645741483,
0.3558702912305193,
0.27498853749234137,
0.20737192400786109,
0.15407048483916985,
0.11495706152884078,
0.08905111012293243,
0.07483240009577186,
0.07050831538229785,
0.07421857945764654,
0.08417721256681154,
0.09876057999838228,
0.11655361493286998,
0.1363660297148681,
0.15722848780556176,
0.17837644968665256,
0.19922728911213805,
0.21935450973565906,
0.2384615087866706,
0.2563563006426263,
0.27292807266068103
],
[
0.17387190955389165,
0.16544619200124988,
0.16443797689617468,
0.17324764895643374,
0.19423288342036948,
0.22931610753608078,
0.27936020758144775,
0.3433224491743877,
0.41797464125822564,
0.49871659184402806,
0.5804812511553205,
0.65840919629058,
0.7283513760965451,
0.7872364044681245,
0.8333206216835901,
0.8663457000467771,
0.8876278526062807,
0.9000153041647014,
0.9074318024908286,
0.9136960869746048,
0.9207433987120419,
0.9267623928958979,
0.925621074060197,
0.9087958498362012,
0.8696118588161912,
0.807195278216549,
0.7256166756624857,
0.6315890602313261,
0.5325253336224066,
0.4352103571555666,
0.345085819018165,
0.2659920338355615,
0.2001958867788407,
0.14858282690049973,
0.11093489708659987,
0.08623865495129102,
0.07297907543476612,
0.06938961911708819,
0.07364470098677856,
0.08399414453829257,
0.09884725771783698,
0.11681735252133041,
0.1367375626873416,
0.15765730095842123,
0.17882669057920397,
0.19967435631068076,
0.21978229644202107,
0.23886023275384805,
0.25672082463362794,
0.27325652678488566
],
[
0.18201844339113638,
0.1737483717154169,
0.1727987642343749,
0.18157417170236068,
0.20244307989115418,
0.23734567428790243,
0.28716942296832865,
0.35087234493698427,
0.4251760991112744,
0.5054332210552169,
0.5865477102623646,
0.6636587536402937,
0.7326553381702472,
0.7905528043965175,
0.8357427233834605,
0.8681335782465966,
0.8891910438740592,
0.9017942632540581,
0.9096690228757794,
0.9162097881251643,
0.922833884425497,
0.9273625558349595,
0.9236194634286846,
0.9032594016768523,
0.8602166125425126,
0.7944986248895302,
0.7107288690429275,
0.615792390517432,
0.5170011715613652,
0.4208772629210963,
0.33253533720822315,
0.2555010135852669,
0.1917870489841612,
0.142104796277576,
0.10613906614642477,
0.08283986572583268,
0.07069633648772133,
0.06796915585656604,
0.07287008520713556,
0.08368823014490312,
0.09886957995659584,
0.1170594377764238,
0.1371176210370958,
0.15811510191833722,
0.17931900185850191,
0.20017108082827595,
0.22026331094037288,
0.2393128672793935,
0.2571378946855186,
0.2736347629939204
],
[
0.19146119888703705,
0.18349897670756443,
0.1827569256842937,
0.19163455779016192,
0.21249717090791542,
0.24728173115071567,
0.29687080427075857,
0.36021150378534966,
0.4340056292276703,
0.5135862356522456,
0.593846029235134,
0.6699328148620721,
0.7377789702617933,
0.7944896957455876,
0.8385926144844063,
0.8701580617213415,
0.8907866651677495,
0.9033679400015663,
0.9114105396462312,
0.9178654008830331,
0.9236204992740054,
0.9261410832626,
0.9192673699404776,
0.8950077345602537,
0.8480010700952267,
0.7790163376139951,
0.6931745864529301,
0.5975151838038926,
0.49923252252371403,
0.4045650435051689,
0.3182806254546698,
0.24357528228161368,
0.18219769746502124,
0.13467861244057344,
0.10060138263327889,
0.0788771878138087,
0.06799893922448463,
0.06625579313119467,
0.07189933951620053,
0.08326115089124775,
0.09882732622559476,
0.11727849675962854,
0.1375042032095275,
0.15859961744770457,
0.1798510701986572,
0.20071525278724256,
0.22079552964886995,
0.2398176163439446,
0.25760594781025653,
0.27406142237620723
],
[
0.20217999583972646,
0.1946767804951769,
0.19429019871612552,
0.20340563012641288,
0.22437134247227486,
0.2591002776782767,
0.3084402938784736,
0.3713154113206216,
0.4444394323405662,
0.5231541152588093,
0.6023585842978632,
0.677218827316702,
0.7437148188855981,
0.7990426455875079,
0.8418631695461051,
0.8723982134291581,
0.8923634583556453,
0.9046359982055526,
0.9124899343236579,
0.91842297364221,
0.9228032674627479,
0.9227718278652176,
0.9122597442012237,
0.883795872657403,
0.8327984904623323,
0.7606668989621712,
0.6729443478876735,
0.5767995806415047,
0.47929321649279205,
0.38636243586785346,
0.3024125290793356,
0.2302990830684245,
0.17150045441342443,
0.12636325296216855,
0.09436731895839856,
0.07438405373202372,
0.06491035085467212,
0.06426520482649611,
0.07074231579352064,
0.0827185776821534,
0.09872327477037879,
0.11747538392493662,
0.1378969441347514,
0.15910976005278088,
0.18042142680779172,
0.20130524922044846,
0.22137732123254095,
0.2403729292250401,
0.25812356178082735,
0.27453522447927553
],
[
0.21414106898023588,
0.2072438969593806,
0.20735583875446173,
0.2168389872415123,
0.23801072941266416,
0.2727394709191363,
0.32181252824758844,
0.38412340296728353,
0.4564227017310597,
0.5340883624832026,
0.612043854125073,
0.6854826952493136,
0.7504356961856928,
0.8041890066455646,
0.8455308484652286,
0.8748198311683846,
0.8938626246725547,
0.905499786141175,
0.9127567695331484,
0.9176793442258522,
0.9201457506030926,
0.917026367773367,
0.9024265494672081,
0.8695265713923349,
0.8145592675485844,
0.7394551136525863,
0.6500940852270223,
0.5537395922147725,
0.45729953161585696,
0.366393279909854,
0.28505085869812213,
0.21578043850898765,
0.15978738749513377,
0.1172335401664607,
0.08749518784221932,
0.06940421331474755,
0.061462237231315275,
0.06201949941396612,
0.06941385258232935,
0.08206999903747125,
0.09856309253036066,
0.11765311466442696,
0.1382970761585065,
0.15964560720697452,
0.1810294379692532,
0.20194003116257975,
0.22200744684787865,
0.24097750072226048,
0.25868945165119384,
0.27505496876309427
],
[
0.2272972967086685,
0.2211461466150757,
0.22189121411658552,
0.23186200780157185,
0.2533312598078748,
0.28810358423244137,
0.336886812766647,
0.3985413811747749,
0.46987095953099567,
0.5463141590088216,
0.62283663889528,
0.6946687032970975,
0.7578944664249921,
0.8098878322468144,
0.8495561938011617,
0.8773771783227751,
0.8952215584536006,
0.9058687098477962,
0.9120859734467225,
0.9154803383291067,
0.9154881372915213,
0.9087826434012914,
0.8897252713857813,
0.852230715465207,
0.7933487941498916,
0.7154760575629246,
0.6247491840926602,
0.5284836979225179,
0.43341127932949586,
0.34481643162016706,
0.2663435581485055,
0.20014995167739513,
0.1471687176345392,
0.10737892545670336,
0.08005509288588342,
0.06399088367785233,
0.05769380838104399,
0.05954673657100529,
0.06793343024631693,
0.08132848232157708,
0.09835517425588403,
0.11781675980716222,
0.138707361931812,
0.1602083603164931,
0.18167528145885325,
0.20261913172520674,
0.2226850563725834,
0.241630274639335,
0.25930248185087956,
0.27561954158549756
],
[
0.24158871523115233,
0.23631384138898137,
0.23781503297565587,
0.2483798420748201,
0.2702230653681347,
0.3050689144010966,
0.3535340573350928,
0.41444652201945953,
0.4846727933738469,
0.5597320060813153,
0.63464903105463,
0.7047000719857227,
0.7660244092800227,
0.81608031277563,
0.8538846746712936,
0.8800146185720096,
0.8963767927007649,
0.90566481502769,
0.9103837858258899,
0.9117275334939352,
0.908753177597297,
0.8980222199825538,
0.8742238268220738,
0.8320458264901918,
0.769334862042591,
0.6889114736153661,
0.5971040283107244,
0.5012347703288913,
0.4078312014878009,
0.3218245311968335,
0.2464650649247055,
0.18355903285011987,
0.1337711175178532,
0.09690197893404007,
0.07212766205570387,
0.05820573479116331,
0.053651036818716635,
0.05688034438251721,
0.06632474851871006,
0.08051037488095603,
0.09811043563118726,
0.1179733053767037,
0.13913200145296478,
0.16080028483920872,
0.18235990968802762,
0.20334263553682985,
0.22340968030967234,
0.2423304473922565,
0.25996167879338633,
0.2762279258652975
],
[
0.25694328962838725,
0.25266293236617665,
0.2550290851019092,
0.2662781116677209,
0.2885546898421333,
0.3234896497818813,
0.37160291966904185,
0.4316926252003999,
0.5006935388186159,
0.5742201919577706,
0.647372086276578,
0.7154801327732628,
0.7747401552003259,
0.8226907133557666,
0.8584478203217996,
0.8826680120499677,
0.8972658140143008,
0.9048251591744843,
0.9075899809922959,
0.9063792716439745,
0.8999441863477431,
0.8848197264472237,
0.8560820177729257,
0.8091965744863884,
0.742771291045154,
0.6600209431013622,
0.5674176557293192,
0.47224740565686213,
0.3808026183966407,
0.2976415555556788,
0.225613821990569,
0.16617754054275502,
0.11973560854704146,
0.08591660120034783,
0.0638025839060602,
0.05211772991465358,
0.049385765513230484,
0.05405845086847383,
0.06461523704082262,
0.07963495291428757,
0.09784206598601897,
0.11813148147911112,
0.13957651587358866,
0.16142463324761924,
0.1830850005531618,
0.2041111498358985,
0.22418121648182965,
0.24307746748045067,
0.260666237335352,
0.276879209335815
],
[
0.27327790190498197,
0.2700964455731987,
0.27342035002546883,
0.2854260066890147,
0.30817746430630205,
0.3432031414917654,
0.39092520078888027,
0.4501153486398061,
0.5177794566207171,
0.5896378892938632,
0.6608781146160718,
0.7268940913763856,
0.7839391794427875,
0.8296278057608836,
0.8631646532063871,
0.8852659102184368,
0.8978276233451531,
0.903301823646006,
0.9036766761558188,
0.8994465264985906,
0.8891345866554766,
0.8693274803590008,
0.8355333567577473,
0.7839768378726885,
0.7139810562181044,
0.6291300427807922,
0.5360063969464675,
0.44182292401224393,
0.3526053691765593,
0.27251914415050255,
0.2040089390801918,
0.14819085214705685,
0.10521508113181122,
0.07454598476302132,
0.05517697254950438,
0.045801843725611135,
0.04495472449825244,
0.05112314495719916,
0.06283551046903191,
0.0787240266512107,
0.09756524676932188,
0.11830156465342823,
0.14004761102641472,
0.16208555276775494,
0.183852897108311,
0.20492576754074943,
0.22499991075009007,
0.24387102899302682,
0.26141552143262814,
0.27757258930139644
],
[
0.2904995089655294,
0.2885061218047807,
0.2928633188566916,
0.30567950926165177,
0.32892967765431275,
0.3640345327801146,
0.41132059132816357,
0.4695370549225752,
0.5357620676161448,
0.6058286896978005,
0.6750235003170914,
0.7388113370223798,
0.7935038365324968,
0.8367867988113371,
0.8679434832866788,
0.8877307788451649,
0.8980023743185608,
0.9010596973935742,
0.8986446974605835,
0.8909854430767286,
0.8764545163036763,
0.8517584153505607,
0.8128676597460022,
0.7567329623004619,
0.6833399864752908,
0.5966170577656036,
0.5032343664870601,
0.4103023927454487,
0.32355015782485647,
0.24673174219286104,
0.1818860438853458,
0.1297964089222945,
0.09037148195638423,
0.06292036360011444,
0.04635359369061487,
0.039337684438365605,
0.040418477055449875,
0.048119683174566275,
0.06101878049399656,
0.07780151098065058,
0.09729684240079772,
0.11849515836746727,
0.1405530239050249,
0.1627879800290788,
0.18466653732805705,
0.20578802278133634,
0.22586633150319624,
0.24471105906850926,
0.26220905957425583,
0.27830737344343826
],
[
0.308506420964285,
0.3077741772221224,
0.3132223932692924,
0.3268845452195048,
0.3506403748049647,
0.3858008017245401,
0.4326008515095355,
0.4897712130439488,
0.5544624358999557,
0.6226244129191052,
0.6896519613687545,
0.7510882514597343,
0.8033039141933259,
0.8440517747604657,
0.8726841387197835,
0.8899805775725624,
0.89773123581277,
0.8980735636433439,
0.8925189691521404,
0.8810885834656894,
0.8620774490507038,
0.8323695780387906,
0.7884146897406721,
0.7278480354795035,
0.6512612290029416,
0.5628991532146057,
0.4695025136440757,
0.3780580305969888,
0.29397145913653466,
0.22057065629348793,
0.15949240825377808,
0.11119981138734913,
0.07537273111549025,
0.05117460044749489,
0.0374389900151314,
0.032808049342667345,
0.035840318011069905,
0.04509565918801661,
0.05920023764118931,
0.07689297103949388,
0.09705507040765982,
0.1187249565817603,
0.14110135552374714,
0.16353752492448836,
0.18552937538091718,
0.20669983960412686,
0.22678133819218949,
0.24559769985667496,
0.2630465355952225,
0.2790829768709867
],
[
0.3271896521392156,
0.3277751097731624,
0.33435425296055854,
0.348879939682411,
0.3731327318596478,
0.4083142825990894,
0.4545734919282201,
0.5106263676861995,
0.5736952839482712,
0.6398490639249328,
0.7045981708091057,
0.7635714736802075,
0.8131996842383228,
0.8512986321734862,
0.8772806728171438,
0.8919309164749951,
0.8969576759796583,
0.8943277966710498,
0.8853441986813833,
0.8698762588261888,
0.8462076965084694,
0.8114471694561495,
0.762529099006386,
0.69772711314198,
0.6181804078279957,
0.5284184183243253,
0.435236719955198,
0.3454832956083597,
0.2642191572327051,
0.1943371685144094,
0.13708148167053835,
0.09261057279936846,
0.06038945047830002,
0.03944567138682065,
0.02854154937741815,
0.026297445697966992,
0.031285147849478,
0.04210015387321486,
0.05741641598537395,
0.0760251524405745,
0.09685915789298383,
0.11900449543388292,
0.14170189370853015,
0.164340346100337,
0.1864452959755155,
0.2076634747878302,
0.2277460445616366,
0.2465312857208179,
0.2639277754824861,
0.27989891581233234
],
[
0.34643430117753304,
0.34837748954760084,
0.35611011394212466,
0.3715001111581044,
0.3962270133737868,
0.43138572510803924,
0.47704500792143095,
0.5319097004711396,
0.5932728737407654,
0.6573228368392549,
0.7196916731201664,
0.7761015826448553,
0.8230454273050235,
0.8583985197209784,
0.8816245158538119,
0.8934977388860992,
0.8956297992614188,
0.8898173671151717,
0.8771812526868674,
0.8574886287855569,
0.8290692340901573,
0.7892934051553588,
0.7355768330944136,
0.6667834122162033,
0.5845413660448672,
0.49362789486584013,
0.40087521843727947,
0.31298187502643565,
0.23464910389107585,
0.168334913268524,
0.11490701356978661,
0.07423766843456447,
0.045591600790980125,
0.02787011544291018,
0.01976956307041411,
0.01989061056852537,
0.026818346938098148,
0.03918288370752909,
0.05570455389437068,
0.07522550578115061,
0.09672899136970958,
0.1193478981152224,
0.14236442941693417,
0.16520302056990122,
0.18741852345490895,
0.2086814558903639,
0.22876177745043025,
0.2475123164780298,
0.26485273079562516,
0.28075479840328055
],
[
0.3661209252867644,
0.3694456862604366,
0.3783378287386176,
0.3945774798012386,
0.419743140404188,
0.4548269422869157,
0.4998237078150166,
0.5534302012494148,
0.6130086058777922,
0.6748660714386072,
0.7347610305701595,
0.7885171691164581,
0.8326934089623845,
0.8652217206447421,
0.8856079609090757,
0.8946002578304182,
0.8937026292142826,
0.8845481574735434,
0.8681039813005619,
0.8440787976136136,
0.8108960326994825,
0.7662152183364561,
0.7079230892696318,
0.6354255569882256,
0.5507824413184615,
0.45897754157024834,
0.3668554352619011,
0.28095570693321387,
0.20561282246334822,
0.14286179533829935,
0.09321699545894802,
0.056285044105090276,
0.031145137185590976,
0.016581522256374548,
0.01122932355096784,
0.013671063754212787,
0.022504674078907883,
0.036393364998098976,
0.05410196360705943,
0.07452171482867886,
0.09668476683353067,
0.11976961792585417,
0.14309907015802947,
0.1661324099658309,
0.18845352738703547,
0.20975651576963694,
0.2298300321466471,
0.24854142749086539,
0.265821459323046,
0.2816503130428437
],
[
0.3861268804121693,
0.39084150206310697,
0.40088380331355655,
0.4179445914453744,
0.4435029062798455,
0.478453090337184,
0.5227221652984341,
0.5750014567999473,
0.6327202875262673,
0.6923030531094865,
0.7496381103859177,
0.8006592766361753,
0.841998286836885,
0.8716419057904227,
0.8891278075437743,
0.8951638346397706,
0.8911398632072007,
0.8785366425342317,
0.8581962526461052,
0.8298069105884293,
0.7919239133445388,
0.7425147504258464,
0.6799218927116744,
0.604046042118369,
0.5173233653880983,
0.42490003504918505,
0.3336002221708996,
0.24979210164637738,
0.17744668591366053,
0.11820181940507679,
0.07224769826769406,
0.03894726525850056,
0.017208799215576276,
0.005708132706165658,
0.0030233109819675086,
0.007719727308876823,
0.018407212786594962,
0.03378011070021747,
0.05264542184376375,
0.07394123733444213,
0.09674664664508226,
0.12028418430546473,
0.14391605398351415,
0.16713552591645042,
0.1895549264251284,
0.21089152488275498,
0.23095242532291105,
0.24961935741883773,
0.26683410358679666,
0.2825852147854627
],
[
0.40632760857436956,
0.4124256914855194,
0.42359472371390255,
0.4414359744192371,
0.4673318788210305,
0.5020846177951337,
0.5455593191190056,
0.5964440554635173,
0.6522330121021178,
0.7094655161704482,
0.7641623508498809,
0.8123761917254152,
0.8508219306866324,
0.8775405852945819,
0.8920889407220625,
0.8951225745142204,
0.8879150982813715,
0.8718091829966383,
0.8475491520872538,
0.8148351759149949,
0.7723838537480692,
0.7184815502779779,
0.6519073521569263,
0.5730111621823877,
0.48455311477984037,
0.391796412323013,
0.30150335096147507,
0.21985006925098127,
0.1504611079425302,
0.09461730134611512,
0.05221811058662229,
0.022405494174677743,
0.003931150795604799,
-0.00462937493779958,
-0.004751484367294112,
0.0021136431669103173,
0.014586387120187227,
0.03138987537377358,
0.05137059275249978,
0.07351086678787888,
0.09693442935648999,
0.12090595635655066,
0.1448255673536627,
0.16821939694787746,
0.19072739219052326,
0.21208942267791409,
0.23213064657652527,
0.2507469144190243,
0.2678908677938405,
0.2835593102286531
],
[
0.4265978614689478,
0.4340593618724442,
0.44631909858074503,
0.46488975476002803,
0.4910610270398241,
0.5255489174114365,
0.5681622395496422,
0.6175876024136641,
0.6713815896379771,
0.7261956795629659,
0.7781847061594269,
0.8235284884353582,
0.8590386151704247,
0.8828114104536277,
0.8944075929078549,
0.8944215181077971,
0.8840126366195242,
0.8644011039851317,
0.8362583892881321,
0.7993237286118619,
0.7524966383812819,
0.6943863971595091,
0.6241866572969702,
0.5426527249442168,
0.4528193536905469,
0.36002203816245154,
0.2709140701881998,
0.19144634615484568,
0.1249306076860558,
0.07234200732591167,
0.03332508745090457,
0.006823973665750049,
-0.00855202345768058,
-0.014319847369797967,
-0.012005061476473067,
-0.003075182863102266,
0.011099066588864615,
0.02926696218551661,
0.05031149333262186,
0.07325632261254134,
0.09726723806263349,
0.1216488880094212,
0.1458375699515796,
0.16939093918193415,
0.19197555486480133,
0.21335314936033212,
0.2333664095668685,
0.2519249415542233,
0.26899199380928285,
0.2845724413388069
],
[
0.44681285688414546,
0.45560525704670074,
0.46890863280318623,
0.4881490599226116,
0.5145281089247353,
0.548681711797808,
0.5903675806638528,
0.6382723429926945,
0.6900124750464809,
0.7423486400807694,
0.791570815394051,
0.8339937245363318,
0.8665401371234491,
0.8873637272089809,
0.8960140278991598,
0.8930183878975734,
0.8794279619733233,
0.8563556520389352,
0.8244219561747173,
0.7834272616093966,
0.7324687326670618,
0.6704766574119074,
0.5970348623368616,
0.5132618710277285,
0.4224203725166195,
0.32987460524407103,
0.2421206596628085,
0.16484291323054212,
0.10108591034568426,
0.051575767810886686,
0.01573948595750152,
-0.007652830593709248,
-0.02011987606884147,
-0.023263311886440374,
-0.018655694115316535,
-0.007780786913481608,
0.007997776688700275,
0.02745260384184567,
0.04950001008149196,
0.07320187534157396,
0.09776323219997518,
0.12252630853861013,
0.14696162923421108,
0.170656832923735,
0.19330391207383635,
0.2146855792468889,
0.23466140368949717,
0.2531542821260208,
0.2701377366980882,
0.2856244686367921
],
[
0.4668493709707543,
0.4769289342644826,
0.4912194537087441,
0.5110632431212844,
0.5375788553366033,
0.5713282029055784,
0.6120227398826825,
0.6583504007025793,
0.7079851655839869,
0.7577939965117995,
0.8042029427869973,
0.8436690539431775,
0.8732386978822848,
0.8911246987336667,
0.8968543878677862,
0.8908849086367261,
0.8741678939663273,
0.8477228538578429,
0.8121380521321107,
0.7672923560356633,
0.7124892618153671,
0.6469730730222729,
0.5706914532987704,
0.4850852281889536,
0.39360038761776645,
0.30158728923763706,
0.21533850665819476,
0.14023969971356864,
0.07910922132318332,
0.032480994748181,
-0.000396510844582032,
-0.02090231946785659,
-0.030668143546772497,
-0.031372284278176066,
-0.024630975599212013,
-0.011944084252870968,
0.005330028126230624,
0.025984427002437527,
0.048965474024666444,
0.07337001222581951,
0.098439346975008,
0.12355072164004843,
0.14820676717749437,
0.17202340701913355,
0.19471674250954563,
0.21608945683125347,
0.23601724715725336,
0.25443574560014554,
0.27132834034676007,
0.28671525413970983
],
[
0.4865867749103955,
0.49789985012857296,
0.5131132151321135,
0.5334889609366621,
0.5600679833284012,
0.5933440151653112,
0.6329867506168909,
0.6776866502844767,
0.7251730757864052,
0.7724166783009411,
0.8159805397251764,
0.8524707973760122,
0.8790660790971828,
0.8940396945319631,
0.8968914399503993,
0.8880076318698914,
0.8682502679850972,
0.8385582553914248,
0.7995032704242964,
0.751055445025984,
0.6927279760076611,
0.6240678611004554,
0.5453586237558672,
0.45832343441918777,
0.3665485620067055,
0.2753291142189154,
0.19071423219901118,
0.11777513040139531,
0.059133217284916495,
0.01518129056646167,
-0.014970788822655456,
-0.03282502617693028,
-0.04011024625829995,
-0.038572704518138434,
-0.029868605617715427,
-0.015513525499782355,
0.0031377739057318887,
0.02489600716963536,
0.048734299569755946,
0.07378114755500043,
0.09931106380238275,
0.12473362573267599,
0.14958132130590962,
0.17349653261828057,
0.19621802557246282,
0.21756733656840488,
0.237435442277106,
0.25577007473381075,
0.2725640136361538,
0.2878446444261642
],
[
0.5059080291466989,
0.5183923753426928,
0.5344581071015022,
0.5552911361338615,
0.5818600700284274,
0.6145959619275665,
0.653130938863709,
0.6961592618513006,
0.7414639391036189,
0.7861170691736872,
0.8268197068327574,
0.8603325302390836,
0.8839713824691015,
0.8960712639582169,
0.8961040586712505,
0.884387354391578,
0.8617029208306042,
0.8289215236891598,
0.786611031816979,
0.7348413461211212,
0.6733340834669234,
0.6019239796238148,
0.5212010992900228,
0.43313182415481777,
0.3414013317533643,
0.2512108659665488,
0.16833649453619082,
0.09753248644565515,
0.04124336315035826,
-0.00023795780661906019,
-0.027901445604421204,
-0.04334506213667211,
-0.04837783655527794,
-0.04480449337360948,
-0.03431691238642387,
-0.018445565884620763,
0.00145699938443844,
0.024216518375560936,
0.04882969082900257,
0.0744533807488732,
0.10039221429334111,
0.12608535757255823,
0.15109282170430183,
0.17508152771540242,
0.19781136813646583,
0.21912152725995115,
0.23891733362051126,
0.25715791445095565,
0.27384490759178826,
0.28901245416030935
],
[
0.5247006521995606,
0.538286761362321,
0.5551298001023953,
0.5763438357200829,
0.6028303150919856,
0.6349626639451067,
0.6723393789868023,
0.7136599658970443,
0.7567598195572898,
0.798810600975994,
0.8366520419390687,
0.8672030685031944,
0.8879188248892859,
0.8971973131498983,
0.8944856525732343,
0.8800371235572126,
0.8545620390081159,
0.8188749448934495,
0.7735502560885417,
0.718762298513288,
0.6544358317034923,
0.5806753922630509,
0.4983472753315423,
0.40962286811501486,
0.3182470468789594,
0.22929319948730964,
0.14824577614555967,
0.07954818458324409,
0.025482487168535295,
-0.013727357399448414,
-0.039135821041166974,
-0.05240980152625785,
-0.055420820225259404,
-0.05002174017496541,
-0.03793511361257129,
-0.02070494794505262,
0.0003174463287599627,
0.02397047930716323,
0.049271417249427185,
0.0754023040396079,
0.10169481948249337,
0.1276149606781507,
0.15274788530310213,
0.17678307355443157,
0.19949993934214816,
0.2207540417841225,
0.24046406968740497,
0.25859978294257074,
0.2751710938896753,
0.2902184503752851
],
[
0.5428576843348968,
0.5574700844218927,
0.5750123530292512,
0.5965310907213291,
0.6228652150497976,
0.654335046327359,
0.6905091864309847,
0.7300940984941263,
0.7709768362628182,
0.810427020036083,
0.8454232858408489,
0.8730446884590879,
0.8908857717033404,
0.897409011091358,
0.8920420639745548,
0.8749800470834643,
0.8468702345538464,
0.8084819089103794,
0.7604042715955709,
0.7029174434196513,
0.6361407165247595,
0.5604281492057318,
0.4768913835847349,
0.3878698517520684,
0.2971318261902755,
0.20959480320581003,
0.13044288922720793,
0.06381982408557962,
0.011856449314060824,
-0.025270149380012707,
-0.04864863244427686,
-0.05998890716888183,
-0.06120690181644939,
-0.05419254724032496,
-0.0406933291773347,
-0.02226480400446529,
-0.00025753187463128935,
0.02417759492624849,
0.05007565863451946,
0.07664086035682027,
0.10322896513962543,
0.12933007947804287,
0.15455212831792053,
0.17860514370341674,
0.20128641412359016,
0.22246655277094274,
0.24207656856195953,
0.26009604539743647,
0.27654254504478915,
0.29146233778009917
],
[
0.5602786691780686,
0.575837194342284,
0.5939991127503014,
0.6157476782424788,
0.64186316612011,
0.6726167361483851,
0.7075506849711509,
0.7453804897589607,
0.7840447068495067,
0.820909506583279,
0.8530920095093468,
0.8778316126046039,
0.8928610194682949,
0.8967087481044805,
0.8887894048588748,
0.8692472245600728,
0.8386746731441733,
0.797805491090339,
0.7472499688175577,
0.6873926880718864,
0.618536199794927,
0.5412620954135284,
0.45689638718064307,
0.36791128072660156,
0.27806576200895733,
0.1920998500285137,
0.11489635017663558,
0.05031338227215176,
0.00034003452524222766,
-0.034878203776631644,
-0.05643946691235535,
-0.06607282838686312,
-0.06572072332435097,
-0.05729856878760031,
-0.042572366458537125,
-0.023106590053701637,
-0.0002509902156547783,
0.024852690255172782,
0.051254917996592764,
0.07817925087886968,
0.10500271320567123,
0.1312368795223009,
0.15651009732133114,
0.18055094631503665,
0.20317292596994152,
0.22426035467760197,
0.2437554879543648,
0.2616468906947463,
0.2779591165567493,
0.2927437453161983
],
[
0.5768706789009869,
0.5932916971237574,
0.6119936297544579,
0.6338998770355723,
0.6597350028729814,
0.6897243764446858,
0.7233874828358295,
0.7594512568162746,
0.7959062062060122,
0.8302137832523921,
0.8596284581288675,
0.8815487555925005,
0.8938433380311059,
0.8951083158010926,
0.8847520779743367,
0.8628758868201282,
0.8300254089172695,
0.7869072190863269,
0.7341572016767948,
0.6722608955803001,
0.6016908213511333,
0.5232330237663577,
0.43839732174446344,
0.34975558195853845,
0.2610289360296176,
0.17676456989008948,
0.10154875550000653,
0.0389694861781551,
-0.009117432578908846,
-0.04258777890070342,
-0.06252987922183606,
-0.07067091275296722,
-0.06896267708757153,
-0.059334290902335884,
-0.0435633054482657,
-0.023219866997554295,
0.0003477033560077558,
0.026005730892222245,
0.05281799919465424,
0.0800248906598312,
0.1070220486392055,
0.1333399935593933,
0.15862521903814397,
0.1826228798129561,
0.20516102922335921,
0.22613633257483967,
0.24550119991921393,
0.26325231131599786,
0.2794205312341429,
0.2940622141515089
],
[
0.5925494110323496,
0.6097470016398214,
0.6289106063548168,
0.6509061938358105,
0.6764044686663696,
0.7055878638136874,
0.7379564855356588,
0.7722515560745767,
0.8065166204491978,
0.838307303596531,
0.865013597664118,
0.8841907184922122,
0.8938402777914571,
0.8926273831913084,
0.879961089853351,
0.8559077979978397,
0.820973979047595,
0.775846073006384,
0.7211884315964477,
0.6575823442059794,
0.5856555981028675,
0.5063751066386695,
0.42140483926127953,
0.33338578038381894,
0.24597696775293115,
0.16352296664818888,
0.09032227618657573,
0.02970882477300507,
-0.01658698617863341,
-0.04845534098625304,
-0.06696031253007839,
-0.07380927019026395,
-0.07094747764714338,
-0.060306104059901555,
-0.043666915055526556,
-0.022601948491631108,
0.0015430669667418906,
0.02764192305739477,
0.05477004502980665,
0.08218240980768343,
0.10929086027918378,
0.13564249278458274,
0.1608997685939667,
0.184822501980474,
0.2072516710228297,
0.22809493781528623,
0.24731377043967057,
0.26491208666029054,
0.28092636586600855,
0.29541718726127586
],
[
0.6072403873711595,
0.6251274612528193,
0.6446768766208567,
0.6666980383893373,
0.6918086009138907,
0.7201505067913215,
0.7512078634118494,
0.78373933976142,
0.8158432580131766,
0.8451685764237081,
0.8692383760231337,
0.885761011434492,
0.8928672341707113,
0.889292289626278,
0.8744526917501545,
0.8483879425255035,
0.8115722650157595,
0.7646777302417771,
0.7083985977388944,
0.6434054008520691,
0.5704656137425808,
0.4907034625966429,
0.4059087623305759,
0.3187639399040448,
0.23284598110220578,
0.15229175156779717,
0.08112337420912152,
0.02243679210139571,
-0.02215550930743293,
-0.05255363143653258,
-0.06978701426559164,
-0.07552851365141744,
-0.07170257481811848,
-0.060231221030271676,
-0.0428929342106914,
-0.021257436724691936,
0.0033337939161968144,
0.029761884589946552,
0.05711263041786141,
0.08465369689585567,
0.11181095373540073,
0.13814588212265255,
0.16333485561778294,
0.18715051218394296,
0.20944517282301023,
0.23013617062176495,
0.24919294396923752,
0.2666257698762678,
0.2824760403573415,
0.29680800070716234
],
[
0.6208802880056367,
0.6393696375528158,
0.6592323824010414,
0.6812203014682163,
0.7058980019269977,
0.7333690917513225,
0.7631049787152782,
0.7938851484081685,
0.8238650638783044,
0.8507866585502945,
0.8723031930162566,
0.8862714698813615,
0.8909467372729905,
0.8851351453772914,
0.8682673477684006,
0.8403634850735663,
0.8018716014933874,
0.7534540405591921,
0.6958351865154472,
0.6297673555585116,
0.5561417148910428,
0.47621674156993987,
0.3918815082034629,
0.3058352449672571,
0.22155696542318337,
0.1429745745163653,
0.0738468332232719,
0.017047450607570847,
-0.025921814693566803,
-0.05496808454285684,
-0.07107907235718625,
-0.0758814801386144,
-0.07126648289103743,
-0.05913649124432241,
-0.04125925175592948,
-0.01919766852264715,
0.005713117178778537,
0.03236187734191209,
0.05984390445350607,
0.0874379806504848,
0.11458209382029061,
0.14085011802536296,
0.16593042730814966,
0.18960674624337748,
0.2117412212517079,
0.23225956950991622,
0.25113813293126913,
0.26839267825632745,
0.28406880939570456,
0.2982338766893821
],
[
0.6334184553631118,
0.6524236857732619,
0.67253104944967,
0.6944317671316442,
0.7186369572272536,
0.7452138338867488,
0.7736242605770366,
0.8026719518421952,
0.8305723706823804,
0.8551608352636539,
0.8742175581602588,
0.8857418097441783,
0.8881078993527951,
0.8801932089283354,
0.86144899750563,
0.8318829553309044,
0.7919220966597571,
0.7422227019342021,
0.6835384665188673,
0.6166953669780072,
0.5426922429671869,
0.46289963887589874,
0.37928128844063896,
0.2945316629680164,
0.21201955269726747,
0.1354656312581446,
0.06837918538446186,
0.013426896482272244,
-0.02799327969956722,
-0.055793639832419695,
-0.0709156544904267,
-0.07493101309885408,
-0.06968709047618282,
-0.057057158579990386,
-0.038791017886167345,
-0.0164400941602989,
0.008669234187613895,
0.0354340908327917,
0.06295877462642474,
0.09053194547603971,
0.11760207364022546,
0.14375364694744397,
0.16868528732373045,
0.19219018326956494,
0.2141388679214511,
0.2344642073469504,
0.2531484120917274,
0.2702118871755699,
0.2857037566690433,
0.29969391841160314
],
[
0.6448185687567132,
0.6642547121417884,
0.6845413914293174,
0.7063052777618706,
0.7300033611300206,
0.7556681850092906,
0.782754997898411,
0.8100950199712927,
0.8359668104381058,
0.858300501275948,
0.8749998910678877,
0.8841992464187145,
0.8843859151626692,
0.8745084282231869,
0.8540444918718268,
0.8229955796999674,
0.7817721193600852,
0.7310271009889715,
0.6715418521266999,
0.6042074733939119,
0.5301147447171725,
0.450725273537038,
0.3680550280623761,
0.28477517024878973,
0.20413525370726393,
0.1296527192980561,
0.0646016072619473,
0.011456100446104678,
-0.028482984767925212,
-0.055131955819184064,
-0.06938349859897275,
-0.07274786519127563,
-0.06702000364351512,
-0.05403560380313954,
-0.03551971744139926,
-0.013007610412871795,
0.012185776888558264,
0.03896696682702805,
0.0664491261404464,
0.09392987606166148,
0.12086680717341303,
0.1468534624165566,
0.17159712915482483,
0.1948989636233729,
0.21663653768169933,
0.23674869374833274,
0.2552225176441416,
0.27208222749991107,
0.28737979161104743,
0.3011871067654485
],
[
0.6550599088914542,
0.6748435235264412,
0.6952466315782565,
0.7168275794136659,
0.7399884163981945,
0.7647284696165901,
0.7904990041765124,
0.8161617541933532,
0.8400613884157437,
0.8602252466923723,
0.8746773719582126,
0.8816780907927037,
0.8798215047055964,
0.868126827477017,
0.8461029433723758,
0.8137506808986724,
0.7714679103544468,
0.719906281650625,
0.6598723597275747,
0.5923136296315386,
0.5183976174147688,
0.43965738805885207,
0.35814097710946047,
0.2764805510558672,
0.19780020390448627,
0.12541980814056708,
0.06239234991618203,
0.011013289352643563,
-0.027507301467133094,
-0.05308900990501486,
-0.06657467684014051,
-0.06940876087745862,
-0.06332696299896745,
-0.05012010629799135,
-0.03148223201127198,
-0.008927867839565673,
0.016242312651690738,
0.04294555462948135,
0.07030406920538601,
0.09762382614352216,
0.12437044197295244,
0.15014517843309516,
0.17466258247439936,
0.19773041701987648,
0.21923204468976498,
0.23911118342783433,
0.2573588507781899,
0.27400228633570034,
0.2890956486105348,
0.3027122988109983
]
],
"zauto": true,
"zmax": 0.9273625558349595,
"zmin": -0.9273625558349595
},
{
"autocolorscale": false,
"autocontour": true,
"colorbar": {
"tickfont": {
"size": 8
},
"ticksuffix": "",
"x": 1,
"y": 0.5
},
"colorscale": [
[
0.0,
"rgb(255,247,251)"
],
[
0.14285714285714285,
"rgb(236,231,242)"
],
[
0.2857142857142857,
"rgb(208,209,230)"
],
[
0.42857142857142855,
"rgb(166,189,219)"
],
[
0.5714285714285714,
"rgb(116,169,207)"
],
[
0.7142857142857143,
"rgb(54,144,192)"
],
[
0.8571428571428571,
"rgb(5,112,176)"
],
[
1.0,
"rgb(3,78,123)"
]
],
"contours": {
"coloring": "heatmap"
},
"hoverinfo": "x+y+z",
"ncontours": 25,
"type": "contour",
"x": [
1e-06,
1.3011511650442548e-06,
1.6929943542960217e-06,
2.2028415765056147e-06,
2.866229883678204e-06,
3.729398352432554e-06,
4.852511011181743e-06,
6.3138503555892e-06,
8.215273746089953e-06,
1.0689313005882422e-05,
1.390841207112662e-05,
1.809694657026198e-05,
2.354686311364001e-05,
3.063802837345029e-05,
3.986470631277378e-05,
5.1870009063012666e-05,
6.749072272319499e-05,
8.781563250096393e-05,
0.00011426141253772723,
0.00014867137004306603,
0.00019344392634026088,
0.0002516997901283655,
0.0003274994751669172,
0.00042612632366481585,
0.0005544547624925005,
0.0007214294601814526,
0.000938688782612345,
0.0012213760031100258,
0.0015891948094037057,
0.002067782677737912,
0.002690497840197013,
0.0035007443993213955,
0.004554997653699184,
0.005926740503884541,
0.007711585311544345,
0.010033938212454076,
0.01305567039511669,
0.01698740074503987,
0.02210317627048227,
0.028759573555516532,
0.03742055263793628,
0.04868979566145066,
0.06335278435066323,
0.0824315491666629,
0.10725590623460621,
0.13955614735503497,
0.18158364372009145,
0.23626776957937787,
0.3074200836506151,
0.39999999999999997
],
"xaxis": "x2",
"y": [
0.0,
0.02040816326530612,
0.04081632653061224,
0.061224489795918366,
0.08163265306122448,
0.1020408163265306,
0.12244897959183673,
0.14285714285714285,
0.16326530612244897,
0.18367346938775508,
0.2040816326530612,
0.22448979591836732,
0.24489795918367346,
0.26530612244897955,
0.2857142857142857,
0.3061224489795918,
0.32653061224489793,
0.3469387755102041,
0.36734693877551017,
0.3877551020408163,
0.4081632653061224,
0.42857142857142855,
0.44897959183673464,
0.4693877551020408,
0.4897959183673469,
0.5102040816326531,
0.5306122448979591,
0.5510204081632653,
0.5714285714285714,
0.5918367346938775,
0.6122448979591836,
0.6326530612244897,
0.6530612244897959,
0.673469387755102,
0.6938775510204082,
0.7142857142857142,
0.7346938775510203,
0.7551020408163265,
0.7755102040816326,
0.7959183673469387,
0.8163265306122448,
0.836734693877551,
0.8571428571428571,
0.8775510204081632,
0.8979591836734693,
0.9183673469387754,
0.9387755102040816,
0.9591836734693877,
0.9795918367346939,
1.0
],
"yaxis": "y2",
"z": [
[
0.3008006887526981,
0.2862252819521566,
0.270638142934918,
0.2541827249628985,
0.2369098162529938,
0.21869822719989226,
0.19921258104805836,
0.17794409620866908,
0.15436022311273434,
0.1281519348161978,
0.09954500524259212,
0.06968059662047747,
0.04135672502478951,
0.0223178014360706,
0.024684531591954544,
0.03183181506768491,
0.03151792799166183,
0.024614009576560764,
0.02134050587445333,
0.03208797007690052,
0.047427969692495464,
0.060689825875979146,
0.07032328229233877,
0.0771260574629541,
0.08262896678009961,
0.08714278131255274,
0.08901891206926811,
0.08568982721411689,
0.0750480002361457,
0.056379396188070564,
0.03207995366409473,
0.024061095738766743,
0.05426879015148782,
0.09203970795294668,
0.12950121063551373,
0.16428567525589896,
0.1951514966582715,
0.2214343489361727,
0.24286157556808066,
0.2594481704507246,
0.271431138353748,
0.27923035078571423,
0.28342836209940336,
0.28476023535694917,
0.28410092557526345,
0.28243406198765497,
0.2807856561411894,
0.280115196585848,
0.28117870205591994,
0.28440606083253295
],
[
0.296256144200287,
0.28101598596075145,
0.26481959139731975,
0.24789125736740136,
0.23037089748943484,
0.21221371463761618,
0.1931235043114951,
0.1725778377792797,
0.14998134164254887,
0.12493503461824707,
0.0975771712543945,
0.06899165446556398,
0.041967391840297325,
0.023894308572663944,
0.025183929791598503,
0.03153332081126888,
0.031252683527114314,
0.02469667422332459,
0.02047493577859076,
0.02889061512757377,
0.04238240471798413,
0.05409628518415828,
0.062320656805593795,
0.06805404226378337,
0.07329922689929909,
0.07853216567483443,
0.08177103512257528,
0.08004758520832829,
0.07107977871055432,
0.0542920948716853,
0.03305618946982519,
0.029143028503468837,
0.057624075662599944,
0.09411222728886481,
0.13071198488441277,
0.16482007713256913,
0.19509300201383967,
0.22080960347266076,
0.24165859489053793,
0.2576260934863777,
0.2689279047743385,
0.27597145483222646,
0.27933891284549967,
0.2797820221207252,
0.2782150236431053,
0.2756868099193291,
0.2733112544443811,
0.2721434715177428,
0.2730167094115019,
0.2763920685098954
],
[
0.29155448963585795,
0.2756048174179399,
0.25875132446279575,
0.24131017270486224,
0.22352777362874843,
0.2054565535730604,
0.18685784676339098,
0.16720624408718401,
0.14584703891693995,
0.1222956851762051,
0.09662224580205936,
0.0699082442338385,
0.04503147424925377,
0.02869347971492522,
0.028010530813361904,
0.03248362994003786,
0.031965632313075365,
0.026142808581483146,
0.021632629446253392,
0.027122973765434245,
0.0381175775165494,
0.048002618592569476,
0.05466401777652222,
0.05922578242239966,
0.06428328786008058,
0.07050848374610469,
0.07547539332691461,
0.07580327121142946,
0.06918026203216372,
0.055519472860469904,
0.0397062099747721,
0.03973515176679352,
0.06453690229856461,
0.09845982986981672,
0.13347027917648666,
0.16644829835845726,
0.195821771137712,
0.22075267639764912,
0.24085864482280855,
0.25607703113581626,
0.2665888492174971,
0.27277899838340136,
0.27522161787058397,
0.2746799959723607,
0.2721060768207865,
0.2686176260789534,
0.2654262486833231,
0.2636972295138041,
0.2643546280495449,
0.2678958795275887
],
[
0.2867048449573086,
0.26999810096713145,
0.2524332667579101,
0.2344292503536252,
0.21635776645658164,
0.19839210038633026,
0.18037174016210158,
0.16177773397531311,
0.14189277640496198,
0.12013725340495285,
0.09650383032996132,
0.07204991825862861,
0.049596795078243855,
0.03470294227817399,
0.03183001611355823,
0.03393262284120604,
0.03291640604579278,
0.027899970504417032,
0.02352744363462264,
0.0262899943472212,
0.03447012292954205,
0.04238318535155334,
0.04740705019852825,
0.05073039505005535,
0.05572462898309028,
0.06327224366812698,
0.07032614732873621,
0.07308822943728314,
0.06934210895837144,
0.059587415694990736,
0.04941676930050557,
0.052212502233194034,
0.07375378388502707,
0.10463743260962678,
0.13758025419998765,
0.16907199485185526,
0.197285663595564,
0.22123663443518174,
0.24045010838548492,
0.2547994661004612,
0.26441942173019134,
0.2696630852631943,
0.2710889843243994,
0.2694664044296419,
0.26578288236407244,
0.26122866573189857,
0.25712431680916553,
0.2547628584129276,
0.25517621595877776,
0.2589047820560675
],
[
0.28171982388106415,
0.2642065600473934,
0.24587012511471917,
0.2272424956586647,
0.20884086109918867,
0.19098634647034263,
0.17362012890561904,
0.1562375595500171,
0.13804668714144086,
0.11834647572565359,
0.09701306635732666,
0.07499749771395012,
0.05483766524502933,
0.04081547331770309,
0.03575597051288109,
0.035313962442515286,
0.03356261714010186,
0.02927520340715926,
0.025258354390201885,
0.025855967555618014,
0.03126178444353573,
0.03722362766789643,
0.04063293401566868,
0.04269727485712706,
0.04782380219079274,
0.05706212911104411,
0.06649124218575307,
0.07192894144311458,
0.07134173041602658,
0.06567715370306013,
0.060352299991361116,
0.06512221671114707,
0.08424027174948194,
0.11215543662189338,
0.14280179791370842,
0.1725640493680311,
0.19941463150669503,
0.22222351155367065,
0.24041481788997454,
0.2537884558966778,
0.26242401958347256,
0.26663471762504515,
0.2669560791946728,
0.26415736938824524,
0.25925884529472143,
0.25352655580027605,
0.2484025874445133,
0.24532889961921714,
0.24546683630938596,
0.24940837320376
],
[
0.2766158544511583,
0.25824598655500036,
0.23907245024499574,
0.2197494838763988,
0.20096110890559157,
0.18320731606095542,
0.16655852031003077,
0.1505305631666085,
0.13423431584384676,
0.11680326588148487,
0.09793482819817724,
0.0783695259662937,
0.06019390716486183,
0.04654808233661704,
0.03934764292174902,
0.03629396668534075,
0.033583005369576674,
0.029912913329161385,
0.026388045789382156,
0.025418395525565664,
0.02834385554297285,
0.03253493228005593,
0.03446417809860498,
0.03531393291146895,
0.0408558094041415,
0.05213119292750039,
0.06406804666136365,
0.07222462071993337,
0.07480374948678958,
0.07298794106137757,
0.07159496763378617,
0.07789195631653092,
0.09529442975168487,
0.1205624692490371,
0.14888068683226127,
0.17678002640071194,
0.20212544837539068,
0.2236663736534553,
0.24072897375823307,
0.25303604602742136,
0.26060620950890234,
0.26370601915908143,
0.2628408981147228,
0.258773507904672,
0.2525528732041868,
0.24552342919434073,
0.23926253606898198,
0.23538661233786531,
0.23521384700994855,
0.2393991366652906
],
[
0.27141342372245963,
0.2521378837508686,
0.23205776990167024,
0.21195687943296845,
0.1927082276541861,
0.17502659445617913,
0.15914484792545586,
0.14460412506987091,
0.13038355986004224,
0.11539027899544023,
0.09906911671814612,
0.08185962517296028,
0.0653295473522688,
0.051712297749340067,
0.042437314943798404,
0.03673672622390586,
0.032839601578854814,
0.0296863767675097,
0.026777802117522554,
0.02476647055849147,
0.02563430700364216,
0.02836383168110703,
0.029067431909234377,
0.028849314920333036,
0.03517366285915282,
0.048689094836803976,
0.06304121017848811,
0.07376088964452383,
0.07930218300609518,
0.08090315224421861,
0.08268946293045427,
0.09025360234633445,
0.1064665339481798,
0.12948170708964624,
0.1555718278585033,
0.18156914707314772,
0.20532681228874777,
0.2255117277908397,
0.24136427729469787,
0.2525317880677015,
0.25896897834453086,
0.26089044172758313,
0.2587647097015234,
0.2533405690100965,
0.24569037607023644,
0.23723815808465584,
0.22971109097560732,
0.22493065178030575,
0.2244070398445799,
0.22887314046346197
],
[
0.26613721254920925,
0.24591004301708894,
0.22485177102596124,
0.2038801471808083,
0.18407943383472808,
0.1664209803849014,
0.15134139118070777,
0.1384111790970316,
0.1264294245758397,
0.11400101626240387,
0.10024472646541546,
0.08524287106678348,
0.07006074535270337,
0.056261277085613244,
0.04501472852436567,
0.03666268043246174,
0.031343370347265316,
0.028624915972070508,
0.026466988433118496,
0.023861076400094015,
0.02313710310026679,
0.02479267656033503,
0.024640391386414766,
0.02366812333533072,
0.03115358575903012,
0.0468157256269457,
0.06326694515016654,
0.07625349249357756,
0.08443996206149641,
0.08899392816083583,
0.09339116556204774,
0.10206090781708248,
0.11746816320518183,
0.13861557300511734,
0.1626535433005506,
0.18678336556777114,
0.20892423294403117,
0.22770204621342227,
0.24228918951248749,
0.2522633279192188,
0.2575149931090403,
0.2582029352560898,
0.25475234838686345,
0.24789005947738435,
0.23870436600852177,
0.22869782605389755,
0.2197620170422003,
0.21395989987515254,
0.2130391382359389,
0.21783089614261922
],
[
0.26081608101520326,
0.23959700239861653,
0.21748949428759562,
0.19554547478496848,
0.1750815665011287,
0.15737427603642407,
0.14311671130824907,
0.13191321761058358,
0.12231831559173804,
0.11254580923149556,
0.10132542369690702,
0.08836627879504115,
0.07430017423049191,
0.06022165376387519,
0.04716245975873712,
0.03621870104302928,
0.029240476232763893,
0.026880875792055885,
0.025609009733532646,
0.022787396654177616,
0.020937079715573213,
0.02191860135401472,
0.021356213875829415,
0.020168637651871626,
0.029023690998185504,
0.046392581939136174,
0.06449702642656709,
0.07939948542105675,
0.08988627882337824,
0.09697181524198793,
0.10355780450948122,
0.1132258593992411,
0.12811081433405436,
0.147736172688892,
0.1699341502401283,
0.19228394935737342,
0.21282427711270058,
0.23017819879893153,
0.24347022590636327,
0.2522170259757025,
0.25624684993049307,
0.25566005894493554,
0.2508324230419822,
0.24245981967239993,
0.23163663989594954,
0.21993948433000426,
0.20943767401834548,
0.20247850816322244,
0.2011063673821013,
0.20627844299688453
],
[
0.2554828606049979,
0.23324031971893006,
0.21001648274810047,
0.1869919236769383,
0.1657335988036893,
0.1478792613681495,
0.13444759012566532,
0.1250832704615692,
0.1180117210017394,
0.11095554223046812,
0.10221047147743326,
0.09113405382079764,
0.0780198516152806,
0.06365785120525055,
0.04901400668433643,
0.035652084578718934,
0.026819543395577888,
0.024723887192742277,
0.024434968350298045,
0.02169919366858571,
0.019162358365862577,
0.019803706534637117,
0.019252498607566552,
0.01852577587227098,
0.028642184962115614,
0.04711298077096785,
0.06643055004350641,
0.08291632881150583,
0.09538262024948822,
0.10464349278782725,
0.11310204060229821,
0.12369296440753055,
0.13826912078145684,
0.1566720718066077,
0.17725326989142573,
0.1979456150923989,
0.21693794328098812,
0.2328816349745819,
0.24487320496411974,
0.2523785710264931,
0.25516729123720433,
0.2532800113448359,
0.2470374034107685,
0.23709449580242103,
0.22453900807582558,
0.21101223858063725,
0.1987712875012564,
0.1904972480563145,
0.18860911882841105,
0.1942287578898183
],
[
0.2501739069382357,
0.2268885761189849,
0.20248979400272932,
0.17827381430694347,
0.1560696861002813,
0.13793995447457358,
0.1253209977451545,
0.1179089248249246,
0.11348925620810446,
0.10918332099236101,
0.10283158603768895,
0.09349277978872857,
0.08122629012486043,
0.06664898355975653,
0.050719131279489765,
0.035271979967254716,
0.02452869195415,
0.022549012733049337,
0.023224074305876377,
0.020758299351249135,
0.01790933519094997,
0.018410499735863388,
0.018133308796233923,
0.018384454474326115,
0.029485929082712463,
0.04857330682352249,
0.06876747214811814,
0.08656284052067398,
0.10073426711111394,
0.11187878955609731,
0.12196906404885331,
0.13342731451981613,
0.14785918298988127,
0.1652960091364417,
0.18448013477454273,
0.20365863671552664,
0.2211831091766534,
0.23575621372293112,
0.24646438345440244,
0.2527335530812102,
0.25427937224289554,
0.2510825579497056,
0.24340354231427513,
0.23184583727313907,
0.2174745014555795,
0.2019797041125434,
0.18780992996129,
0.1780353248804034,
0.1755527467355729,
0.18170365431184812
],
[
0.2449283684370117,
0.22059700900952608,
0.19497873884470868,
0.16946331882758384,
0.14614297319369896,
0.127574354795159,
0.1157361762212729,
0.11039555740284872,
0.10875112661555429,
0.10720445297228685,
0.10314799728162287,
0.09541841632381101,
0.08394319854852894,
0.06927156388517727,
0.05241158800847913,
0.035382504024159295,
0.022954397183446384,
0.020864943836761036,
0.022264708558211034,
0.020080805878849254,
0.017158846241852842,
0.017576668683491097,
0.017615689865730418,
0.019013780626484924,
0.030913063807500366,
0.05038051393194111,
0.07124565004532193,
0.09014574360362587,
0.10579803097223824,
0.11858997766395793,
0.13012502946252305,
0.14240829629122867,
0.15682552951378143,
0.17351489401654355,
0.19151051088146376,
0.20932946048431345,
0.2254861181374882,
0.23874963562075233,
0.2482114307061631,
0.2532679662260771,
0.2535865609620714,
0.24908883808152152,
0.23997059001729587,
0.22677272871021728,
0.2105184433840932,
0.19292283759720502,
0.17661849091551474,
0.16512292088498645,
0.16194856200424307,
0.16873644491682835
],
[
0.23978713373720079,
0.21442666035459815,
0.1875651472222561,
0.1606531617924505,
0.1360304793768349,
0.11681803754861574,
0.10570702995818103,
0.10257009107147225,
0.10382009531615116,
0.10501511605837036,
0.10314074201181068,
0.09690553402746849,
0.08619911946341854,
0.07158637205738393,
0.054181408236609566,
0.03619157369024637,
0.022654776030093124,
0.02018232843792122,
0.021795605706227267,
0.019713247820657333,
0.016775596851722075,
0.017074743174081173,
0.017308011070737293,
0.01976260589100027,
0.0324112218636022,
0.05222007141624286,
0.07365815422523124,
0.09351790399541159,
0.11047083328011281,
0.12471855703643782,
0.13755052617149283,
0.15062587720003962,
0.1651329843157543,
0.18126209770608792,
0.19826321360917457,
0.214880327619354,
0.22978263811892694,
0.24181447608458567,
0.2500842139664107,
0.25396862022529904,
0.2530927605831397,
0.24732103828928562,
0.23678125969003844,
0.22194084834781588,
0.20375920867315248,
0.18394308296515574,
0.16528502022162253,
0.1518049316366973,
0.14781514793972628,
0.15537584115424025
],
[
0.2347914362025842,
0.2084429230754711,
0.18034288612131916,
0.1519591861178269,
0.12583948585119134,
0.10572929363716572,
0.09526521195047091,
0.0944857897705996,
0.09874301171826257,
0.10263002222047421,
0.10280687779969584,
0.09795873225835049,
0.08801878869790374,
0.07362974908818504,
0.05605735209203397,
0.037736224757620146,
0.023833502572032903,
0.020760121769938883,
0.02193776553104718,
0.019647972038721644,
0.0166053443608467,
0.01671661403506095,
0.016956127967097213,
0.020263470039512756,
0.03367127072924816,
0.05387730556114428,
0.07585611883224973,
0.09657280543717704,
0.11468033799298999,
0.13022664676439666,
0.14423655823784173,
0.15807819016525357,
0.17276138701610047,
0.1884916397297372,
0.20467673458821378,
0.22024830526555172,
0.2340179509935636,
0.24490885080384056,
0.2520553849929022,
0.25482344792663725,
0.2528022487012395,
0.24580192741169438,
0.23388041143158167,
0.21742183310310598,
0.1972984104496611,
0.17516562614780407,
0.1539279402295638,
0.13814673707853228,
0.13318024205838191,
0.14169193317023962
],
[
0.22998111937704732,
0.20271338396379351,
0.1734162753808007,
0.14352228401624223,
0.11571590631121209,
0.09439715652369042,
0.08446471480973147,
0.08622890345940898,
0.09359184644393602,
0.10007928759924654,
0.10215401729859863,
0.09858608139913277,
0.08941768351573812,
0.07540989197695962,
0.05800397138681143,
0.039875029063399695,
0.02619107358368531,
0.02242780915370747,
0.02265729951024901,
0.019854733716048407,
0.016562045546194375,
0.01641993008446179,
0.016480855663293957,
0.020396272323984777,
0.034557144454458164,
0.055230506646791834,
0.07774343426425832,
0.09923771481627185,
0.1183775083398897,
0.13509115013676892,
0.1501818683019655,
0.16476984458405078,
0.17970203421341732,
0.19517382925956936,
0.21070621186556848,
0.22538401523451077,
0.23814682465493078,
0.24799676299140605,
0.2541007727768942,
0.25582170378278873,
0.25271953426727045,
0.2445542587404702,
0.23131393860951108,
0.21329183361127732,
0.19125016517043184,
0.16674229355169526,
0.1427056746714927,
0.1242435837618199,
0.11808370000906533,
0.12778579527001152
],
[
0.2253926031932926,
0.19730490626892183,
0.16689699425468638,
0.13550877645962386,
0.10585493950761816,
0.08295498903510762,
0.0733897490145002,
0.07792838871014758,
0.0884639614962093,
0.09740464214078731,
0.10119541957388124,
0.09879442719943639,
0.09039942881725777,
0.07690814517223697,
0.05993289448880301,
0.04234943892590189,
0.02916786901638273,
0.02472717535554039,
0.023789950800488492,
0.020295711385872262,
0.016645246323262718,
0.01620232162718655,
0.01594089134078056,
0.020200321290033053,
0.035054314962301505,
0.0562330497770287,
0.07926763754457997,
0.10146659626362908,
0.12153062038923133,
0.13929960420551984,
0.15539104410535853,
0.17071069480809345,
0.18595520838895535,
0.20129199461666028,
0.21632081887857313,
0.23025025380974362,
0.24213309988453963,
0.2510481898962982,
0.25619959808073145,
0.25695405629831364,
0.25284913966216077,
0.2436000568519893,
0.2291273653455686,
0.20962936982217106,
0.1857390119016743,
0.1588532073331251,
0.13182903836447493,
0.11023662457638762,
0.10258271693101191,
0.11380561597534541
],
[
0.2210566355246716,
0.1922799782108874,
0.16089909477114817,
0.1281077496141304,
0.09651338425438433,
0.07160507635171827,
0.06217014918626595,
0.0697703438474734,
0.08348099399916645,
0.09465507986756365,
0.09994579406730975,
0.09858638832941873,
0.09095566945439859,
0.07808440653579138,
0.061723079512958294,
0.044865472816409596,
0.032231942403666336,
0.027172381373641852,
0.02510457106225643,
0.020912344258098313,
0.016889683858384175,
0.016120490018458118,
0.015460468794838415,
0.019801683852714122,
0.03522745445410085,
0.05689369353112894,
0.0804093754974943,
0.10323316244421596,
0.12412031344589515,
0.14284709571601414,
0.1598731353973092,
0.17591493749888001,
0.1915284325548656,
0.20684002387797787,
0.22150156942408042,
0.2348206226016274,
0.2459490977611909,
0.2540389660613994,
0.2583345323955328,
0.2582125834980397,
0.253195321519164,
0.2429598196499686,
0.22736419732320634,
0.2065124593496854,
0.1808960515081527,
0.15170572411408711,
0.12157578584902161,
0.09634161356211833,
0.08676224755638004,
0.09997482939520605
],
[
0.21699596226054887,
0.1876924773888275,
0.1555319092749892,
0.12152327416438176,
0.08802025821566503,
0.060665161113302855,
0.05101529970290752,
0.062018521139628864,
0.07878525412821309,
0.09188208612285974,
0.0984179385214665,
0.09795885003700247,
0.09106786555647035,
0.07888509437753302,
0.06324314184227303,
0.047153556419808465,
0.03498375162331097,
0.02937720945577815,
0.026360278161895997,
0.021601476569824984,
0.017282472477791685,
0.016196763214401846,
0.015154270179578455,
0.019368644644530572,
0.035192185324483725,
0.05725833843928445,
0.0811715781896697,
0.10452422509860143,
0.12613541256455582,
0.1457339159966771,
0.16364065659458124,
0.18040047866789483,
0.1964352391678485,
0.2118205156857452,
0.22623950151707847,
0.23907823878273268,
0.24957492748217242,
0.2569505159867542,
0.26049162748682925,
0.25959068532319873,
0.25376174923574996,
0.24265167849899041,
0.22606410682327718,
0.2040150916913205,
0.17685299443495484,
0.1455285727578601,
0.11230403966980317,
0.08290185952342631,
0.07075890537848703,
0.08664219921714482
],
[
0.21322309304315185,
0.18358315380375975,
0.1508910262113001,
0.1159593134144634,
0.08077619376094762,
0.050655880155682696,
0.0402973656193496,
0.055038775434408015,
0.07453207429444433,
0.08913468917423835,
0.0966203193310578,
0.09690272015747595,
0.09071035115279803,
0.07925192918596034,
0.06437055247057893,
0.04899816111433144,
0.03715183927714512,
0.031067643757362835,
0.027340085889113228,
0.022212054116040558,
0.017711849161470162,
0.016387575767161742,
0.01510544422311157,
0.019103181123529083,
0.03509711758509079,
0.05739347326919418,
0.08156888114048824,
0.10533349209607475,
0.12756941560158228,
0.14796380684528973,
0.16670893004931886,
0.1841885465011775,
0.20069432605843004,
0.21624339593376213,
0.23053419115395538,
0.2430145585056739,
0.2529977517374214,
0.25976948151642537,
0.26266014260681797,
0.26108293009481903,
0.2545511640143355,
0.24269056919396803,
0.2252610713304198,
0.20220325542637035,
0.1737341326117038,
0.14055890204602414,
0.10445555721223959,
0.07048504837552995,
0.054825395453265216,
0.07436880223402226
],
[
0.2097383681799028,
0.17997528512398617,
0.14704811466406603,
0.1115963232473231,
0.07522266058200858,
0.0424402224914213,
0.03076995712194022,
0.04931200466146338,
0.07087652448282485,
0.08645475546261136,
0.09455569416189484,
0.09540368933005627,
0.08985397982299852,
0.07913004387913442,
0.0650053796515591,
0.050247232162285674,
0.03856633468345107,
0.0320624057929353,
0.0278696760411633,
0.022578258392894412,
0.018012763471856555,
0.01662161660168917,
0.015403897401127147,
0.019246921142323025,
0.0351071396981668,
0.05737036976897135,
0.08161766409217851,
0.1056560229966447,
0.12841766152972733,
0.14954275909373416,
0.16909576786460634,
0.18730354314307224,
0.20432901910994136,
0.22012489524678358,
0.23439254544251,
0.24662832508105917,
0.2562110482234132,
0.26248728106508623,
0.2648322954404458,
0.2626848538644039,
0.25556504331369,
0.24308747200684758,
0.22498161517564347,
0.20113086926848694,
0.1716467999687723,
0.13702092684828596,
0.09853122114515066,
0.06003841505340788,
0.03954149952027681,
0.06405689237820443
],
[
0.2065285342232065,
0.1768710587658738,
0.1440410707979026,
0.10856184280890036,
0.07175893275872483,
0.03729806121267814,
0.02406223329951807,
0.04539009849887916,
0.06795408707815667,
0.08387312909257365,
0.09222086099846614,
0.09344374030738277,
0.08846977321059045,
0.07847444041891274,
0.06507843672357234,
0.05081205693257223,
0.03913866095584617,
0.03225690380643086,
0.027832583701489007,
0.022574599619463207,
0.01806606769167594,
0.016880827964066848,
0.01617995524172865,
0.020047753777381945,
0.03537770944277911,
0.057249455419965914,
0.0813271762474241,
0.10548363041032295,
0.12867527961579966,
0.1504783888937949,
0.170821511195043,
0.1897731344939193,
0.20736698651060972,
0.22348680795865142,
0.23782782699200325,
0.24992463958403385,
0.25921389145009177,
0.2650996297924041,
0.26700296057091594,
0.2643927317161949,
0.2568032955059641,
0.24384877862861787,
0.22524331677078915,
0.20083608112550672,
0.17067155272661239,
0.13509775041560226,
0.09501754724173343,
0.05301312130441691,
0.026651515682508255,
0.05703362621054952
],
[
0.20356600436943584,
0.1742492350040921,
0.14186644001271795,
0.10690217123923447,
0.0706118691298638,
0.036445522847308905,
0.022719064914830833,
0.04373102965236948,
0.06585786612820992,
0.08140731842950384,
0.0896075894526763,
0.0910031867454245,
0.08653215920517247,
0.07725433806284673,
0.06455468123807007,
0.050663551802718525,
0.03885033528616187,
0.031616942917937,
0.027187290031132603,
0.022171902502309916,
0.017890098592236447,
0.017274907381839268,
0.017583318463647298,
0.0216650398246456,
0.03601857193853865,
0.05706590263429926,
0.08069243058993462,
0.10480155830516785,
0.128336060829725,
0.15077994739245978,
0.1719094516216637,
0.19162857497788846,
0.20984016095259442,
0.22635596921509765,
0.24085886481532895,
0.25291414305761933,
0.2620102681660978,
0.2676060426080404,
0.2691693362294018,
0.2662033390763716,
0.258264007261585,
0.24497583671876652,
0.2260537332875156,
0.20133843518929584,
0.17085382601958704,
0.13490232725200968,
0.09426366675033844,
0.05102345864418448,
0.021581721184516428,
0.05474643021445301
],
[
0.2008089157189072,
0.17206451336011927,
0.14047598434808795,
0.10656540969050654,
0.07172567894347577,
0.03988600873241485,
0.027213516752732612,
0.044449159253834865,
0.06461885710399826,
0.07906135863782575,
0.08670475035891247,
0.0880630857891198,
0.08402159328623714,
0.07545538364338447,
0.06343283409394872,
0.049827140926521366,
0.03774839545349999,
0.030181357538630674,
0.025988744104489137,
0.02148762049621302,
0.01771300991941604,
0.018066721616555446,
0.019720028366567277,
0.024086904610425258,
0.03706156690575141,
0.0568192475572068,
0.07968966883279813,
0.10358675251879211,
0.12739239816259648,
0.15045902605261915,
0.1723866529286779,
0.1929052557228402,
0.21178482889295325,
0.22876389573474898,
0.24350941001153245,
0.25561229444318695,
0.26460843186707894,
0.27000933572089064,
0.27133059673832316,
0.2681137190534852,
0.2599432619210681,
0.24646470933825557,
0.22740985817089396,
0.2026373321218715,
0.172198879576846,
0.13645686827791093,
0.09636042742884904,
0.05467721484812898,
0.028922826529908414,
0.0578111300558958
],
[
0.19820200812241917,
0.1702487744256204,
0.13977845398287048,
0.10740376116060296,
0.07476182142896423,
0.04630499012839252,
0.034955868820389153,
0.047211343916534525,
0.06419761930553905,
0.07682817845510158,
0.08350161681622996,
0.08460795245333616,
0.08092656206745658,
0.07307999500608262,
0.06174196625943563,
0.04837624516892898,
0.0359448521897063,
0.02807327855756172,
0.024416670947205853,
0.02082589453580563,
0.01799537966222439,
0.019606346129799078,
0.02261144761979044,
0.027161253450257685,
0.038453465698160015,
0.05647020614036922,
0.07827504959250434,
0.1018079539820955,
0.1258364206286306,
0.1495310090325942,
0.17228517535974366,
0.19364345052747148,
0.21324184279173844,
0.23074653986593952,
0.24580759684221679,
0.25803872558310986,
0.26702029636749314,
0.27231513741131,
0.273487544660667,
0.27012096904579663,
0.2618350413000045,
0.24830616832544086,
0.22929816919580687,
0.20471202273619776,
0.17467124668638953,
0.1396887862712397,
0.10110518365403334,
0.06294825855768975,
0.04260335906483099,
0.06542952675712817
],
[
0.19567825561849866,
0.168714062941227,
0.13964631998629506,
0.10919490943062887,
0.0792139823621796,
0.05424575585978944,
0.04382025551167473,
0.051415346773231646,
0.06449220348771857,
0.07469431846226786,
0.07999227743420476,
0.08062879968060974,
0.07724515079839828,
0.07014632255114793,
0.05953560159432138,
0.04642328877855342,
0.03361767544321459,
0.02552190884391998,
0.02280891843859899,
0.020672385041826585,
0.01930306265185046,
0.022172930615094722,
0.026203305851661276,
0.030690621062234465,
0.04007901252915909,
0.055946119973814226,
0.07638677307382884,
0.09942771213761167,
0.12366241129554771,
0.14801730124014603,
0.17164367922016768,
0.19388921496924913,
0.21425690506088774,
0.23234410763382196,
0.24778547164799158,
0.2602166534182515,
0.2692608648270276,
0.2745314147744061,
0.2756422734336525,
0.27222205658874266,
0.26393121664664804,
0.2504859201859749,
0.23169525641263877,
0.20752312460557917,
0.17819879909562786,
0.14444484064809562,
0.10808074498432156,
0.07418735109012341,
0.05814737256555478,
0.07612745648520114
],
[
0.19316110051832563,
0.16735690372060444,
0.13992599319867277,
0.11167408295230002,
0.08454839555163378,
0.06271776587073886,
0.05281388562771509,
0.056449392237314176,
0.06535959172877638,
0.07264632161106918,
0.07618109324151227,
0.07612663547057924,
0.07298651067376412,
0.06668648891139958,
0.056883906924869665,
0.04410669369042039,
0.031009478651856083,
0.022895670077291704,
0.021673682523166683,
0.02156394843728491,
0.02199735054124572,
0.025839237934158172,
0.030396751460875643,
0.034497455967799864,
0.04179934853118884,
0.055153795671564004,
0.07395029708745221,
0.09640628635458254,
0.12087057187077556,
0.14594832969789714,
0.17050935063899464,
0.19369537058618985,
0.21488086288922567,
0.23360089097018552,
0.24947855377368133,
0.2621723294981489,
0.27134768856444164,
0.27666802027203297,
0.2777978483301442,
0.27441367096612,
0.2662216275706363,
0.2529850432604794,
0.2345689539476116,
0.21101540513082054,
0.1826803956238463,
0.15051754761525712,
0.11678635735685053,
0.08709201314789183,
0.07418980093451293,
0.08863722942259065
],
[
0.1905670875745746,
0.16606337614703148,
0.1404494214655583,
0.1145659094409277,
0.09029373127299518,
0.07113517704375115,
0.061480886053401684,
0.06182740804660088,
0.06664195404209748,
0.07067769390725473,
0.07208914522566616,
0.07111668068779381,
0.0681726967053578,
0.06274493191317104,
0.05386485957470658,
0.04157275763613502,
0.02841595995885585,
0.020727919319597762,
0.021597743956879575,
0.02382895005726624,
0.026041383465331268,
0.030479480656297343,
0.03507517264070959,
0.03844780483751684,
0.04348809341147042,
0.053996838371116546,
0.07088588953736931,
0.09270734857610168,
0.11747219512297288,
0.14336727684842382,
0.16894004837731086,
0.1931224789706088,
0.21516994272902604,
0.2345650636161793,
0.25092539479797615,
0.263934507999249,
0.2733003491960959,
0.27873625993301837,
0.2799580110416765,
0.27669211374265656,
0.26869424141897585,
0.25578059855890123,
0.23787984982905674,
0.21512140239735422,
0.1879953797586111,
0.15767440810758546,
0.12674257749532028,
0.10084468466983859,
0.09025091134880132,
0.10211562020293803
],
[
0.187808678790132,
0.16471434767501106,
0.14104508726479628,
0.11760864725219093,
0.09607195296199736,
0.07915193723686184,
0.06958644020259358,
0.06720494840109305,
0.06818888410303628,
0.06879509031984905,
0.06776163433673911,
0.06563376474734252,
0.06284149297452173,
0.0583778328853879,
0.05055584370446347,
0.038953221294393076,
0.026149839557030548,
0.019648017759349542,
0.022982547821094833,
0.027430594234627022,
0.031144814467201097,
0.0358734278307111,
0.040121870636856544,
0.04245354714836764,
0.045057010101541006,
0.05239487040053992,
0.0671177159756335,
0.08830550037447758,
0.11349634614379897,
0.14033445079629714,
0.16700651447632342,
0.19223968106954192,
0.2151858438429291,
0.2352883905996912,
0.25216710543686865,
0.2655339155792191,
0.27513995789940926,
0.28074848383727985,
0.2821269110598639,
0.27905322832916524,
0.27133538040737587,
0.2588463656821955,
0.24158302167117923,
0.2197653937832731,
0.19401313927432276,
0.16568234027312106,
0.13754237313218057,
0.11495574205254698,
0.10611020787104217,
0.11603996862813412
],
[
0.18479704635990069,
0.16319036322244931,
0.1415470843720352,
0.12056870073221719,
0.10159490557746854,
0.08655567607021958,
0.0769964503875667,
0.0723496216040617,
0.06987096211782656,
0.06702230054949301,
0.06327612638251866,
0.05973968904693783,
0.0570510711202592,
0.053654749351030616,
0.0470277117709143,
0.03634298634204522,
0.024468291785671174,
0.020089925729731874,
0.025807548913847102,
0.03208029216047813,
0.03697718583185688,
0.04179499643029443,
0.045431556592728295,
0.0464682290890264,
0.04647168568157223,
0.050303830074775874,
0.06258408280727708,
0.08319596330637785,
0.10899823248010733,
0.1369321118878536,
0.16479442032582362,
0.1911252472947825,
0.21499560413712288,
0.2358258040075148,
0.2532468240110346,
0.26700270958494465,
0.2768886667498395,
0.28271769898516186,
0.2843088653637534,
0.28149236614780715,
0.27413000023741185,
0.26215365055072964,
0.24562984458938836,
0.22486726691497613,
0.200601398672003,
0.17432404149267605,
0.14886172741451176,
0.129125061315202,
0.12164375476764362,
0.13008405674767146
],
[
0.181444682895892,
0.16137585376445798,
0.1418017415424736,
0.12324696898935958,
0.10664887443703952,
0.09321129820846917,
0.08362935246162044,
0.07710747764508377,
0.07158442090317416,
0.06540064884936643,
0.05875117434980931,
0.05353396400403449,
0.05088780190048751,
0.04866368978047581,
0.043343605646440006,
0.03378628801496828,
0.02348604964058596,
0.02197292179233276,
0.029719298652228155,
0.03743584240807165,
0.04326266492152003,
0.04805207613640468,
0.05091781551798147,
0.0504822615613177,
0.04776025530744164,
0.04773895966863252,
0.05724946946744048,
0.07740753337385908,
0.10406952252072506,
0.13326942554634374,
0.1624059318523586,
0.18986665842300934,
0.21467115128226885,
0.23623480422211318,
0.2542091067213477,
0.2683739153458317,
0.2785691889426996,
0.2846572046569521,
0.2865081466875151,
0.2840043850428743,
0.2770620021182579,
0.26567211294627335,
0.24996973683340193,
0.23034596224563209,
0.20763256610236827,
0.18340662355244738,
0.16045090327540273,
0.14316073217638867,
0.1367723553820119,
0.14403755577088276
],
[
0.1776677222265041,
0.1591625068586935,
0.14167188554889099,
0.1254798078246712,
0.11107826568274329,
0.09903135515469853,
0.08943428985850042,
0.08137677844614677,
0.07324907693849309,
0.06398462790310792,
0.054353762382561135,
0.04717043449808809,
0.04447960798083754,
0.04352099112844872,
0.03956446190379081,
0.03128006653431188,
0.023143695272729192,
0.024829382267901268,
0.03429639189053164,
0.043207421912084584,
0.04979420094093096,
0.05449620221770789,
0.056517255330533624,
0.05451832784580642,
0.04901680899812509,
0.044804441948918444,
0.0511210961720766,
0.07102127354568652,
0.09885082660506342,
0.1294869513540528,
0.15996037736811908,
0.18856002282066628,
0.21428846102002508,
0.2365746568971022,
0.2550992283531826,
0.2696808384057163,
0.2802043270977065,
0.28658025076943017,
0.2887287998102696,
0.28658367433132814,
0.2801145600061627,
0.2693705679803688,
0.25455174062605107,
0.23612229552828248,
0.21498802563282174,
0.1927645518783249,
0.1721201953198357,
0.15693501617241842,
0.15144164711194122,
0.15776003988752374
],
[
0.17338791928445255,
0.1564517930027391,
0.14103918869696094,
0.12713711072202455,
0.1147721535038057,
0.10395982314658522,
0.09437979737593619,
0.08508938261289177,
0.07480219418690918,
0.06283216071914362,
0.050301479239009295,
0.04088391095965697,
0.038019568555307574,
0.03838740051536921,
0.03576209893110344,
0.028798270175169904,
0.023273985793329295,
0.028179467355398294,
0.039205954571748365,
0.04918138743537865,
0.056424158955771075,
0.06102060242540107,
0.062190696525180195,
0.05862617919297549,
0.050398374562342176,
0.04173471561113452,
0.044277853823043944,
0.06419990532659459,
0.09354607347960496,
0.12575966026264043,
0.15759350715588294,
0.18730864288357887,
0.2139262657972539,
0.23690537230217387,
0.25596239233413887,
0.27095645333986557,
0.2818165115325785,
0.28849972038952604,
0.29097448482256044,
0.2892242002903862,
0.28327044622520037,
0.2732177248631201,
0.25932587232070964,
0.2421210947034935,
0.22256062605521898,
0.20225909792997435,
0.18372634079559644,
0.17036032053898265,
0.16561316811814003,
0.17115512950722167
],
[
0.16853428591133301,
0.15315674629449824,
0.13980516391882017,
0.12811925079397607,
0.11765421355438935,
0.10796273118468044,
0.09844718221461089,
0.0881977495426358,
0.07619058333841083,
0.06199009198764464,
0.04685091682932605,
0.03503101230677661,
0.03180862407283183,
0.0334908596290206,
0.03203924085385039,
0.026333563265055964,
0.023718872407140667,
0.031713200869200285,
0.04423348348639273,
0.05521357273092296,
0.06305288236678598,
0.06755491563578139,
0.0679218281194873,
0.0628758828979208,
0.052112105550443155,
0.03894696944605279,
0.0369337510247951,
0.05723674609427773,
0.08843693311698606,
0.122296893450855,
0.15545478618280978,
0.1862205862379102,
0.2136642929219889,
0.23728647515108076,
0.25684286084487495,
0.2722327768964493,
0.28342735312768735,
0.2904278383196301,
0.2932483461119768,
0.29191956586450846,
0.28651234106644896,
0.27718283701979074,
0.2642442105053984,
0.24827267906548386,
0.23025577109554163,
0.21177601248826317,
0.19516146570249251,
0.1833756036336365,
0.17925976840184263,
0.1841555987776144
],
[
0.16304441708144635,
0.14920315656654606,
0.1378913452140067,
0.12835392113110256,
0.11967555499345942,
0.11102251429229941,
0.1016263374491632,
0.09066587124904714,
0.07736271275630804,
0.061477352248802686,
0.044259919408800696,
0.030136264200227064,
0.02632742800584952,
0.029150785911004215,
0.02855320674936717,
0.023948520874180892,
0.02441792556019059,
0.03529162861316473,
0.049263999088143724,
0.061216485838222826,
0.06961920628006033,
0.07405921749778176,
0.07371385329389875,
0.06734916494722826,
0.054389488631180705,
0.03707619175436354,
0.029601313969882984,
0.05063556256112491,
0.08389170114779808,
0.1193370861257376,
0.15370223022772636,
0.18540520839605068,
0.21358106269767063,
0.2377755984737716,
0.25778302806922543,
0.273540239095681,
0.2850572179102316,
0.2923759083786856,
0.2955529057951884,
0.2946630788290419,
0.2898231150586281,
0.2812362481846152,
0.2692617188809056,
0.25451376462141906,
0.23799152666835688,
0.22122251652612648,
0.2063446523970656,
0.19593831214773433,
0.1923629483121491,
0.19671445694472903
],
[
0.15686556923672024,
0.14453035475243864,
0.1352391075952208,
0.1277934297806934,
0.1208098275606272,
0.11313459563892014,
0.10391308352099124,
0.09246308875371434,
0.07826215292607275,
0.06127004517436897,
0.04271740583591033,
0.02687205581919393,
0.022306414953711298,
0.025777548605975514,
0.025533274578597706,
0.02182523096004541,
0.025431243573781123,
0.03889611617212919,
0.05425474733500911,
0.0671466347809818,
0.0760925420075102,
0.08051798563342777,
0.0795847165851101,
0.07212933884148472,
0.05744895556067163,
0.03690026355588471,
0.02351920280364335,
0.04521468438271452,
0.08035662462810846,
0.11713492576109502,
0.15249456824584856,
0.18496871938458018,
0.21375134027071083,
0.23842696209485523,
0.25882247142940495,
0.27490707102686074,
0.2867248324866842,
0.29435408253591744,
0.2978899804252303,
0.2974478234385742,
0.29318607595717094,
0.28534982850692514,
0.27433682092756045,
0.2607879038963229,
0.24569809840631698,
0.23052422256594432,
0.21721566323550867,
0.20801935210198666,
0.20491113831080554,
0.20879936365679436
],
[
0.14995557236300128,
0.13909177958991908,
0.13180949588503174,
0.12641273258166486,
0.12105010630411106,
0.11430548216816754,
0.10530769395150724,
0.09356023054631699,
0.0788232703438061,
0.061293203282568036,
0.042261457438397376,
0.025796521534786742,
0.020568917340077115,
0.023779695780216235,
0.02326573572143879,
0.02028641268299553,
0.026899519922680748,
0.04257564093461781,
0.05920975431355188,
0.07299277289187417,
0.08246577875389853,
0.08693414474109007,
0.08556155865412284,
0.07729110109661769,
0.061456265496395365,
0.039057382255980634,
0.021241029508412543,
0.04212741748995243,
0.07831197627130645,
0.11593968369188219,
0.1519810493784553,
0.18500907712313105,
0.2142434022286274,
0.23928982121145584,
0.25999702528601554,
0.2763587317949803,
0.2884469306983619,
0.29637116530292984,
0.30026061994702336,
0.30026673157641603,
0.2965851757698264,
0.28949730230986936,
0.2794317557468475,
0.2670455705559261,
0.2533169473224887,
0.23962228312874526,
0.22773029080402024,
0.21959978966754992,
0.21689847966076692,
0.22038896702290317
],
[
0.14228367604655948,
0.132855518527351,
0.12758337791615032,
0.12420836195123572,
0.12040722492813188,
0.11455204656466937,
0.10581450415252595,
0.09392778233778061,
0.07896966417669103,
0.06142222166910468,
0.04273731217100599,
0.026877822540377613,
0.021352708086637258,
0.023331890244719967,
0.022004637341921207,
0.01972234643116473,
0.028962366534559462,
0.04640126881815935,
0.0641579209605357,
0.0787651259881151,
0.08874866214251809,
0.09332331722734902,
0.0916750703920847,
0.0828918653612493,
0.06649708744759374,
0.04371774911380882,
0.024940096929706314,
0.04250623551440674,
0.0781825998156046,
0.11596644151410643,
0.15228996341118628,
0.18561069035890823,
0.215116337566077,
0.24040698901271074,
0.26133792755121626,
0.27791739884559513,
0.2902379521806805,
0.2984344566834059,
0.3026650679986601,
0.3031126504797172,
0.30000517607292937,
0.29365447472788003,
0.2845127503161769,
0.2732439884110671,
0.260799730730348,
0.248470879998642,
0.23785689204957822,
0.2306685788818591,
0.22832389430350386,
0.23147039123671223
],
[
0.13383145652120568,
0.1258050371165206,
0.12256223406062403,
0.12119838028937095,
0.11890937762962564,
0.11390187323560517,
0.10544261213583975,
0.09353592086910058,
0.07861539749450576,
0.06149361931528868,
0.04383187854830054,
0.029421825391453243,
0.02390248784922485,
0.024178976062743888,
0.02181048877622031,
0.020372070481481666,
0.03167620967201729,
0.05043133155069372,
0.06913546104032947,
0.08448593897752821,
0.09496169556532656,
0.0997084869969192,
0.0979543805373399,
0.08896608494087985,
0.07257167532889564,
0.05057661876766008,
0.03328935621676522,
0.046723686488333166,
0.08022621101841115,
0.11736630340725983,
0.15351768197877183,
0.18683956550001746,
0.21641763714424656,
0.24181354491003737,
0.2628710906860386,
0.2796015453702775,
0.2921098027774726,
0.3005496364890778,
0.3051027427155062,
0.3059784051358777,
0.30343177231557233,
0.2977993680961724,
0.2895500444390345,
0.2793467877916655,
0.26810719050971843,
0.2570350727095062,
0.2475737736242938,
0.24122092415893526,
0.23919033550309074,
0.242037437476418
],
[
0.12459396333167498,
0.11794037470739031,
0.11676996014399184,
0.11742352056348052,
0.11660293173581891,
0.11239466693132574,
0.10420773951033409,
0.09235629242032915,
0.07766868581115184,
0.06132175879195312,
0.0451602814351439,
0.03255588187172751,
0.027141205242616054,
0.02574559098489763,
0.022450670133965518,
0.022115965243317666,
0.03498067226754634,
0.05469161493737079,
0.074173736269018,
0.09018187914270058,
0.10113081691474006,
0.10611533335825658,
0.1044229865592603,
0.09552325079494031,
0.0796098245231042,
0.05913185657835169,
0.044058927527798025,
0.05417544370375589,
0.08446183686774951,
0.12020481514515757,
0.15572038103867172,
0.18873956934209604,
0.21818132264226242,
0.2435358336398935,
0.26461654392556616,
0.2814256255529923,
0.29407168501531983,
0.30272069197323576,
0.307572237162578,
0.3088568543507029,
0.30685167968717386,
0.30191228093810135,
0.2945178025728326,
0.28532355459870434,
0.27520806317557805,
0.26528898068479634,
0.2568671895601836,
0.2512570513896233,
0.24950416055753785,
0.25208924427267815
],
[
0.1145813944976955,
0.10928023642430994,
0.11025622430953294,
0.11294975681294024,
0.11355449602503245,
0.11008480951008853,
0.1021353760679338,
0.09036545681392853,
0.07603746863516649,
0.060717140278597474,
0.046348675167435884,
0.03559412948123205,
0.03026816200986669,
0.02741818443811495,
0.023490603380237056,
0.024556666652096947,
0.03872877292065426,
0.05917239107473204,
0.07929313463899068,
0.09587874320233307,
0.10728313359893556,
0.11256847182517946,
0.11109603685486545,
0.10254930676393205,
0.08749560138492772,
0.06890975075079056,
0.056047123954070584,
0.06388958531289984,
0.09068769771936651,
0.12445637131708018,
0.15891025168473163,
0.19133036121067915,
0.22042681890927393,
0.2455908394987208,
0.2665880834205274,
0.2833998832562729,
0.2961300042142753,
0.3049498895694899,
0.310071338391358,
0.3117409402267122,
0.3102526844345082,
0.30597578304160034,
0.2993939428505965,
0.29114932112904457,
0.2820780535643823,
0.27321425714853026,
0.26572978296238103,
0.260781252831623,
0.25927459209804055,
0.2616292551757603
],
[
0.10382183540916995,
0.0998657527376293,
0.10310223189602336,
0.10787266032482917,
0.10985437465544289,
0.10704522751885674,
0.0992654138499033,
0.0875500137619244,
0.07363627917317127,
0.05950294310206253,
0.04708340636907207,
0.03808944291499466,
0.032802055515446966,
0.028711228865260358,
0.024479839219135,
0.027273851370843455,
0.0427488418663587,
0.0638389869496237,
0.08450257467255444,
0.10159859155306808,
0.11344389811253958,
0.11908875330365366,
0.11797903575524919,
0.1100105133761857,
0.09609126594209029,
0.07953679103760262,
0.06868686345481073,
0.07504571988434834,
0.09856916092359397,
0.13001604123534796,
0.16305694702034346,
0.19460728364374158,
0.2231586875621296,
0.2479859865083981,
0.2687931523385068,
0.28553029286698456,
0.2982883525405824,
0.30723779014991787,
0.31259706390102493,
0.3146237313379286,
0.31362366530341074,
0.3099746597920066,
0.3041599089951292,
0.2968040341310986,
0.2886988927315003,
0.28079881033027004,
0.2741593537452826,
0.26980112290926433,
0.26851324786882713,
0.2706643997667568
],
[
0.09236617517588552,
0.08976744685302429,
0.0954302948355287,
0.10232400985725587,
0.10562158699601705,
0.10337280409969131,
0.09565861265909839,
0.08391364748391832,
0.07039407668353703,
0.05752849869548345,
0.04713058095159437,
0.039778692911019986,
0.03447779986353635,
0.02929798503338454,
0.025079145181607705,
0.02997603561964604,
0.046898235572826207,
0.0686488910995307,
0.08980310293154005,
0.10735902712738858,
0.11963473685354471,
0.12569164921842593,
0.12506782765926758,
0.11785853680684176,
0.10525494276695685,
0.09073294927320977,
0.08167286390002412,
0.08707755561280058,
0.10773460993953128,
0.1367231286238041,
0.16809366333142836,
0.19854315977632053,
0.22636723114438495,
0.25071937442642567,
0.271232955662493,
0.287818633169774,
0.30054756970900953,
0.3095833057523604,
0.31514571400535246,
0.3174984602451508,
0.31695459012422683,
0.3138958179583936,
0.30880040612996595,
0.3022720247188393,
0.2950574875074834,
0.28803573096761154,
0.28215786949783517,
0.2783269323890372,
0.27723372624513537,
0.27920442830391706
],
[
0.08029777006043477,
0.0790987498903581,
0.0874194474364211,
0.09648113034453333,
0.10101058638089669,
0.09919560266537215,
0.09140544201395669,
0.07948675659789342,
0.06626325442846127,
0.054680304666816434,
0.04634157247003541,
0.04053560988604938,
0.03517984128972347,
0.02900028539272004,
0.02511453646690749,
0.03253738306926416,
0.05109381935938178,
0.07356841129473064,
0.09519344542633497,
0.11317400639631917,
0.12587297098297973,
0.13238662277101215,
0.13234956793942168,
0.12603569100410297,
0.11485138187132875,
0.10228787361266324,
0.09481346431706637,
0.09960996905508379,
0.11783802816992717,
0.14438770234030715,
0.1739262092606863,
0.203091630222434,
0.23002986960697758,
0.2537804189511192,
0.27390279675419243,
0.2902626871668403,
0.3029058754650589,
0.31198379429859663,
0.3177129382981913,
0.3203585561804249,
0.32023649254847775,
0.31772816378055846,
0.313303117120131,
0.3075414965195487,
0.3011451614330265,
0.29492239073465365,
0.28973066076604365,
0.28637110661068665,
0.28545123894142166,
0.2872613609578225
],
[
0.06775343339222177,
0.06804384013118013,
0.07933036186932785,
0.09057903661105657,
0.09621950743843252,
0.09468206330652706,
0.08663808407218021,
0.07434012051827285,
0.0612310547140494,
0.050892850345958945,
0.04465744618600241,
0.040350217102673225,
0.03492084462507062,
0.0277914123542586,
0.02461333008419275,
0.03499179170783463,
0.055322270023353284,
0.07858442498701246,
0.10067545158802581,
0.11905541753425689,
0.13217174160376327,
0.13917728724493755,
0.1398043244383841,
0.13447961755468998,
0.12475740924414455,
0.11404049371883117,
0.10797377433394624,
0.11238911355672039,
0.12858513738677485,
0.1528131491169651,
0.18044306238890986,
0.20819146114023593,
0.23411310697092716,
0.257150829001092,
0.27679260702465786,
0.2928565535799094,
0.3053590657543038,
0.3144351875531879,
0.32029381410859864,
0.32319767377003566,
0.323461433668589,
0.32146246267829814,
0.3176584122283008,
0.3126040423428532,
0.30695698255316434,
0.3014596821140466,
0.2968857587300276,
0.2939477846596769,
0.2931822848256807,
0.29484902535673885
],
[
0.05497463642680427,
0.05691898459461391,
0.07154279787812654,
0.0849239553667446,
0.09149888644314187,
0.090051830467156,
0.08154648234583264,
0.06860540226664792,
0.055336691016805314,
0.04616377411147394,
0.04212183250844051,
0.03933190633265117,
0.033853828718280375,
0.025836741277541892,
0.023861463884548403,
0.03751346145035213,
0.05963619763249253,
0.08370955656768309,
0.10625794436052138,
0.12501470348651128,
0.13854059939720095,
0.1460620998247883,
0.14740696554263136,
0.14312705598638006,
0.1348640013313455,
0.1258649015240901,
0.12105182350424111,
0.12523641292354257,
0.1397369165959982,
0.1618117403322408,
0.1875247241552939,
0.21377120620465961,
0.23857486045189552,
0.260805829703244,
0.2798876281513762,
0.29559105007291914,
0.30790076189402676,
0.316932146555766,
0.3228829345756643,
0.32600971859664934,
0.326622452797623,
0.3250911883499285,
0.321859061617609,
0.3174541952867504,
0.3124911714770828,
0.3076513755807663,
0.30363334480492377,
0.3010724434238335,
0.3004443602472494,
0.3019826642327728
],
[
0.04244996488721975,
0.04631497591702995,
0.06460286347827697,
0.07990292393409873,
0.0871578216858613,
0.08558645797915267,
0.07639869155650282,
0.06250733227197922,
0.04870228437132076,
0.04058316325743226,
0.03891242696338655,
0.0377340296147381,
0.03231303160796768,
0.02359715912270657,
0.0234730445979071,
0.040380654387557356,
0.06413993906652861,
0.08898102816287214,
0.11195824511106446,
0.1310639958876645,
0.14498624104927746,
0.15303533669931246,
0.15512905368866764,
0.15191663176141257,
0.14507647205962812,
0.13766108087224124,
0.13396740272339291,
0.1380215106101519,
0.15110338084375455,
0.1712134138853053,
0.19505134640688934,
0.21975368863398267,
0.24336692012599936,
0.2647155291151257,
0.28316919931686546,
0.29845418449402095,
0.31052270028912615,
0.319468238065901,
0.3254745037814501,
0.3287888702593539,
0.3297135111251746,
0.328608367540642,
0.325899957560673,
0.3220890171328389,
0.317748582329406,
0.31350357451231403,
0.30998528974487555,
0.30776157502136753,
0.3072557022175941,
0.3086786001710446
],
[
0.031357068917469075,
0.03741378403690653,
0.05925227057825008,
0.07597688095972975,
0.08356112422958796,
0.08163517798457556,
0.07156287414350883,
0.05641417059744133,
0.041597847239678784,
0.034401847144177634,
0.03540513921918325,
0.03599665880076114,
0.030873097418375517,
0.021991166918803515,
0.02434627795219549,
0.04391414895331604,
0.06896776806359645,
0.09445448351116438,
0.11780133141448808,
0.13721648046320528,
0.1515131511066722,
0.16008813229965035,
0.16294054816767573,
0.16079074910584884,
0.1553137170988622,
0.14934879728981534,
0.1466562299095408,
0.1506465337461532,
0.16253487588360102,
0.18086946268339105,
0.2029082717123957,
0.22605992946943285,
0.24843733700408682,
0.2688463292367736,
0.28661560015672055,
0.3014316688318113,
0.3132150493638726,
0.3220361252226794,
0.32806243627820997,
0.3315296034089268,
0.33272943135879335,
0.33200942540252043,
0.3297778510728867,
0.32650772478873746,
0.3227322491762693,
0.31902425196686457,
0.3159547654876209,
0.3140324090782564,
0.31363506138734365,
0.3149539479018635
],
[
0.024710324315859417,
0.03240226989354334,
0.0563558706209512,
0.07363717870191236,
0.08110733002023893,
0.0786060498937838,
0.06752018705564988,
0.050907935651372346,
0.03458957206422479,
0.02820510055972226,
0.0322781199532848,
0.034782698515174675,
0.030365766077618025,
0.022364324406724447,
0.027295311754356594,
0.04839769748983873,
0.07425813081901911,
0.10019463554292199,
0.12381709034690272,
0.14348596233096694,
0.15812400936383492,
0.1672094257280577,
0.17081120553878773,
0.16969674476819943,
0.16550705103803467,
0.1608634498780575,
0.1590665411192805,
0.1630366860091108,
0.17391392702751846,
0.19065300390960127,
0.21098960441760592,
0.23261232442017585,
0.25373258779609037,
0.2731622947570514,
0.290202902938882,
0.30450745100968396,
0.3159667403953827,
0.3246277656391544,
0.3306404583434157,
0.33422670704358237,
0.3356658358536539,
0.3352910351676788,
0.33349110600583287,
0.33071135414390873,
0.32744699086074064,
0.32422285646520077,
0.3215559169945487,
0.31990267334465966,
0.319601502170669,
0.32082636689190436
],
[
0.026773341801843528,
0.03362815301336229,
0.0566254566696233,
0.07331206244576934,
0.08017852132562472,
0.07692909419678941,
0.06484294584746388,
0.04684028724991874,
0.028853129666441404,
0.02331794472577588,
0.030584144507157844,
0.03492336024658274,
0.03170081708712591,
0.0257270799972763,
0.03257060647015439,
0.05401013131558005,
0.08012901729959335,
0.10626483070497017,
0.130036420527667,
0.14988579097367824,
0.16481982327873465,
0.17438672373664513,
0.17871163629996117,
0.1785874712995348,
0.17559891797381172,
0.17215313581507213,
0.171156872828105,
0.1751343728634482,
0.18514852925881042,
0.2004576998102364,
0.21920017125438032,
0.23933702055979103,
0.25919942157481596,
0.27762641226648854,
0.29390579383999216,
0.30766424177651813,
0.318765799729688,
0.3272346104928977,
0.33320220839354725,
0.3368753021702744,
0.3385190851600331,
0.3384509748252008,
0.33703947233960024,
0.33470245981338553,
0.33189906772020533,
0.32910997629244226,
0.32680358422527694,
0.3253903875236702,
0.3251742276572763,
0.32631384858438595
],
[
0.036339775357318096,
0.040812060339245435,
0.060250050132822836,
0.07524791896111645,
0.08106653092229914,
0.07698444645837554,
0.06410306472291931,
0.04524171447754215,
0.026459885574118568,
0.022131473293066133,
0.03150512212540087,
0.037163350492710474,
0.03544534705960129,
0.031967514696066034,
0.03987923764799233,
0.060799786735789,
0.08665980629302367,
0.11271754362957663,
0.1364870245760801,
0.1564274168261911,
0.17159982313464758,
0.18160664887639702,
0.1866140274199173,
0.18742146276462301,
0.1855416123808618,
0.18317647642628257,
0.1828944726417778,
0.18689534110846773,
0.19616689649109958,
0.21019569556845646,
0.22745629340068363,
0.24616554677891192,
0.26478634593427824,
0.2822016943145799,
0.29769833167613063,
0.3108840173261222,
0.3215996712730403,
0.329847798783142,
0.3357413341770292,
0.33947085778430364,
0.3412862184006443,
0.3414879926291272,
0.34042387943105235,
0.33848484870282375,
0.33609588426301223,
0.3336970537187945,
0.33171306648159693,
0.3305136861597621,
0.3303724271686817,
0.33143453375988513
]
]
},
{
"hoverinfo": "text",
"legendgroup": "In-sample",
"marker": {
"color": "black",
"opacity": 0.5,
"symbol": 1
},
"mode": "markers",
"name": "In-sample",
"text": [
"Arm 0_0
accuracy: 0.846667 (SEM: None)
lr: 2.12166e-05
momentum: 0.71107",
"Arm 1_0
accuracy: 0.876 (SEM: None)
lr: 3.4181e-05
momentum: 0.952158",
"Arm 2_0
accuracy: 0.1015 (SEM: None)
lr: 0.30446
momentum: 0.426471",
"Arm 3_0
accuracy: 0.887167 (SEM: None)
lr: 7.35479e-05
momentum: 0.243055",
"Arm 4_0
accuracy: 0.929 (SEM: None)
lr: 0.000399505
momentum: 0.41368",
"Arm 5_0
accuracy: 0.093 (SEM: None)
lr: 0.000953872
momentum: 0.716036",
"Arm 6_0
accuracy: 0.643167 (SEM: None)
lr: 1.07659e-06
momentum: 0.965273",
"Arm 7_0
accuracy: 0.276667 (SEM: None)
lr: 4.56471e-06
momentum: 0.420837",
"Arm 8_0
accuracy: 0.897333 (SEM: None)
lr: 0.000446265
momentum: 0.168182",
"Arm 9_0
accuracy: 0.903333 (SEM: None)
lr: 0.000188545
momentum: 0.331572",
"Arm 10_0
accuracy: 0.855667 (SEM: None)
lr: 0.000109074
momentum: 0",
"Arm 11_0
accuracy: 0.852833 (SEM: None)
lr: 9.56008e-06
momentum: 1",
"Arm 12_0
accuracy: 0.109833 (SEM: None)
lr: 0.00325959
momentum: 0",
"Arm 13_0
accuracy: 0.886833 (SEM: None)
lr: 0.000196425
momentum: 0.195655",
"Arm 14_0
accuracy: 0.900667 (SEM: None)
lr: 8.32062e-05
momentum: 0.555074",
"Arm 15_0
accuracy: 0.903167 (SEM: None)
lr: 0.000355719
momentum: 0.316318",
"Arm 16_0
accuracy: 0.892333 (SEM: None)
lr: 5.2039e-05
momentum: 0.746132",
"Arm 17_0
accuracy: 0.918 (SEM: None)
lr: 0.000199344
momentum: 0.486937",
"Arm 18_0
accuracy: 0.779667 (SEM: None)
lr: 3.20588e-05
momentum: 0"
],
"type": "scatter",
"x": [
2.1216593661487738e-05,
3.418102921796241e-05,
0.30446023318884685,
7.354792459527615e-05,
0.0003995053549220097,
0.0009538717626591588,
1.076590355397433e-06,
4.5647143543243085e-06,
0.00044626533925593817,
0.00018854496637566288,
0.00010907351792195094,
9.560075603255564e-06,
0.0032595942335032916,
0.00019642493292079457,
8.320616808647206e-05,
0.00035571923793255284,
5.203895319481329e-05,
0.00019934374052751644,
3.2058847672160435e-05
],
"xaxis": "x",
"y": [
0.7110699415206909,
0.9521583393216133,
0.42647070437669754,
0.2430550940334797,
0.4136803150177002,
0.7160362903579768,
0.9652725497533431,
0.4208367480000912,
0.16818208695617354,
0.33157243522051477,
0.0,
1.0,
0.0,
0.19565537393016055,
0.5550739581070261,
0.31631823679222393,
0.7461318899764877,
0.4869369962236393,
0.0
],
"yaxis": "y"
},
{
"hoverinfo": "text",
"legendgroup": "In-sample",
"marker": {
"color": "black",
"opacity": 0.5,
"symbol": 1
},
"mode": "markers",
"name": "In-sample",
"showlegend": false,
"text": [
"Arm 0_0
accuracy: 0.846667 (SEM: None)
lr: 2.12166e-05
momentum: 0.71107",
"Arm 1_0
accuracy: 0.876 (SEM: None)
lr: 3.4181e-05
momentum: 0.952158",
"Arm 2_0
accuracy: 0.1015 (SEM: None)
lr: 0.30446
momentum: 0.426471",
"Arm 3_0
accuracy: 0.887167 (SEM: None)
lr: 7.35479e-05
momentum: 0.243055",
"Arm 4_0
accuracy: 0.929 (SEM: None)
lr: 0.000399505
momentum: 0.41368",
"Arm 5_0
accuracy: 0.093 (SEM: None)
lr: 0.000953872
momentum: 0.716036",
"Arm 6_0
accuracy: 0.643167 (SEM: None)
lr: 1.07659e-06
momentum: 0.965273",
"Arm 7_0
accuracy: 0.276667 (SEM: None)
lr: 4.56471e-06
momentum: 0.420837",
"Arm 8_0
accuracy: 0.897333 (SEM: None)
lr: 0.000446265
momentum: 0.168182",
"Arm 9_0
accuracy: 0.903333 (SEM: None)
lr: 0.000188545
momentum: 0.331572",
"Arm 10_0
accuracy: 0.855667 (SEM: None)
lr: 0.000109074
momentum: 0",
"Arm 11_0
accuracy: 0.852833 (SEM: None)
lr: 9.56008e-06
momentum: 1",
"Arm 12_0
accuracy: 0.109833 (SEM: None)
lr: 0.00325959
momentum: 0",
"Arm 13_0
accuracy: 0.886833 (SEM: None)
lr: 0.000196425
momentum: 0.195655",
"Arm 14_0
accuracy: 0.900667 (SEM: None)
lr: 8.32062e-05
momentum: 0.555074",
"Arm 15_0
accuracy: 0.903167 (SEM: None)
lr: 0.000355719
momentum: 0.316318",
"Arm 16_0
accuracy: 0.892333 (SEM: None)
lr: 5.2039e-05
momentum: 0.746132",
"Arm 17_0
accuracy: 0.918 (SEM: None)
lr: 0.000199344
momentum: 0.486937",
"Arm 18_0
accuracy: 0.779667 (SEM: None)
lr: 3.20588e-05
momentum: 0"
],
"type": "scatter",
"x": [
2.1216593661487738e-05,
3.418102921796241e-05,
0.30446023318884685,
7.354792459527615e-05,
0.0003995053549220097,
0.0009538717626591588,
1.076590355397433e-06,
4.5647143543243085e-06,
0.00044626533925593817,
0.00018854496637566288,
0.00010907351792195094,
9.560075603255564e-06,
0.0032595942335032916,
0.00019642493292079457,
8.320616808647206e-05,
0.00035571923793255284,
5.203895319481329e-05,
0.00019934374052751644,
3.2058847672160435e-05
],
"xaxis": "x2",
"y": [
0.7110699415206909,
0.9521583393216133,
0.42647070437669754,
0.2430550940334797,
0.4136803150177002,
0.7160362903579768,
0.9652725497533431,
0.4208367480000912,
0.16818208695617354,
0.33157243522051477,
0.0,
1.0,
0.0,
0.19565537393016055,
0.5550739581070261,
0.31631823679222393,
0.7461318899764877,
0.4869369962236393,
0.0
],
"yaxis": "y2"
}
],
"layout": {
"annotations": [
{
"font": {
"size": 14
},
"showarrow": false,
"text": "Mean",
"x": 0.25,
"xanchor": "center",
"xref": "paper",
"y": 1,
"yanchor": "bottom",
"yref": "paper"
},
{
"font": {
"size": 14
},
"showarrow": false,
"text": "Standard Error",
"x": 0.8,
"xanchor": "center",
"xref": "paper",
"y": 1,
"yanchor": "bottom",
"yref": "paper"
}
],
"autosize": false,
"height": 450,
"hovermode": "closest",
"legend": {
"orientation": "h",
"x": 0,
"y": -0.25
},
"margin": {
"b": 100,
"l": 35,
"pad": 0,
"r": 35,
"t": 35
},
"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.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"
]
],
"type": "contour"
}
],
"contourcarpet": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"type": "contourcarpet"
}
],
"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"
]
],
"type": "heatmap"
}
],
"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"
]
],
"type": "heatmapgl"
}
],
"histogram": [
{
"marker": {
"pattern": {
"fillmode": "overlay",
"size": 10,
"solidity": 0.2
}
},
"type": "histogram"
}
],
"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"
]
],
"type": "histogram2d"
}
],
"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"
]
],
"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.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"
]
],
"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.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"
]
]
},
"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": "accuracy"
},
"width": 950,
"xaxis": {
"anchor": "y",
"autorange": false,
"domain": [
0.05,
0.45
],
"exponentformat": "e",
"range": [
-6.0,
-0.39794000867203766
],
"tickfont": {
"size": 11
},
"tickmode": "auto",
"title": {
"text": "lr"
},
"type": "log"
},
"xaxis2": {
"anchor": "y2",
"autorange": false,
"domain": [
0.6,
1
],
"exponentformat": "e",
"range": [
-6.0,
-0.39794000867203766
],
"tickfont": {
"size": 11
},
"tickmode": "auto",
"title": {
"text": "lr"
},
"type": "log"
},
"yaxis": {
"anchor": "x",
"autorange": false,
"domain": [
0,
1
],
"exponentformat": "e",
"range": [
0.0,
1.0
],
"tickfont": {
"size": 11
},
"tickmode": "auto",
"title": {
"text": "momentum"
},
"type": "linear"
},
"yaxis2": {
"anchor": "x2",
"autorange": false,
"domain": [
0,
1
],
"exponentformat": "e",
"range": [
0.0,
1.0
],
"tickfont": {
"size": 11
},
"tickmode": "auto",
"type": "linear"
}
}
},
"text/html": [
"