{
"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-08-17T19:25:11.192520Z",
"iopub.status.busy": "2022-08-17T19:25:11.192034Z",
"iopub.status.idle": "2022-08-17T19:25:12.863027Z",
"shell.execute_reply": "2022-08-17T19:25:12.862289Z"
}
},
"outputs": [
{
"data": {
"text/html": [
""
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 08-17 19:25:12] 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-08-17T19:25:12.904195Z",
"iopub.status.busy": "2022-08-17T19:25:12.903440Z",
"iopub.status.idle": "2022-08-17T19:25:12.908428Z",
"shell.execute_reply": "2022-08-17T19:25:12.907670Z"
}
},
"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-08-17T19:25:12.911430Z",
"iopub.status.busy": "2022-08-17T19:25:12.911201Z",
"iopub.status.idle": "2022-08-17T19:25:14.234216Z",
"shell.execute_reply": "2022-08-17T19:25:14.233496Z"
},
"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": "98d490d8a9af42db8e782394a4b64188",
"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": "2ca8c1fe22aa4588adfb5e7bd9ab692c",
"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": "7ed7b36273874d8f86d2235efbc6bdfa",
"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",
"\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": "4811dbaf95484d448f578058fd5eee6c",
"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-08-17T19:25:14.238047Z",
"iopub.status.busy": "2022-08-17T19:25:14.237537Z",
"iopub.status.idle": "2022-08-17T19:25:14.241935Z",
"shell.execute_reply": "2022-08-17T19:25:14.241245Z"
}
},
"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-08-17T19:25:14.245070Z",
"iopub.status.busy": "2022-08-17T19:25:14.244618Z",
"iopub.status.idle": "2022-08-17T19:27:30.373338Z",
"shell.execute_reply": "2022-08-17T19:27:30.372618Z"
}
},
"outputs": [
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 08-17 19:25:14] 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 08-17 19:25:14] 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 08-17 19:25:14] 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 08-17 19:25:14] 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 08-17 19:25:14] 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 08-17 19:25:14] ax.service.managed_loop: Started full optimization with 20 steps.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 08-17 19:25:14] ax.service.managed_loop: Running optimization trial 1...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 08-17 19:25:20] ax.service.managed_loop: Running optimization trial 2...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 08-17 19:25:27] ax.service.managed_loop: Running optimization trial 3...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 08-17 19:25:33] ax.service.managed_loop: Running optimization trial 4...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 08-17 19:25:39] ax.service.managed_loop: Running optimization trial 5...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 08-17 19:25:46] ax.service.managed_loop: Running optimization trial 6...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"/opt/hostedtoolcache/Python/3.7.13/x64/lib/python3.7/site-packages/gpytorch/lazy/lazy_tensor.py:1811: UserWarning:\n",
"\n",
"torch.triangular_solve is deprecated in favor of torch.linalg.solve_triangularand will be removed in a future PyTorch release.\n",
"torch.linalg.solve_triangular has its arguments reversed and does not return a copy of one of the inputs.\n",
"X = torch.triangular_solve(B, A).solution\n",
"should be replaced with\n",
"X = torch.linalg.solve_triangular(A, B). (Triggered internally at ../aten/src/ATen/native/BatchLinearAlgebra.cpp:2189.)\n",
"\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 08-17 19:25:52] ax.service.managed_loop: Running optimization trial 7...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 08-17 19:25:59] ax.service.managed_loop: Running optimization trial 8...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 08-17 19:26:06] ax.service.managed_loop: Running optimization trial 9...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 08-17 19:26:12] ax.service.managed_loop: Running optimization trial 10...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 08-17 19:26:19] ax.service.managed_loop: Running optimization trial 11...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 08-17 19:26:26] ax.service.managed_loop: Running optimization trial 12...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 08-17 19:26:33] ax.service.managed_loop: Running optimization trial 13...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 08-17 19:26:39] ax.service.managed_loop: Running optimization trial 14...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 08-17 19:26:46] ax.service.managed_loop: Running optimization trial 15...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 08-17 19:26:54] ax.service.managed_loop: Running optimization trial 16...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 08-17 19:27:01] ax.service.managed_loop: Running optimization trial 17...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 08-17 19:27:08] ax.service.managed_loop: Running optimization trial 18...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 08-17 19:27:15] ax.service.managed_loop: Running optimization trial 19...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 08-17 19:27:22] ax.service.managed_loop: Running optimization trial 20...\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-08-17T19:27:30.376828Z",
"iopub.status.busy": "2022-08-17T19:27:30.376576Z",
"iopub.status.idle": "2022-08-17T19:27:30.387446Z",
"shell.execute_reply": "2022-08-17T19:27:30.386809Z"
}
},
"outputs": [
{
"data": {
"text/plain": [
"{'lr': 0.000364045702970261, 'momentum': 0.2899900071603788}"
]
},
"execution_count": 6,
"metadata": {},
"output_type": "execute_result"
}
],
"source": [
"best_parameters"
]
},
{
"cell_type": "code",
"execution_count": 7,
"metadata": {
"execution": {
"iopub.execute_input": "2022-08-17T19:27:30.390317Z",
"iopub.status.busy": "2022-08-17T19:27:30.390077Z",
"iopub.status.idle": "2022-08-17T19:27:30.394628Z",
"shell.execute_reply": "2022-08-17T19:27:30.393931Z"
}
},
"outputs": [
{
"data": {
"text/plain": [
"({'accuracy': 0.9522343801889811},\n",
" {'accuracy': {'accuracy': 0.0005981270194442206}})"
]
},
"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-08-17T19:27:30.397486Z",
"iopub.status.busy": "2022-08-17T19:27:30.397253Z",
"iopub.status.idle": "2022-08-17T19:27:30.949714Z",
"shell.execute_reply": "2022-08-17T19:27:30.949002Z"
}
},
"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.692994354296022e-06,
2.2028415765056147e-06,
2.866229883678204e-06,
3.729398352432554e-06,
4.852511011181743e-06,
6.3138503555892e-06,
8.215273746089953e-06,
1.0689313005882424e-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.00011426141253772724,
0.00014867137004306603,
0.00019344392634026088,
0.0002516997901283655,
0.0003274994751669172,
0.0004261263236648159,
0.0005544547624925005,
0.0007214294601814526,
0.000938688782612345,
0.0012213760031100258,
0.0015891948094037057,
0.002067782677737912,
0.0026904978401970136,
0.0035007443993213955,
0.004554997653699184,
0.005926740503884541,
0.007711585311544345,
0.010033938212454078,
0.013055670395116691,
0.01698740074503987,
0.02210317627048227,
0.028759573555516536,
0.03742055263793628,
0.04868979566145066,
0.06335278435066323,
0.0824315491666629,
0.10725590623460621,
0.13955614735503497,
0.18158364372009145,
0.23626776957937787,
0.3074200836506151,
0.4
],
"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.24124566491544275,
0.2375899196787149,
0.2407099012066698,
0.2527097445261112,
0.2752571207213359,
0.3091684413723979,
0.35413889549270766,
0.4087285425557083,
0.4705603801405927,
0.5365822663362462,
0.6032799566873867,
0.666837405177782,
0.7233416297797252,
0.7692078837822107,
0.8020645034691899,
0.8218386109130522,
0.8306603226782464,
0.8322758338795164,
0.8315250234033047,
0.8334543842110931,
0.8416726509146603,
0.855125322372813,
0.8645859958968741,
0.852755001707125,
0.8019927313654079,
0.7054327298990567,
0.5709785316379014,
0.41665985271531425,
0.26347218741607636,
0.1291535022989586,
0.024424021034650578,
-0.04745943780539985,
-0.08872621873161934,
-0.1045607476549808,
-0.10114194988517455,
-0.08444936025703254,
-0.05966207837878801,
-0.030935553784946723,
-0.0013915232302035285,
0.02678738960364646,
0.0522238815942585,
0.07420886480236055,
0.09257725256958627,
0.10759965265509563,
0.119883866660627,
0.13027407795167334,
0.1397338314870319,
0.14920519870195614,
0.1594552531369039,
0.17094774901988574
],
[
0.23981992477319725,
0.23559561461365153,
0.23821780524058805,
0.24989458507343137,
0.2723910413736256,
0.30657876260046885,
0.3521429220046813,
0.40757702105660804,
0.4704125169323664,
0.5375102893226107,
0.6052870125586134,
0.6698739654850417,
0.7273129537422791,
0.773972255212223,
0.8074263553074299,
0.827538776076288,
0.8364083607301613,
0.8378405068003218,
0.8368628071739286,
0.8388130063961713,
0.8475967529280041,
0.862321201595232,
0.8734975013088335,
0.8628080840160474,
0.8113191918680656,
0.7117324994215702,
0.5726111908835398,
0.4130973696392434,
0.2552847129387154,
0.11766815092645988,
0.01118212836572774,
-0.0611471236891572,
-0.10194895247969316,
-0.11678341711676299,
-0.11211485671149024,
-0.09411722880323081,
-0.0680919429522372,
-0.03826506793322837,
-0.007793930882676547,
0.021126167524527117,
0.047120050207244524,
0.06949066265194559,
0.08809244413402362,
0.10322241542564281,
0.11552212096747327,
0.12587718493230315,
0.1352988346500701,
0.1447776619495611,
0.15512001150050247,
0.16680850832387795
],
[
0.23869308813325457,
0.23390071336625734,
0.23601377934837586,
0.2473465621932615,
0.2697656108072764,
0.30420023042787714,
0.3503238447645376,
0.40655882741683913,
0.47034164848094534,
0.5384463324945507,
0.6072243879282974,
0.672761648793814,
0.7310652791087305,
0.7784713170173752,
0.8125145709238504,
0.8329843571500368,
0.8419286808736937,
0.8431993071981424,
0.8420081070385077,
0.8439843118266735,
0.8533138080860057,
0.8692503757640441,
0.8820658326434314,
0.8724568927985106,
0.8201969699511207,
0.7175718237859279,
0.5738279464892072,
0.40921102292834316,
0.24690221034776177,
0.10614370521937144,
-0.0019432442284108564,
-0.07459541939228087,
-0.11485558522848283,
-0.128655214631185,
-0.12273302602141889,
-0.10344623172019085,
-0.07620964423216137,
-0.04531364739815413,
-0.013947084659623465,
0.015684428700864284,
0.04220895731772145,
0.06494171575062246,
0.08375631156829932,
0.09897548230944764,
0.11127376531333355,
0.12157778447190115,
0.1309467057544984,
0.14042072550499574,
0.15084680191912125,
0.16272685881360816
],
[
0.23789492515303806,
0.23253962341211276,
0.234135946708723,
0.24510618105502313,
0.2674223629021638,
0.30207420413231306,
0.348721566164153,
0.4057110116131769,
0.47038083401697817,
0.5394189026342378,
0.6091160948141771,
0.6755205293510819,
0.7346156557074994,
0.782719847071787,
0.8173396194259299,
0.8381822987843752,
0.8472277146037386,
0.8483616526574497,
0.8469764707334969,
0.8489891575291983,
0.8588452580625137,
0.8759200258125592,
0.8902612076096399,
0.8816318647999667,
0.8285423913074196,
0.722885082275512,
0.5746002624294165,
0.4050125292422755,
0.23837000083393728,
0.09464821608946761,
-0.014874202669181935,
-0.08772815095111264,
-0.12737837655512563,
-0.14011912480035105,
-0.13294993295306645,
-0.11239900338007203,
-0.08398531957712652,
-0.05205730526675678,
-0.01983141166719049,
0.010478593360571331,
0.03750493784245956,
0.060575162891276846,
0.0795815162728325,
0.09487157549387948,
0.10715191183254302,
0.11738946929274574,
0.1266913831196277,
0.13614840925507476,
0.1466494603993661,
0.15871620017823818
],
[
0.2374557682064925,
0.23154778515120056,
0.2326239612353196,
0.2432158962342127,
0.2654050544352916,
0.3002443957180519,
0.3473783405583787,
0.40507290016281344,
0.4705653823019614,
0.5404588955384537,
0.6109889047142099,
0.6781740422849591,
0.7379851922767673,
0.7867367668911643,
0.8219153462527204,
0.8431412436027829,
0.8523119906901315,
0.8533359710964937,
0.851781762307952,
0.8538465072139909,
0.8642116333258233,
0.8823390563011688,
0.8980544782785805,
0.8902601057277747,
0.8362684001415909,
0.7276067044384894,
0.5749024368468705,
0.40051871481901247,
0.22973974589171486,
0.0832557078191235,
-0.02752868863619562,
-0.10046718448930925,
-0.13944925464484081,
-0.15111870270269312,
-0.142720006966791,
-0.12093921870938062,
-0.09139008439168761,
-0.058472906838326955,
-0.025428045857809334,
0.005524520756521989,
0.03302190737361177,
0.05640386445207235,
0.07558058915216592,
0.09092344974934063,
0.10316988629505575,
0.11332623434933786,
0.1225473755742238,
0.13197541855282346,
0.14254255532928495,
0.15479064403777498
],
[
0.23740630218930275,
0.23096146193667044,
0.23151881821436376,
0.2417199489768344,
0.2637595138703997,
0.2987567079914828,
0.34633858048827043,
0.40468586280360136,
0.47093258686787054,
0.5415993038360554,
0.6128720083047098,
0.6807485236231368,
0.7411982909474062,
0.7905439737759927,
0.8262579533421683,
0.8478707646496834,
0.8571872315890525,
0.8581283343162072,
0.8564340517055544,
0.8585707640959961,
0.8694294243029053,
0.8885157273302677,
0.9054170044137998,
0.8982671627751431,
0.8432869797632985,
0.731672925438568,
0.5747120230720705,
0.39575128454944636,
0.22106893382255566,
0.07204535505346366,
-0.03982161590488009,
-0.11273361566600226,
-0.1510008241708516,
-0.16159883892090532,
-0.15199918366802279,
-0.12903198320010267,
-0.09839630702675761,
-0.06453836547844949,
-0.030718971097461245,
0.0008374001352092764,
0.02877327387373263,
0.05244032556059375,
0.07176585942378821,
0.087143824581154,
0.099341165180868,
0.1094024235360066,
0.11852972284852092,
0.12791711654009152,
0.1385413647618654,
0.15096498835244188
],
[
0.23777732329438855,
0.23081748933191015,
0.23086261903478883,
0.2406641582181735,
0.26253344366962433,
0.2976590232760294,
0.3456486086010024,
0.4045930218011357,
0.4715214034072557,
0.5428748638407075,
0.6147966030853467,
0.6832726606111054,
0.7442818193611689,
0.7941653275576571,
0.830385016519537,
0.8523805625700512,
0.8618574335418223,
0.8627411060063488,
0.8609376506106843,
0.863169083938287,
0.8745074879898024,
0.8944539840448872,
0.9123201821208753,
0.9055798864084251,
0.8495125901162982,
0.7350235420427241,
0.5740098695182777,
0.3907361676620298,
0.2124199833638728,
0.0611002918078386,
-0.05166633592956926,
-0.12444916993321364,
-0.16196747740173767,
-0.17150656617370785,
-0.1607454692423287,
-0.13664422353563943,
-0.10497788015325638,
-0.0702328341960593,
-0.035687160594264355,
-0.003568355868444284,
0.024771850259866057,
0.048696618265739344,
0.0681493800877977,
0.08354531018567557,
0.09567930350434206,
0.1056326647953505,
0.11465394368543291,
0.12398948469842141,
0.1346618421750444,
0.14725467985871843
],
[
0.23859946532566256,
0.23115298042310128,
0.23069828461341008,
0.24009565921511428,
0.26177617012149823,
0.2970009368465118,
0.3453563498715101,
0.4048389008662847,
0.4723720701567921,
0.5443216471489654,
0.6167954232185864,
0.6857768882417057,
0.747264299964023,
0.7976257794986471,
0.8343146193694911,
0.8566797050692688,
0.866324005268534,
0.8671717152923301,
0.8652893602020697,
0.8676388433649028,
0.8794433738522167,
0.9001482298478615,
0.9187346206180778,
0.9121306749749658,
0.8548666401366295,
0.7376032679104103,
0.5727796191328631,
0.38550234878107603,
0.20385889498582754,
0.050505993062539445,
-0.0629764594227219,
-0.13553779988136805,
-0.17228658518193252,
-0.18079188872820673,
-0.16891950487658325,
-0.14374507086328947,
-0.11111048365924425,
-0.07553688984785445,
-0.04031671070521292,
-0.007679214085557051,
0.021029768810189697,
0.04518430339505586,
0.06474285049533846,
0.08014032729144038,
0.09219785287628224,
0.102031792342556,
0.11093596982083709,
0.1202090696720608,
0.1309205687672036,
0.14367576255381942
],
[
0.2399028932797304,
0.2320049844278788,
0.23106921187352747,
0.24006258297726252,
0.2615383339985169,
0.2968334285161035,
0.34551095836053547,
0.4054690110904326,
0.4735256732199641,
0.5459766041076772,
0.6189022268472715,
0.6882927635209523,
0.7501751566943717,
0.8009506290720055,
0.8380646265326954,
0.860775971946568,
0.8705850386205991,
0.8714116454087129,
0.8694769910330665,
0.8719653969260952,
0.884220041268742,
0.9055778845148783,
0.9246290913193133,
0.917862933537533,
0.8592823237987838,
0.7393621408967463,
0.571006542231916,
0.3800801111898191,
0.19545338049935346,
0.04034816689312648,
-0.07366804602612509,
-0.14592744845669336,
-0.1818997352286731,
-0.18940861198224668,
-0.17648511713595172,
-0.15030622827233253,
-0.11677183398982893,
-0.08043270685718185,
-0.044592967147429,
-0.011482618593856242,
0.01755839835105788,
0.04191435283929179,
0.06155753656871166,
0.07694102112703038,
0.08891026944344538,
0.09861475474179882,
0.10739206380667066,
0.11659291415510886,
0.12733469009570775,
0.14024481000075606
],
[
0.2417169647865054,
0.23341009653805123,
0.23201886755048162,
0.2406136689518919,
0.26187151458881675,
0.29720846506803233,
0.3461623723870823,
0.40652937190875926,
0.4750236599277266,
0.5478770673209427,
0.6211512558921262,
0.6908523417855273,
0.753044033678266,
0.8041648938884968,
0.8416520945630951,
0.8646753485995791,
0.8746347780802071,
0.8754457098012558,
0.8734782084751622,
0.8761202163639249,
0.8888032917488135,
0.9107052258868515,
0.9299690190934261,
0.9227352226651303,
0.8627072961693361,
0.7402544390609972,
0.5686756573316123,
0.37449865408206184,
0.18727040272947926,
0.030710093867547528,
-0.08366214775512382,
-0.15555192512754556,
-0.19075397600914656,
-0.19731514644583836,
-0.18340983932243615,
-0.15630231383281357,
-0.12194191486647221,
-0.08490421739879828,
-0.04850264169517415,
-0.014967082128255704,
0.014368265192974294,
0.03889707306644541,
0.0586041893520749,
0.07395916995409213,
0.08582981156477676,
0.09539650766481877,
0.10403871849032709,
0.11315846935654472,
0.12392183458657158,
0.13697883895130847
],
[
0.24406986107841588,
0.2354040180019562,
0.23359031378281858,
0.24179780264500528,
0.26282777878142227,
0.2981785253823361,
0.3473607917215438,
0.4080659659933548,
0.4769073045829276,
0.5500602241037698,
0.6235766821843118,
0.6934875719017465,
0.7559001869275337,
0.8072927776123243,
0.8450928063279988,
0.8683816864221278,
0.8784633469107668,
0.8792516737157084,
0.8772597460666981,
0.8800594632805834,
0.8931399037214041,
0.9154747622731773,
0.9347134744799207,
0.9267179443415147,
0.8651002282576199,
0.7402358332880759,
0.5657692216768184,
0.3687831038529523,
0.17937305813360582,
0.021669353369602185,
-0.09288764807637406,
-0.1643528174224046,
-0.19880301634157682,
-0.20447525821018397,
-0.18966538848668812,
-0.16171117065620644,
-0.12660318450057484,
-0.08893725514996009,
-0.0520339175450073,
-0.018122269878673603,
0.011468978779654693,
0.036142030722357,
0.055892962705916927,
0.07120608883676394,
0.08296942738335678,
0.09239189035881357,
0.10089253584159219,
0.1099234862511499,
0.1207000111329144,
0.13389520148378564
],
[
0.2469881904595309,
0.23802106698557862,
0.23582566057226906,
0.2436634690787266,
0.2644591459135164,
0.2997960391616053,
0.3491560703459002,
0.4101241283035374,
0.47921713232374463,
0.5525625672992225,
0.626212052248469,
0.696229720926855,
0.7587719436358821,
0.8103572205424444,
0.8484009076617534,
0.8718965196026268,
0.8820567770627259,
0.8828002595345993,
0.8807770160904338,
0.8837230174995772,
0.8971562170917786,
0.9198109619900796,
0.9388095280344796,
0.9297808840566045,
0.8664206031640682,
0.7392590203864159,
0.5622638279200509,
0.36295103263288847,
0.171816735222712,
0.013293893129893153,
-0.10128427212638003,
-0.17228133558299374,
-0.20600832508303968,
-0.2108587372534524,
-0.19522808310538076,
-0.1665141358820177,
-0.13074075476102376,
-0.09251967994272514,
-0.0551765416784068,
-0.020939074512023925,
0.008869162993886737,
0.03365798122110475,
0.053433331096811254,
0.06869252958500405,
0.08034163284318185,
0.0896154851893346,
0.09797008277076347,
0.10690588249120703,
0.11768748265534201,
0.1310114525277658
],
[
0.2504965687557363,
0.24129364284380272,
0.2387654415072369,
0.2462581122670774,
0.2668169580016332,
0.30211272911242826,
0.35159701869738036,
0.41274787146024805,
0.48199230841311824,
0.5554193342354141,
0.6290897414977159,
0.6991088343934078,
0.7616862210725086,
0.8133795178999096,
0.8515886210697213,
0.8752189962093522,
0.8853973700532539,
0.8860555274216368,
0.8839741358574543,
0.8870339858550309,
0.9007569511498801,
0.923614233352368,
0.9421837242310946,
0.9318773603439368,
0.8666158596784967,
0.737268628771751,
0.5581274911610005,
0.35700874230624763,
0.1646444800531155,
0.005637460994772248,
-0.10880555537122505,
-0.17929996820478544,
-0.21234007317888626,
-0.2164419559056493,
-0.20007918753599607,
-0.1706962612827867,
-0.1343425382643323,
-0.09564148096860225,
-0.057921902741732145,
-0.023409681360533896,
0.006576394026412635,
0.031452801263216035,
0.05123400857055438,
0.06642857810247338,
0.07795838118632559,
0.08708146014912421,
0.09528772166793764,
0.10412358149663703,
0.11490261211538777,
0.12834518930501781
],
[
0.25461718290248514,
0.24525164915415693,
0.2424479114918926,
0.24962739039336584,
0.2699511437662191,
0.30517884531078954,
0.354730610475894,
0.41597915236252303,
0.48527000202597376,
0.5586639438565996,
0.6322404272652155,
0.7021532358207074,
0.7646680964865259,
0.8163789919007726,
0.8546660113654467,
0.8783458574627666,
0.8884643088651779,
0.8889755192877947,
0.8867843844112099,
0.8898987582542531,
0.9038242540461134,
0.9267560126812706,
0.9447313208260231,
0.9329288885913749,
0.8656099119439765,
0.7341965145902065,
0.5533172094260941,
0.350947776905894,
0.15788150665061107,
-0.0012653745528155014,
-0.11542146387843932,
-0.18538381791166358,
-0.21777786310856984,
-0.22120829265903197,
-0.20420517122940973,
-0.17424647930103587,
-0.13739936001788622,
-0.09829485657786108,
-0.06026309319364609,
-0.025527622847713816,
0.0045971456590993,
0.02953342623949684,
0.049302870124210196,
0.06442355067849481,
0.07583092554633808,
0.08480339498453027,
0.09286141370773782,
0.10159431987002188,
0.11236367704981054,
0.12591385886952433
],
[
0.25936934558837427,
0.2499218842283359,
0.24690826906396413,
0.25381431642197627,
0.27390936350973105,
0.3090422793303625,
0.3586010916411743,
0.4198570887053009,
0.4890847355257525,
0.5623274422243101,
0.6356925890527627,
0.7053890681436185,
0.7677404201240001,
0.819372705360267,
0.857640782845825,
0.8812714016931942,
0.891234101105072,
0.8915129514527165,
0.889131110152674,
0.8922077518607459,
0.9062171920310486,
0.9290742807452859,
0.9463044106959759,
0.9328116068741695,
0.8632951797058599,
0.7299585652139573,
0.5477774947612171,
0.3447423421984218,
0.1515289931236874,
-0.00740384246061887,
-0.12112029855930306,
-0.1905214943415403,
-0.22231119899734209,
-0.22514840125685542,
-0.20759787326508272,
-0.17715770975034795,
-0.1399050310421709,
-0.10047426917143254,
-0.062194954734645425,
-0.027287821374163634,
0.00293674274085709,
0.02790579347985367,
0.04764687680206581,
0.06268589107187794,
0.0739696769134387,
0.08279409263154114,
0.09070649365081196,
0.09933541892420827,
0.11008864822483444,
0.12373452961655462
],
[
0.2647690506009969,
0.25532741173301227,
0.2521778117522399,
0.2588582751703844,
0.2787360204106143,
0.31374754471095134,
0.36324899405437383,
0.42441713887930066,
0.4934677321891333,
0.5664379666083408,
0.639472043563913,
0.708839880144138,
0.7709234654290431,
0.8223752065898546,
0.8605180965092408,
0.8839874084286867,
0.8936805318505526,
0.8936158459340774,
0.8909291199033331,
0.8938370591132261,
0.9077720733986878,
0.930371292462987,
0.9467011954843386,
0.9313464583036778,
0.8595293828413144,
0.724453866157673,
0.5414402844842339,
0.3383483829123332,
0.14555922450972314,
-0.01279363487998697,
-0.12590954199741677,
-0.19471547020707003,
-0.22593966417971345,
-0.22826031139400293,
-0.21025456595595626,
-0.17942690407191664,
-0.14185638229872366,
-0.10217647418937004,
-0.06371410632532704,
-0.02868662005485323,
0.0015993235445261877,
0.026574792286369497,
0.046272005922258885,
0.06122307052033704,
0.0723840604547411,
0.08106537899815258,
0.08883741614533025,
0.09736351582904867,
0.1080949274906805,
0.1218236224364575
],
[
0.27082854005570406,
0.2614869282775475,
0.25828304129681273,
0.26479391186025164,
0.2844711221367414,
0.31933460996735724,
0.3687100645874185,
0.42969026452872133,
0.49844627716574774,
0.5710202381937655,
0.6436015213451833,
0.7125262622145807,
0.7742346144959471,
0.8253982972522985,
0.8633004075790607,
0.8864830533647567,
0.8957745380694139,
0.8952282426689252,
0.8920865799638529,
0.8946512309338426,
0.9083045616112998,
0.9304156955537821,
0.9456628899356874,
0.9282977137946764,
0.8541379478451885,
0.7175666885148263,
0.5342264631313403,
0.3317048087579488,
0.13991704279679817,
-0.017476080996495225,
-0.12981545059436073,
-0.19798185290711356,
-0.22867279065297774,
-0.2305493549763955,
-0.21217791487377102,
-0.18105502586234856,
-0.14325325822288337,
-0.10340052274031797,
-0.06481895441141772,
-0.029721800883857674,
0.0005878115858556354,
0.025544221645378173,
0.04518318788478881,
0.060041493046843586,
0.07108237387712324,
0.07962789576062657,
0.08726747567326576,
0.09569424984169639,
0.10639903934314687,
0.1201965973148389
],
[
0.27755589583699203,
0.2684141489207759,
0.2652447465533736,
0.27164989680137114,
0.2911489748507833,
0.3258375719959578,
0.3750141338709295,
0.4357021013728295,
0.5040431078838125,
0.5760950929186666,
0.6481002909674586,
0.7164655371923372,
0.7776880843023297,
0.8284508160944761,
0.8659873378013905,
0.8887448808329258,
0.897484351200266,
0.8962911860914924,
0.8925074357364967,
0.8945073180268177,
0.9076153669228358,
0.9289508876418512,
0.9428858617948023,
0.9233839988952196,
0.8469222890796414,
0.7091713096695982,
0.526048992521269,
0.32473680422884527,
0.13452671083208068,
-0.021514052875710732,
-0.13288142193713692,
-0.20034958120047464,
-0.23052962466509574,
-0.23202792010086826,
-0.2133758364505941,
-0.18204696828950628,
-0.14409847016535882,
-0.10414773797283383,
-0.06550968529552104,
-0.03039259009761086,
-9.610263689274756e-05,
0.02481675644205228,
0.04438425100820065,
0.05914640859477893,
0.07007165214926836,
0.07849089266685882,
0.0860085056197799,
0.09434189968654338,
0.10501627006493197,
0.11886759210575004
],
[
0.2849546681463361,
0.2761172348678336,
0.273077104786767,
0.27944759152344606,
0.2987966896769829,
0.3332831657331901,
0.3821839680790301,
0.4424721698748657,
0.5102758508181268,
0.581679059032821,
0.6529838354294671,
0.7206715126373472,
0.7812947110041352,
0.8315384317099065,
0.8685756157942461,
0.8907569016488318,
0.8987759476108218,
0.8967440554415395,
0.8920943070966454,
0.8932600608964922,
0.9054997519382202,
0.9257093817875941,
0.9380456932681838,
0.9162999906755834,
0.8376733754539841,
0.6991392497696396,
0.5168174131156061,
0.3173606378022088,
0.12929935275720505,
-0.024986317106395872,
-0.13516538392352695,
-0.2018591121999329,
-0.23153801219115677,
-0.23271504303334223,
-0.2138612580766348,
-0.18241141089541557,
-0.14439771104286137,
-0.10442166584301982,
-0.06578823991883576,
-0.030699650708853943,
-0.00045196966041227693,
0.02439392290209219,
0.043877875783638,
0.058541836578814066,
0.06935754336398126,
0.07766202766663821,
0.08507056670007096,
0.09331897041810255,
0.10396024761901501,
0.11784901305447482
],
[
0.29302355385196066,
0.284598289388462,
0.2817868546236237,
0.28819968099939114,
0.30743247964851195,
0.3416891331205552,
0.3902341709734072,
0.4500131616179975,
0.5171565212111894,
0.587783988567857,
0.6582635837147839,
0.7251542997407393,
0.7850618214693587,
0.834663452184218,
0.8710591414856156,
0.8925008629806959,
0.8996137726157181,
0.8965262077096958,
0.8907517557799031,
0.8907678664839398,
0.9017586455115413,
0.9204305731126136,
0.9308253304089158,
0.9067437773551278,
0.8261890625514671,
0.6873481415330703,
0.5064432946290165,
0.3094891938008442,
0.12413954384565962,
-0.02798178879541391,
-0.13673657252918847,
-0.20256070724158293,
-0.23173364487207293,
-0.2326358557911835,
-0.21365178909873617,
-0.18216062005467815,
-0.14415943344510362,
-0.10422800146454747,
-0.06565827163127114,
-0.03064506238581255,
-0.00048057865603046146,
0.02427608385862723,
0.0436655598160145,
0.05823050236385163,
0.06894420072649743,
0.07714718470647342,
0.08446164100630027,
0.0926357345132579,
0.10324245469309401,
0.11715108390765061
],
[
0.301756136260519,
0.2938529474305473,
0.291372602252836,
0.2979088984223849,
0.3170637255444163,
0.35106255275721077,
0.3991702260442231,
0.4583303382258427,
0.524691100748121,
0.5944167480303784,
0.6639466981680171,
0.729920200426461,
0.7889932205112044,
0.837824836700451,
0.8734292371174064,
0.8939567103750656,
0.8999616932406217,
0.8955788584905319,
0.8883897680870183,
0.8868990617086114,
0.8962095616648591,
0.9128788241970001,
0.9209435305859793,
0.8944469806900691,
0.812292839792837,
0.6736912064610754,
0.4948461091073227,
0.3010375558767411,
0.11895098055685505,
-0.03059433073573814,
-0.13767206942678278,
-0.20251244923566658,
-0.23115891928338916,
-0.2318209128946418,
-0.2127693141164999,
-0.18131019892712397,
-0.1433946943052411,
-0.10357449271913466,
-0.06512508782648718,
-0.030232289049691774,
-0.0001839445922766636,
0.024462434290186352,
0.04374759454143795,
0.05821378896423646,
0.06883419551342773,
0.076950319837646,
0.08418735426879598,
0.09229974768308236,
0.10287166644065449,
0.11678137664655708
],
[
0.31114069596175403,
0.3038700810263757,
0.30182432168745843,
0.30856703528114054,
0.327684866403833,
0.36139839906768184,
0.4089877787056865,
0.4674210759864965,
0.5328792052606954,
0.6015789713418199,
0.6700359157107876,
0.7349716584713171,
0.7930892983658393,
0.8410186057329164,
0.8756751064542249,
0.8951032391760105,
0.8997841325523821,
0.8938471110145192,
0.8849272650170867,
0.8815379094945472,
0.8886964040357376,
0.9028594273937491,
0.9081804831990605,
0.8792061410112965,
0.7958510665651728,
0.6580862369928328,
0.48195898285877614,
0.29192817973318763,
0.11364127027713411,
-0.03291827829161986,
-0.13805339841228692,
-0.20177812806578033,
-0.22986166921884543,
-0.2303054250428136,
-0.2112395223095065,
-0.17987879404394447,
-0.14211696998085288,
-0.10247082324188528,
-0.06419557659117503,
-0.0294661347535623,
0.00043471489882862535,
0.024951007401038727,
0.04412305457088217,
0.058491705886500545,
0.06902845530495128,
0.07707334598909543,
0.08425075343751665,
0.09231539163583036,
0.10285330352589939,
0.11674437631341228
],
[
0.32116009964194964,
0.31463163639834213,
0.3131230965322201,
0.3201544440792131,
0.33927594037560005,
0.3726787709323795,
0.4196722435692163,
0.4772745805424314,
0.5417138504316354,
0.6092668755013748,
0.6765294381573804,
0.7403072640235505,
0.7973472280522403,
0.8442383727756935,
0.8777844559506092,
0.8959189157170405,
0.8990473392470882,
0.8912820415885335,
0.8802954460255547,
0.8745899621896999,
0.8790975551611395,
0.8902307624358547,
0.892395775287637,
0.8609077706609467,
0.7767858155924281,
0.6404831061583943,
0.46773384269495877,
0.2820953738653377,
0.10812587995396472,
-0.03504470556664285,
-0.1379633836414519,
-0.20042511846295585,
-0.2278938320053664,
-0.22812842971256087,
-0.20909138810667394,
-0.1778877666454315,
-0.14034194618717988,
-0.10092847726353238,
-0.06287811975806179,
-0.028352688582440777,
0.001371012650216108,
0.025738691323260343,
0.044789800220490616,
0.05906287653283693,
0.06952623084484333,
0.07751606508658793,
0.08465216645769824,
0.09268353863513978,
0.10318871558494136,
0.11704116736399528
],
[
0.331791770449835,
0.3261126103078474,
0.32524112542905226,
0.3326401469514714,
0.35180322294575767,
0.3848730955154695,
0.43119877816462543,
0.48787178303640216,
0.5511813185866439,
0.617471136858811,
0.6834208643371582,
0.7459217955685729,
0.8017612023587197,
0.8474758369136773,
0.879744196389791,
0.8963828377080436,
0.8977207501792677,
0.8878427541525408,
0.8744407872277014,
0.865986448479933,
0.8673318598587431,
0.874911795172887,
0.8735348297881228,
0.8395320496057525,
0.7550815327929902,
0.620869119840639,
0.45214558395444765,
0.27148893204675306,
0.10233128056322927,
-0.03705839917680798,
-0.137483387374691,
-0.19852235277817187,
-0.22531010647728422,
-0.22533192901003973,
-0.20635661928996185,
-0.17536083751680454,
-0.1380872876563234,
-0.09896058908073091,
-0.06118249395386499,
-0.02689925947368399,
0.0026194346242806033,
0.026821256317003495,
0.04574449346124332,
0.05992454496673527,
0.07032509358635397,
0.07827615317435421,
0.0853891639453992,
0.09340144568155229,
0.10387482695633621,
0.11766933490762443
],
[
0.3430077399537933,
0.3382811638627023,
0.338141982189472,
0.34598249291992744,
0.36522106390798476,
0.397939142525966,
0.44353260521385024,
0.49918541427672314,
0.5612611245909803,
0.6261768235161995,
0.6906991546859967,
0.7518062804467068,
0.8063226627615495,
0.8507212093138027,
0.8815411473023356,
0.8964757952588478,
0.8957784106478659,
0.8834983221743133,
0.8673275418456862,
0.8556875080587858,
0.853362338785723,
0.8568849267252372,
0.8516251602801845,
0.8151413072600329,
0.7307855804967573,
0.5992719137684765,
0.4351950261731935,
0.2600768446302195,
0.09619732576268236,
-0.03903549211453072,
-0.13669098221041076,
-0.1961384652568431,
-0.22216665335408714,
-0.22196002373934642,
-0.2030690886345512,
-0.1723237143399341,
-0.13537239265701806,
-0.0965817801299218,
-0.05911976139240471,
-0.025114301995103228,
0.004173391505678636,
0.028193392139136186,
0.04698262717135948,
0.061072602157851485,
0.07142096445511592,
0.07934920019096448,
0.08645662899267226,
0.09446292103087983,
0.10490464087733753,
0.11862311666297021
],
[
0.35477477831787685,
0.35109886317970596,
0.3517810935638611,
0.3601301781318745,
0.3794736807964286,
0.4118244091441431,
0.4566296146990591,
0.5111802398129586,
0.5719260742842676,
0.6353633775141786,
0.698348617646874,
0.7579480546776355,
0.8110204851029379,
0.853963550468301,
0.8831626761037765,
0.8961813808181961,
0.8932004272462472,
0.8782295342662318,
0.8589396227141768,
0.8436841914188522,
0.8371976854051689,
0.8361948996352201,
0.8267673693239093,
0.7878670836638821,
0.7040042466160089,
0.5757599710510491,
0.4169105620177791,
0.24784707493487756,
0.08967890772011189,
-0.0410417062791304,
-0.1356580714941219,
-0.19334015924144232,
-0.21851987975365783,
-0.21805806992757293,
-0.19926426450378787,
-0.16880371050775678,
-0.1322181375996705,
-0.09380798675745061,
-0.05670215227648745,
-0.023007334232471588,
0.006025278477686191,
0.029848755048555775,
0.04849856722222479,
0.06250163112036289,
0.07280817276505858,
0.08072880173969532,
0.08784692565520513,
0.09585870058316215,
0.1062679562959945,
0.11989375306460337
],
[
0.36705459639088295,
0.3645210293252863,
0.36610638004400614,
0.37502342648284237,
0.3944967325746691,
0.42646754536186865,
0.47043715257298757,
0.523813428927679,
0.583142405408796,
0.6450046393726331,
0.7063489067378124,
0.7643308044481175,
0.815841098204482,
0.857190993338635,
0.8845972058756827,
0.895487062775832,
0.8899744403478879,
0.8720303387658044,
0.8492817798502678,
0.8299992271602474,
0.8188917700408351,
0.8129448221615596,
0.7991247833073425,
0.7578986576146478,
0.6748962084222099,
0.5504411068619293,
0.39734852642526114,
0.2348084319387993,
0.08274693977029113,
-0.043131150852494415,
-0.13444944621776034,
-0.19019082675786003,
-0.21442533968244193,
-0.21367188035517226,
-0.19497865455469732,
-0.16482936396743908,
-0.1286466168789604,
-0.09065628180981322,
-0.05394294073914985,
-0.020588849026247247,
0.008166542316544345,
0.03178002372733091,
0.05028560659207493,
0.06420496969063438,
0.07447954273507318,
0.08240669634544395,
0.08955014426439145,
0.09757692346405877,
0.10795200103818314,
0.12146993869175182
],
[
0.37980411121318053,
0.378497175674094,
0.3810590004935729,
0.3905951853340376,
0.4102186951999575,
0.4417996798369042,
0.4848949064235931,
0.5370350258423952,
0.5948699990437217,
0.655068907487333,
0.7146750175638003,
0.7709345742649697,
0.8207685191882527,
0.8603908289431978,
0.8858345269538804,
0.8943850697999669,
0.8860971163620315,
0.8649088362676426,
0.8383800205940777,
0.8146866253841869,
0.7985414783436386,
0.7872903785556394,
0.7689134225542229,
0.7254729787196715,
0.6436649980084244,
0.5234593974942924,
0.3765924035986722,
0.22099060505702117,
0.07538872296624399,
-0.045345622792478224,
-0.1331217518580734,
-0.18674943218998885,
-0.20993677256501064,
-0.20884698938251334,
-0.19024927500643996,
-0.160430064013802,
-0.1246808828863124,
-0.08714469311746986,
-0.050856316275805113,
-0.017870219857953673,
0.010587754836833607,
0.033978963227651815,
0.05233603039905321,
0.06617478910463614,
0.0764265038278733,
0.08437293892885178,
0.09155439603522497,
0.09960362019288294,
0.10994198217827045,
0.12333829391962436
],
[
0.39297576514898214,
0.3929715094389119,
0.3965741473281593,
0.4067722580608522,
0.4265620666332003,
0.4577456113405001,
0.49993581876181503,
0.5507884918106989,
0.6070626493183016,
0.6655190260191721,
0.7232972754531423,
0.7777357297315739,
0.8257842944267104,
0.8635494359739171,
0.8868658582101476,
0.8928728591499018,
0.8815754904406462,
0.8568876283232669,
0.8262812580938257,
0.7978302332692804,
0.7762832482845683,
0.7594330855963809,
0.7363927915877266,
0.6908657813311219,
0.6105513725162359,
0.49499103815602263,
0.35475104559272486,
0.20644345205560355,
0.067607760602856,
-0.047714354903211076,
-0.1317228302637823,
-0.18306965822782073,
-0.2051052928890006,
-0.20362799489555283,
-0.18511315592389077,
-0.15563569310081304,
-0.12034469077746324,
-0.0832920218209543,
-0.04745725259592559,
-0.014863602719314861,
0.013278691641741891,
0.036436495912038014,
0.05464119049175442,
0.0684021860715246,
0.07863922027470682,
0.08661609985604779,
0.09384613042443579,
0.1019231691323429,
0.11222156277315587,
0.1254838114044392
],
[
0.40651788847132714,
0.4078834752762182,
0.41258185070049996,
0.42347634198650336,
0.4434444270470191,
0.4742248701627704,
0.5154869833133732,
0.5650112910197207,
0.6196683805322591,
0.6763124973583974,
0.7321813070062407,
0.7847068657500046,
0.830867339162295,
0.8666520447107976,
0.8876836295064184,
0.8909529695756467,
0.8764268791976096,
0.8480033755216582,
0.813052217161019,
0.7795413892068997,
0.7522886541342926,
0.7296131856015661,
0.7018575313620262,
0.6543836728264575,
0.5758260049886311,
0.4652395435764282,
0.33195610061482034,
0.19123564758719735,
0.059423090524875155,
-0.050254156307278586,
-0.13029139731759587,
-0.17919930248893168,
-0.19997873624208906,
-0.1980579868092608,
-0.17960689081046544,
-0.15047628973467841,
-0.11566225212975967,
-0.07911766329833003,
-0.04376137575941963,
-0.01158183530228496,
0.016228415076909974,
0.0391427782431365,
0.05719158804201141,
0.07087728572107943,
0.08110673470431429,
0.08912347888906957,
0.09641045381127533,
0.10451870503930949,
0.11477327319866681,
0.1278902586805225
],
[
0.4203750956781498,
0.423168321857826,
0.42900776330323337,
0.44062496614294355,
0.4607793780064065,
0.49115266611289266,
0.5314705010742531,
0.579635499673523,
0.6326298034161849,
0.6874016189907832,
0.7412879931326833,
0.7918166535191056,
0.8359936725824405,
0.8696823373591422,
0.8882809943829222,
0.8886322531712503,
0.870677166750099,
0.8383055842423086,
0.7987776714687549,
0.759955837393645,
0.7267593380988715,
0.6981025273759613,
0.6656298383733588,
0.6163570084620869,
0.5397826295563387,
0.4344306050432023,
0.3083588491439738,
0.17545280820149112,
0.05086820892797872,
-0.05296988988910556,
-0.12885701512606418,
-0.17517990648731552,
-0.19460116057182675,
-0.19217806748566757,
-0.1737662366120647,
-0.1449817374151925,
-0.11065800109564783,
-0.07464143320963701,
-0.03978483336327254,
-0.008038334826635185,
0.019425360256410507,
0.042087282203036036,
0.05997696245762152,
0.07358935263735045,
0.08381712074475212,
0.09188132436165786,
0.09923143448193861,
0.10737247678851547,
0.11757886449299793,
0.13054053205814586
],
[
0.434488706941373,
0.43875767632600216,
0.4457739092121642,
0.4581323358230544,
0.4784773825529275,
0.5084407428415827,
0.5478042883945488,
0.5945884247329221,
0.6458845056148339,
0.698733649433845,
0.7505734079637475,
0.799029622037161,
0.8411360485994591,
0.8726219014881748,
0.8886511215383397,
0.8859206903604473,
0.8643588831877838,
0.8278548163581649,
0.783558125106769,
0.7392300687209332,
0.6999215294706584,
0.6651976109529363,
0.6280525176178327,
0.5771333819905567,
0.5027316342478116,
0.40280681991552225,
0.2841266303569029,
0.15919521126841096,
0.041989661174429704,
-0.0558552315840376,
-0.1274403170354379,
-0.1710465942928806,
-0.18901249641325724,
-0.18602696579028766,
-0.1676257681105816,
-0.13918148345690695,
-0.10535637607889858,
-0.06988340088852885,
-0.03554416641342062,
-0.0042469957757828025,
0.0228574230242925,
0.045258880081515684,
0.06298638487321906,
0.07652690717219934,
0.0867576397489721,
0.09487504952698922,
0.1022923847163777,
0.1104661565856696,
0.12061961035646096,
0.13341696306429918
],
[
0.4487971876923314,
0.45458011591988445,
0.46279938950488664,
0.4759100963229747,
0.4964465264109265,
0.5259981582719685,
0.564402839363172,
0.609793225400745,
0.659365474992083,
0.7102510133583726,
0.7599887585341545,
0.8063058723602156,
0.8462634856459628,
0.875449570739658,
0.8887863439722797,
0.882830042082474,
0.8575093779768703,
0.8167205715019151,
0.767507076971645,
0.7175372495742401,
0.6720203315944908,
0.6312128562959127,
0.5894825288636567,
0.5370715750654823,
0.4649940331763036,
0.3706224316199939,
0.25943901829585403,
0.14257522168043113,
0.03284537488821282,
-0.05889365737498653,
-0.12605344433030685,
-0.1668280957187137,
-0.18324833600991397,
-0.17964074340856517,
-0.1612185887108033,
-0.13310429039644123,
-0.09978161935345131,
-0.06486373199623718,
-0.031056185361144628,
-0.00022208874330476025,
0.02651204873418933,
0.048645931367589434,
0.0662083544824007,
0.07967784434193426,
0.08991489731958335,
0.09808943988298668,
0.10557611524020682,
0.11378110477779602,
0.12387656377321077,
0.13650158097879816
],
[
0.46323660123118543,
0.4705617302701177,
0.48000104411334304,
0.4938680302531695,
0.5145932189215392,
0.5437320099306604,
0.5811779506120809,
0.6251695359174687,
0.6730015574702137,
0.7218915611914046,
0.7694803553080061,
0.8136007275027173,
0.8513407015882706,
0.8781407087119951,
0.8886772600933284,
0.8793725219346168,
0.850169110207281,
0.8049790437784946,
0.7507480152829611,
0.6950628910553693,
0.6433139075272173,
0.5964740857165909,
0.5502848872352613,
0.496535819494773,
0.426895729028095,
0.33813816455806717,
0.2344838829491429,
0.12571453315519066,
0.023502808465296177,
-0.062059605581753274,
-0.12470065475630143,
-0.16254692773456791,
-0.17733984855602758,
-0.1730525895037206,
-0.15457609785515292,
-0.12677802161670004,
-0.09395759643432466,
-0.059602542020212534,
-0.026337851608254415,
0.004021838494666752,
0.03037632077100927,
0.0522363705068275,
0.06963089603641881,
0.08302955282194202,
0.0932749959793091,
0.1015088470905906,
0.10906516037508762,
0.11729859478761795,
0.12733077360237555,
0.13977633571768933
],
[
0.47774107124472165,
0.4866266716077433,
0.49729407391377833,
0.511914703160057,
0.5328228507598722,
0.5615481225506171,
0.5980394196503858,
0.6406340923175831,
0.6867179533521828,
0.7335889021556538,
0.7789896627236468,
0.8208643356971406,
0.8563274648344108,
0.8806665189897801,
0.8883118825789412,
0.8755595930120478,
0.8423800808524474,
0.7927108878387363,
0.7334112842139403,
0.672000400084254,
0.6140676606728082,
0.5613121707188662,
0.5108267827566003,
0.45589023508033283,
0.3887619779511759,
0.3056162079713206,
0.20945344987971448,
0.10874132192012254,
0.014036984431565869,
-0.06531976447995913,
-0.12337906484776551,
-0.15821970768372995,
-0.1713138070476362,
-0.16629269781180334,
-0.14772781377216337,
-0.12022946182466587,
-0.08790763641554811,
-0.05411976186046108,
-0.021406165597271265,
0.008470056669201753,
0.034437047800357834,
0.05601779434466769,
0.0732416569449651,
0.08656903183862208,
0.09682368106490047,
0.10511736668967353,
0.11274197416515463,
0.1210000025906729,
0.13096346592717834,
0.14322328535147755
],
[
0.4922432530919761,
0.5026976932958707,
0.5145926299656932,
0.5299580718309842,
0.5510404239602744,
0.5793517136515689,
0.6148957289480167,
0.656101368513962,
0.7004367571291329,
0.7452728304043816,
0.7884534968711088,
0.8280413001060329,
0.861177900995219,
0.8829934930267203,
0.8876749223948774,
0.8714009497195079,
0.8341844356199052,
0.7799990834965435,
0.7156309507073767,
0.6485466430672819,
0.5845484889506343,
0.5260567773049983,
0.471471786911133,
0.4154933127127623,
0.3509119850843502,
0.27331539195199295,
0.18454045505318073,
0.09178740063793611,
0.004528472132101391,
-0.06863443841381256,
-0.12207949032449195,
-0.15385757251273535,
-0.1651927112848922,
-0.1593882188052973,
-0.140701248993784,
-0.11348417212954587,
-0.08165439392849527,
-0.048435016411036313,
-0.016278062407413585,
0.013107746573917112,
0.03868084881009726,
0.059977548158813176,
0.07702800256165254,
0.09028300408606049,
0.10054647764526836,
0.10889899811235682,
0.11658909889582814,
0.12486696485322779,
0.13475619444588993,
0.1468247523179368
],
[
0.5066748145749879,
0.5186966796620713,
0.5318103785805935,
0.5479060689732893,
0.5691511682154801,
0.5970480509134926,
0.6316547278481137,
0.6714842286092116,
0.7140775455787036,
0.7568698605248481,
0.7978044434016277,
0.8350705629743265,
0.8658399649961592,
0.8850831237527704,
0.8867472808463002,
0.8669037247103941,
0.8256232679305844,
0.7669269627662264,
0.6975417821606243,
0.6248976436183793,
0.5550191906386351,
0.4910301466301321,
0.4325740165995404,
0.37569231877169984,
0.3136535898034561,
0.24148660311473735,
0.15993447922806137,
0.07498545031217319,
-0.004938621651279673,
-0.07195894928534718,
-0.12078735146481157,
-0.14946667941213176,
-0.158994991267024,
-0.15236327856400467,
-0.13352183506583604,
-0.10656637869722518,
-0.07521973285816419,
-0.04256751672101611,
-0.010970315579908352,
0.017920085713549305,
0.04309423510112609,
0.06410280928659051,
0.08097710840964334,
0.09415802314073785,
0.10442881693192907,
0.11283778648696152,
0.12058930802522494,
0.12888150948951937,
0.13869096373277245,
0.15056345206679855
],
[
0.5209669285890668,
0.5345451721504555,
0.5488610519263851,
0.5656671771611059,
0.5870611557697494,
0.6145431130015705,
0.6482243233695693,
0.6866946029368288,
0.7275580177208985,
0.768303880996932,
0.8069715509654379,
0.8418859377366883,
0.8702556720459044,
0.8868919948249501,
0.8855058043388253,
0.86207195174655,
0.8167356500397491,
0.7535764483425373,
0.6792764279067651,
0.6012445282719191,
0.5257331158269156,
0.4565408746332191,
0.394472126820309,
0.3368175058636299,
0.27727804891734203,
0.2103685022679982,
0.13581853762621365,
0.05846639788904817,
-0.014278602122765327,
-0.0752450345100174,
-0.11948361329383372,
-0.14504876486195006,
-0.1527352754321596,
-0.14523905541279936,
-0.1262128921159884,
-0.09949889331292627,
-0.06862463149458053,
-0.036535966016000954,
-0.005499449702055403,
0.0228923294026514,
0.0476636884874726,
0.06838066747050153,
0.08507604829053073,
0.09818057418991322,
0.1084561512336154,
0.11691794644789877,
0.12472572581448016,
0.13302616203254358,
0.1427503287861397,
0.1544225975282154
],
[
0.5350507814998072,
0.5501648984234963,
0.5656589944457182,
0.5831510041220699,
0.6046779254225992,
0.6317442630081367,
0.6645131892579315,
0.7016441952785061,
0.7407946883891757,
0.7794969233541961,
0.8158813125472456,
0.8484174648979194,
0.8743624249377537,
0.8883722963928858,
0.8839233370488047,
0.8569063094864061,
0.8075579162392579,
0.7400265413267232,
0.6609628803642037,
0.5777698270782032,
0.49692918579832757,
0.4228777181746531,
0.35748300297644897,
0.2991760362210541,
0.24205499795226698,
0.18018362628677576,
0.11236599382440271,
0.042356997341967406,
-0.02340603094396332,
-0.07844220711388039,
-0.11814573357783709,
-0.14060174096271683,
-0.14642470880180214,
-0.1380339051599262,
-0.11879563841723029,
-0.09230306366826113,
-0.06188910839786055,
-0.03035847958353044,
0.00011833790721216264,
0.028009885802377288,
0.05237573507570703,
0.0727982011718522,
0.08931187741257185,
0.10233716721227704,
0.11261405699496829,
0.1211239686632134,
0.12898192600427194,
0.13728403086528285,
0.14691747391013954,
0.15838598245906232
],
[
0.5488581022812542,
0.5654783123317646,
0.5821197156935192,
0.600268870622074,
0.6219111241071743,
0.6485609407696031,
0.6804315003219507,
0.7162452282075451,
0.7537036354587381,
0.7903700331837967,
0.8244588950013042,
0.8545933034822502,
0.8780949298429241,
0.8894727449268691,
0.8819690890307823,
0.8514041661230365,
0.7981232153389184,
0.7263520851744836,
0.6427222752124937,
0.5546442272721355,
0.4688274358333348,
0.3903035773805206,
0.32189502279625265,
0.2630455895210723,
0.20822776470766058,
0.15113497468267933,
0.08973785984163729,
0.026777662016040593,
-0.032237428116351885,
-0.08149904849784584,
-0.11674859492198941,
-0.13612031001994174,
-0.14007130699678572,
-0.13076352583658868,
-0.11128923476914343,
-0.08499875079801522,
-0.055032167921609476,
-0.024052518277945745,
0.005867246243097868,
0.03325838451292662,
0.05721701410708202,
0.07734254923328598,
0.0936717098645623,
0.1066144220422075,
0.1168883258509773,
0.1254407101106949,
0.13334201182639072,
0.141638874037035,
0.15117627364308595,
0.16243804640340564
],
[
0.5623217183093385,
0.5804091537367293,
0.5981604604265767,
0.6169344213872858,
0.6386731720883175,
0.6649053769241843,
0.6958916961387129,
0.7304112326864238,
0.7662012998796621,
0.8008442195948595,
0.8326295386152781,
0.8603418012291038,
0.8813872556931096,
0.890139838050793,
0.8796093247564917,
0.8455599391495628,
0.7884613400366485,
0.7126228211783694,
0.6246670734000048,
0.5320238652955169,
0.4416252619620578,
0.3590499974456858,
0.2879607667159413,
0.22866783319154066,
0.17600931000235365,
0.12340319060453975,
0.06808053534771674,
0.011840585714878338,
-0.04069280117244878,
-0.08436440939711354,
-0.11526540066225799,
-0.13159658056199108,
-0.13368033321615613,
-0.12344115314250703,
-0.10371085838873173,
-0.07760433081913143,
-0.04807176407114877,
-0.01763483518497977,
0.011731930386416067,
0.03862373846473821,
0.06217434145951306,
0.08200097740197176,
0.09814278994272108,
0.11099914500545482,
0.12126504393095505,
0.12985346931913078,
0.1377906795148901,
0.1460751500947649,
0.15551133814478268,
0.16656392371046824
],
[
0.5753761441191305,
0.5948830381056508,
0.6137008070093878,
0.6330642686112804,
0.6548799548890736,
0.6806933276571928,
0.7108092745557429,
0.7440578868401049,
0.7782053382263566,
0.8108414548062888,
0.8403200347971018,
0.8655935704358076,
0.8841749365327323,
0.8903193713018436,
0.8768083719782555,
0.8393657770831191,
0.7785988281768692,
0.6989027380958767,
0.6068996507620171,
0.5100482232315794,
0.4154945527187512,
0.32931275550316846,
0.2558892493136383,
0.1962424765202725,
0.1455791390355462,
0.09714443925634264,
0.04752402647698106,
-0.00235182069146056,
-0.04869697916134219,
-0.08698849960801203,
-0.11366851765762787,
-0.12702067024504904,
-0.12725468654345995,
-0.11607777829103927,
-0.09607580102990931,
-0.07013671795915777,
-0.04102478116860819,
-0.011121434805178243,
0.017697552140463313,
0.04409219897037642,
0.06723476751777702,
0.08676093935233942,
0.10271255700529247,
0.11547839703174156,
0.12573065986892917,
0.1343480478799548,
0.14231326732414407,
0.15057805509174427,
0.15990804518509316,
0.17074947878601188
],
[
0.5879582091785105,
0.6088280866689584,
0.6286633055100564,
0.6485786764692648,
0.6704515414155989,
0.6958448246504128,
0.7251036109860214,
0.7571039069299978,
0.7896355298792765,
0.8202856964387057,
0.8474601957866352,
0.8702834970286957,
0.8863971034233722,
0.8899581674363342,
0.873529953514211,
0.8328125585135684,
0.7685593152604846,
0.6852497051823077,
0.5895113035209758,
0.48883866945539034,
0.3905798494694123,
0.3012491970147828,
0.22583959242488394,
0.16592346956465254,
0.11708150853456711,
0.07248906007926792,
0.028180668509345974,
-0.015708161427761436,
-0.05618073641677457,
-0.0893238520314591,
-0.11193025246095822,
-0.12238128338013954,
-0.12079529130902666,
-0.1086823805749777,
-0.08839758620905303,
-0.06261140579267999,
-0.03390702965326864,
-0.004527543968319669,
0.023749821800542525,
0.049650403909411556,
0.0723856292266648,
0.0916101319675815,
0.10736870368012974,
0.12003955332900651,
0.130272042133728,
0.1389107995550487,
0.14689579189101032,
0.1551335476939416,
0.16435256063324533,
0.1749813295105812
],
[
0.6000077293910901,
0.6221756087847335,
0.6429741673023219,
0.6634022933604332,
0.6853129232055588,
0.7102849299178142,
0.7386987942478441,
0.7694719903487716,
0.8004147451575631,
0.8291039123073612,
0.8539842443747511,
0.8743526222086663,
0.8879986206883075,
0.8890059995929206,
0.8697388534649242,
0.8258911845772728,
0.7583640993887141,
0.6717153646789126,
0.5725816604590687,
0.46849765129670023,
0.36699760153602856,
0.2749777689645366,
0.19792111833690162,
0.13781892333546142,
0.09062511682158514,
0.04954102402367144,
0.01014435735865915,
-0.028148952230681923,
-0.06308169835478339,
-0.09132615138710587,
-0.11002355061471192,
-0.11766625305881773,
-0.11430147864347995,
-0.10126216769933172,
-0.0806881006773631,
-0.055042523618793915,
-0.026733255257660016,
0.0021324064223462447,
0.029875031432414767,
0.05528541911884599,
0.07761459624131184,
0.09653654475043538,
0.112099227382637,
0.12467035484695743,
0.13487652639387926,
0.14352866828074118,
0.15152497360698292,
0.15972836408670543,
0.1688318491293892,
0.1792468605390275
],
[
0.6114682239043316,
0.6348608489902605,
0.6565640186022876,
0.6774649356468143,
0.6993947641022922,
0.7239444802082026,
0.751524463735385,
0.7810898049982452,
0.8104699860116357,
0.8372271007469991,
0.8598320667448607,
0.8777498143477851,
0.8889321600025766,
0.8874177173032383,
0.8654029406982913,
0.8185941087231493,
0.7480328604988561,
0.6583452478317013,
0.5561784760276736,
0.4491085130171362,
0.3448364802508679,
0.25057968230435407,
0.172199255171115,
0.11199458490179193,
0.06628423866263522,
0.028378171437480226,
-0.006509725978404046,
-0.03960718741581204,
-0.06934502838801859,
-0.09295492248429948,
-0.10792261192386843,
-0.11286304001536851,
-0.10777135276670691,
-0.0938228177146806,
-0.07295773562480345,
-0.04744290499780779,
-0.019517159762527103,
0.00884478979868264,
0.0360600801260349,
0.06098477315067674,
0.08290971118002521,
0.10152850333434127,
0.11689247521448753,
0.1293589518676843,
0.13953195369107418,
0.14818921631234327,
0.15618825250055757,
0.1643500241884408,
0.17333367642442088,
0.18353422799844676
],
[
0.6222876727432803,
0.6468238119112957,
0.6693687311670973,
0.6907024211849883,
0.7126341429299135,
0.736760800879441,
0.7635166263279448,
0.7918910105529247,
0.8197335153925185,
0.8445913181885631,
0.8649502868253804,
0.8804331164978048,
0.8891600788299782,
0.8851556074810271,
0.8604955762684943,
0.8109169981458163,
0.7375844580007861,
0.6451790690158161,
0.5403577642461976,
0.430735879893014,
0.3241586167389348,
0.22810214678964874,
0.14870231784316545,
0.08847913999752888,
0.044101048059942305,
0.009053151086236944,
-0.02172493390471142,
-0.05002859408567306,
-0.0749239012828905,
-0.09417407710348369,
-0.10560341745129553,
-0.10795918240893343,
-0.10120213593455041,
-0.0863687172037032,
-0.06521553350302589,
-0.03982416560785618,
-0.012271431540565314,
0.015596783523345481,
0.04229249176244576,
0.06673648563535062,
0.08825942406652099,
0.10657470715502182,
0.12173718240788212,
0.13409394014223353,
0.14422670022117512,
0.15288064367962473,
0.16087379597370044,
0.16898683050218932,
0.1778466046988637,
0.18783235692433797
],
[
0.632419300325019,
0.658010178196585,
0.6813303443189442,
0.703057440804591,
0.7249752642242601,
0.7486783651499848,
0.7746184252794028,
0.8018162839244917,
0.8281440909792054,
0.851138748858375,
0.869293138601683,
0.8823706215629615,
0.888655878173223,
0.8821920307006763,
0.8549983912206749,
0.8028603573856532,
0.727037718801457,
0.6322511466973024,
0.5251642220686075,
0.41342652307817107,
0.3050015582190596,
0.20756245204519952,
0.12742762240343863,
0.06726983450471846,
0.02408874857991472,
-0.008405062088419957,
-0.035462566592618594,
-0.059371598716113194,
-0.0797797737508037,
-0.0949523222641564,
-0.10304416661675408,
-0.10294269260998878,
-0.09459048728525032,
-0.07890319119840195,
-0.057469336796153514,
-0.03219678776984258,
-0.0050077841433495696,
0.02237636073152982,
0.04856042588523757,
0.07252908955483506,
0.09365262111989114,
0.11166426141933583,
0.12662250455661672,
0.13886439004847162,
0.14894969952195247,
0.15759180003975748,
0.16557049959112535,
0.17362786077850223,
0.18235998201475134,
0.19213093261565173
],
[
0.6418223537421467,
0.6683723217377306,
0.6923980931669387,
0.7144804381206104,
0.7363701046557095,
0.7596493720765529,
0.7847808283503314,
0.8108143039273674,
0.8356483047512202,
0.8568188771038469,
0.8728231351533866,
0.8835407013439053,
0.8874049246598917,
0.8785122590830179,
0.8489042054529948,
0.7944308861501322,
0.7164121258146886,
0.6195908986365096,
0.5106318837986529,
0.3972106033015041,
0.28738071001879206,
0.1889522957967531,
0.10834686904366608,
0.04833774029170723,
0.006235124915733969,
-0.02398921664471687,
-0.04770094754278831,
-0.06760703829848769,
-0.0838824676117026,
-0.0952634358685579,
-0.10022562512404487,
-0.09780239880820174,
-0.08793279206730542,
-0.07142872111525111,
-0.049725935531171106,
-0.024570209210310945,
0.0022629987381725947,
0.029172275478387744,
0.05485268230465279,
0.07835164778180859,
0.09907864811148415,
0.1167867035729353,
0.1315380439352366,
0.14365986928122543,
0.15369045784867086,
0.1623121899262665,
0.1702679819877223,
0.17826295552203142,
0.18686392691415954,
0.19642038694682618
],
[
0.6504628234410568,
0.6778704235262948,
0.7025295558140755,
0.7249304406044946,
0.746778957112837,
0.7696342161657144,
0.7939631998971926,
0.8188426313672877,
0.8422019853999936,
0.8615898473450841,
0.8755115525598742,
0.8839314082102633,
0.8854041105088722,
0.8741167379655255,
0.8422192514160739,
0.7856423303545895,
0.7057283288073345,
0.6072233621953157,
0.496784945486118,
0.38210318541931726,
0.2712920418087705,
0.17224198464389762,
0.09141085941306792,
0.031632475535593896,
-0.009493797627188938,
-0.03771155155588579,
-0.05843423236361278,
-0.07471765304940836,
-0.08721008439641531,
-0.09508641836906473,
-0.097131386466352,
-0.09252823080567674,
-0.08122541887329882,
-0.06394714777259303,
-0.041991210789190325,
-0.016952913876134623,
0.009531013508409125,
0.03597404223152045,
0.06115870008341251,
0.08419376428239944,
0.10452732855826874,
0.12193202452115948,
0.13647387025269564,
0.1484704596044243,
0.1584390634877918,
0.16703197230426936,
0.1749565748379197,
0.18288270124825046,
0.19134930905271275,
0.20069188054732623
],
[
0.6583140329609019,
0.6864736172269276,
0.7116919061637911,
0.7343757515860025,
0.756170832757398,
0.778601823723493,
0.8021337227659378,
0.8258684067009208,
0.8477715261061384,
0.8654201146943736,
0.8773387400544885,
0.8835389104919005,
0.8826603232268329,
0.8690209127652996,
0.8349633845343444,
0.7765156562782525,
0.6950084249220075,
0.5951696983727027,
0.48363869987118346,
0.3681059194896062,
0.2567148729205055,
0.15738431747253223,
0.07655361581436937,
0.01708636382038098,
-0.023150201126841186,
-0.04960141758984371,
-0.06767102395239055,
-0.08069740032878481,
-0.08974877272009352,
-0.09440553118886097,
-0.09374805145231446,
-0.08711145070911364,
-0.07446494353774524,
-0.056459857285616866,
-0.03427027194238408,
-0.009352522872752345,
0.016787183545852735,
0.04277191071027053,
0.0674685515603527,
0.09004559040957938,
0.1099889770623328,
0.12709068489926423,
0.14142053621885498,
0.15328676820006393,
0.16318619071965323,
0.17174195525643376,
0.17962730872059784,
0.1874784102842182,
0.1958077266445466,
0.20493728164521374
]
],
"zauto": true,
"zmax": 0.9467011954843386,
"zmin": -0.9467011954843386
},
{
"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.692994354296022e-06,
2.2028415765056147e-06,
2.866229883678204e-06,
3.729398352432554e-06,
4.852511011181743e-06,
6.3138503555892e-06,
8.215273746089953e-06,
1.0689313005882424e-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.00011426141253772724,
0.00014867137004306603,
0.00019344392634026088,
0.0002516997901283655,
0.0003274994751669172,
0.0004261263236648159,
0.0005544547624925005,
0.0007214294601814526,
0.000938688782612345,
0.0012213760031100258,
0.0015891948094037057,
0.002067782677737912,
0.0026904978401970136,
0.0035007443993213955,
0.004554997653699184,
0.005926740503884541,
0.007711585311544345,
0.010033938212454078,
0.013055670395116691,
0.01698740074503987,
0.02210317627048227,
0.028759573555516536,
0.03742055263793628,
0.04868979566145066,
0.06335278435066323,
0.0824315491666629,
0.10725590623460621,
0.13955614735503497,
0.18158364372009145,
0.23626776957937787,
0.3074200836506151,
0.4
],
"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.3353130599494128,
0.3146714023662619,
0.2948315688170968,
0.27784723843441944,
0.2651201120822905,
0.2562565203558258,
0.2486477054755181,
0.2383151541962165,
0.2213811408998911,
0.19524278111478682,
0.15921718062325674,
0.1149655471609345,
0.06741729391872485,
0.03140635135666159,
0.040483750776175366,
0.057515197086562164,
0.05889114045451008,
0.045993873351774246,
0.030253233731621487,
0.0338393453688496,
0.04786521063519234,
0.05956743291651886,
0.07015807044564835,
0.0810667487261957,
0.0960162157404856,
0.116967649259809,
0.13948021753529352,
0.15928733691017025,
0.17684275071067918,
0.19588838540171197,
0.21944729664635654,
0.24737339547980666,
0.2771880009498155,
0.3060351775583596,
0.33177927172483085,
0.35319145215853237,
0.3697477278533592,
0.38136041153736744,
0.38816008957833364,
0.3903550917006837,
0.3881676599260565,
0.3818415272726529,
0.3717174217424441,
0.3583726816463731,
0.3428101084608054,
0.3266456105325268,
0.3121696102433812,
0.30206939025809626,
0.29865608803229876,
0.30286253254580586
],
[
0.3301062815738215,
0.3080836003881843,
0.2868752672627995,
0.26884726915060203,
0.25575030466410786,
0.24734783354379974,
0.24085587952615342,
0.2319249392281162,
0.21635398675354245,
0.19138397472643243,
0.1563370433316131,
0.11299718983361512,
0.06648722584491659,
0.03156297143525882,
0.039527670968503334,
0.05518421476346763,
0.05598772181068419,
0.043730361477647854,
0.029338452311010055,
0.03163831005766653,
0.042511232151299184,
0.051595667839250695,
0.06077003227055942,
0.07068360251283035,
0.08529827366862386,
0.10667270331308285,
0.12929883240714266,
0.14853353923680715,
0.16537542963741544,
0.18441546502161488,
0.20903029836547943,
0.23870355520653133,
0.27039570128424734,
0.30090352439153395,
0.3279685679163532,
0.3503576322593651,
0.3675843454975894,
0.3796035338902206,
0.3865781353374684,
0.38873365452647773,
0.3862938674231549,
0.3794908098042124,
0.3686462461777583,
0.3543235073576763,
0.33753935026077037,
0.3199891499855305,
0.3041524177376499,
0.2930237029418272,
0.2892392140787599,
0.29387263906382527
],
[
0.3248011009845869,
0.30132308596228113,
0.2786424588854157,
0.2594672530586743,
0.24595556075413483,
0.23806802736101154,
0.23282269979764922,
0.2254451986889204,
0.2113805587710094,
0.18771820117228447,
0.15381768333330417,
0.11165944802827206,
0.06675891153881373,
0.034066377416454206,
0.04007133188105968,
0.05349020069544672,
0.05349700994258661,
0.042284972606858505,
0.03029559983206407,
0.03144815528057845,
0.03847097165981441,
0.04444196047995353,
0.05204477873729044,
0.06082953728142746,
0.07506441224937334,
0.09685712926904443,
0.11941916133419586,
0.13779371601038065,
0.15366982461661988,
0.1726388727701766,
0.19842747947088046,
0.23000134720229368,
0.2636679749324871,
0.2958737876179528,
0.3242617876541824,
0.34761437610174944,
0.3654939848496725,
0.3779029933946422,
0.3850382277037888,
0.38714191657165076,
0.38443753247050394,
0.377142169567346,
0.3655535732056591,
0.35021379943520203,
0.3321447327912485,
0.31311497778326,
0.29580027768443323,
0.2835364671791624,
0.2793382067877629,
0.2844470541017209
],
[
0.31941711349969554,
0.2944116538549936,
0.27015026870134495,
0.24971241787855716,
0.23573119410648746,
0.22841398835406468,
0.22455220838634815,
0.21888054594353823,
0.20645453059478144,
0.18421530340915837,
0.15158537792927987,
0.11079048554511152,
0.06783548122311844,
0.037735274740215326,
0.04151803916360215,
0.052185630229296884,
0.051198353104887996,
0.04131347224850153,
0.03226941623087721,
0.03263398308457066,
0.03571690777679226,
0.03825419844584026,
0.04415034244320704,
0.051658465352070075,
0.06548196884003861,
0.0876720415080384,
0.10994086091030594,
0.12711826557905778,
0.14174087425508328,
0.16058111148174703,
0.18769417548050304,
0.22133492909833608,
0.2570640150742804,
0.29098982241316396,
0.3206892977195005,
0.3449823010546591,
0.36349087036719435,
0.37626919015025323,
0.383548869015979,
0.38558800151365985,
0.3826077000057707,
0.3748067415518088,
0.3624535773726934,
0.346061090684791,
0.32664592252158936,
0.3060409103977988,
0.2871226303562914,
0.27360477646495474,
0.26894412273283813,
0.27458372667917724
],
[
0.31397653925689684,
0.28737551909369685,
0.26142136785652287,
0.23959261054566247,
0.22507547382200427,
0.21838607417924658,
0.21605306095233762,
0.2122394286607217,
0.20157122475349212,
0.18084428818403764,
0.14956262806993517,
0.1102197200514068,
0.06931203676615132,
0.04163051432823234,
0.04330085245389426,
0.0510397082962536,
0.048897988347654395,
0.040497594478266355,
0.034526518022206514,
0.03447975418562279,
0.03408423249910147,
0.033188872512028025,
0.03728661763278356,
0.04336080478001155,
0.05676110013904394,
0.0792900880508256,
0.10097599929685692,
0.11656746529147562,
0.12960823746703148,
0.14827487986198462,
0.17690315946117016,
0.21278615098619802,
0.2506502317819341,
0.2862985782178907,
0.31728260328851443,
0.3424823632077044,
0.36158928845089067,
0.3747125346505483,
0.38211862625552756,
0.384080226097034,
0.3808138289566442,
0.37249644562585993,
0.35936183179617454,
0.34188526864413504,
0.32106622086145364,
0.2987895617129365,
0.2781336887899265,
0.26322877508629505,
0.2580498717218091,
0.264283813721998
],
[
0.30850416210444936,
0.28024561766230793,
0.25248479357247017,
0.22912320809604086,
0.21399017869983855,
0.20798889774796986,
0.20733960805156804,
0.20553504273361128,
0.1967285885503188,
0.1775753372497502,
0.14767336975444212,
0.10978290844961684,
0.0708323009465387,
0.045165510614369075,
0.044986156555229494,
0.049867592679921476,
0.04645334565730085,
0.03959857326797983,
0.036602268759378206,
0.036427822411132765,
0.0332886231760223,
0.029370541345308736,
0.03167135579259694,
0.03617330577366489,
0.04916302298726988,
0.07190076490063835,
0.09264984595960604,
0.1062161231446172,
0.11729894281913848,
0.1357674932317624,
0.16614947193076662,
0.2044519609627788,
0.2444998961367823,
0.2818494704647801,
0.31407386503623885,
0.3401355436508559,
0.3598033909338493,
0.3732433209530261,
0.38075604133915386,
0.3826270267979195,
0.3790657235572405,
0.37022392155995315,
0.356295266833459,
0.337708621548206,
0.3154328307756959,
0.29138898601913793,
0.26885336134264165,
0.25241231875652287,
0.24665055152408216,
0.2535523771656688
],
[
0.3030271761307146,
0.27305783724086574,
0.2433768464539583,
0.21832621773312946,
0.20248123159370388,
0.19723226167610503,
0.19843314176570045,
0.19878625279476703,
0.19192809141530612,
0.17438168926050301,
0.14584773743734183,
0.10933428067269281,
0.07211466784569621,
0.04800508721941076,
0.04628544631270266,
0.04854649125857384,
0.0437894915159692,
0.0384818040386957,
0.038262442792145065,
0.0381288683553599,
0.0329920603159185,
0.026816002945305114,
0.027487485459631936,
0.03037653583446798,
0.04299241814546531,
0.06569623434005802,
0.08510061341639046,
0.09616091144667478,
0.10485182689015796,
0.12312775372056553,
0.15555644200913077,
0.19644535421063078,
0.2386923069646224,
0.27769352035952555,
0.3110953221155076,
0.33796249801338757,
0.3581469835370072,
0.3718715922816893,
0.3794695353754469,
0.38123687876091683,
0.3773734522977803,
0.36800244323948494,
0.3532720951936275,
0.33355583833437535,
0.30977708756181005,
0.2838733648628725,
0.25930835502530414,
0.24116379768388235,
0.23474383305344215,
0.2423992534980525
],
[
0.29757492030098853,
0.2658531401436525,
0.23414205490988443,
0.20723162603244083,
0.19055944021319135,
0.1861322992492168,
0.189363338509547,
0.19201847958522478,
0.18717547039065047,
0.17124123371154892,
0.14402596740992013,
0.1087548944614766,
0.07295661130083772,
0.04996866128607908,
0.047029943565927,
0.04702085658613653,
0.040909940305274735,
0.03712212764807117,
0.0394336229529702,
0.0394027564382139,
0.03287758835553742,
0.025359671549338096,
0.024777750152269993,
0.02624250742409554,
0.03854434995080682,
0.06084303733073904,
0.07847675367775159,
0.08653162942321457,
0.09232530589540928,
0.1104570241646439,
0.14528286040208369,
0.18889543437494713,
0.23331135776542458,
0.27388225301220226,
0.3083786297017444,
0.33598317673063366,
0.35663330384321107,
0.3706070016666497,
0.37826730839277783,
0.3799182078546361,
0.3757472547004774,
0.3658458109564968,
0.35031169914515536,
0.3294539512411089,
0.30413463251670814,
0.27628372260461087,
0.2495334979099058,
0.22949718307712427,
0.2223304112252495,
0.23084015944906336
],
[
0.29217848181725914,
0.2586775303176374,
0.2248341816336442,
0.19587908111055333,
0.1782413876341693,
0.17471291030714114,
0.18016993439700016,
0.1852645019587691,
0.1824812506539876,
0.16813768238568524,
0.1421611765626442,
0.10795735319338401,
0.07322886890144574,
0.05097246467195768,
0.04714161851323906,
0.04530022382291709,
0.037904438491359736,
0.03559962454041438,
0.040151064753426155,
0.04019145972322154,
0.03270015282184187,
0.024662433370641695,
0.023343931716826485,
0.023886058184650494,
0.03598040332651861,
0.05744067180603359,
0.07292964588323378,
0.07750769822638177,
0.07981182969958008,
0.09790771845883262,
0.13553073202299684,
0.18194599182768542,
0.22844340197282523,
0.270466363274807,
0.3059541274077636,
0.3342164262133918,
0.3552747943413564,
0.36945867066216176,
0.3771572363213314,
0.37867929697383346,
0.37419743650280657,
0.36376822122159347,
0.34743447600618627,
0.3254322088862738,
0.29854550284362275,
0.2686686438903341,
0.23957332369712808,
0.2174333881501995,
0.20941454545625696,
0.21889812790171873
],
[
0.2868701507966387,
0.25158180546431547,
0.21551722255489913,
0.18432002440818968,
0.1655505452310261,
0.16300763301182833,
0.17090467043974913,
0.17856510391722188,
0.17786097220039152,
0.1650612175557384,
0.1402208879721884,
0.10688749794045178,
0.07286687394660281,
0.0509989591047045,
0.04661099685389129,
0.04345191338412774,
0.034953676696109354,
0.034088434117673955,
0.04052356326771337,
0.04052646897117265,
0.03231086931746789,
0.02433365081348506,
0.02277533027217294,
0.023089264871587505,
0.035187886203752294,
0.055481084241162375,
0.06859937553265728,
0.06933992860242488,
0.06746677317403978,
0.08571496736639503,
0.1265518554783812,
0.17575187852032167,
0.22417436843816926,
0.26749418378865686,
0.30385006298406547,
0.33267958361958616,
0.35408287694036256,
0.3684350495414082,
0.3761467672540232,
0.37752818799725885,
0.37273425426450213,
0.3617841142393166,
0.34466163901235336,
0.3215218676853561,
0.29305410556448525,
0.2610849495025319,
0.22948396244201866,
0.20500208184115326,
0.1960047289871372,
0.20660541491149328
],
[
0.281682713353116,
0.24462102563106403,
0.20626630983047103,
0.17262043190686657,
0.1525187340082953,
0.1510621796603811,
0.16163353356827,
0.17196947349360914,
0.1733350625426948,
0.16200855632337172,
0.13818728037877825,
0.1055237404741363,
0.07186287274685117,
0.05008170431495054,
0.045482443542428,
0.04158878512061997,
0.03232392673801615,
0.03283197796560708,
0.04070629777590567,
0.0405091760731161,
0.031667599133600836,
0.024070217997787816,
0.02261702476569172,
0.02333078182689089,
0.03576978723110132,
0.054834204540969836,
0.0655932311456576,
0.062372164222727795,
0.055570639854479,
0.07425064841403727,
0.11864931382726755,
0.17047248402086843,
0.2205861734919916,
0.2650100191024628,
0.30209180347742104,
0.33138808000516545,
0.3530677359663663,
0.36754378261305315,
0.37524281920332714,
0.3764725810786865,
0.37136779088363875,
0.35990800003740886,
0.3420149719950889,
0.3177558903806083,
0.28770903807835396,
0.253598264048025,
0.21933537300971095,
0.19224416828179644,
0.1821145535627502,
0.19400609139040378
],
[
0.27664857780100416,
0.2378536236938882,
0.1971683719773189,
0.1608643760602839,
0.13918816030755696,
0.13893801133247513,
0.15243928123333392,
0.16553523027025832,
0.16892830956162672,
0.15898241492849555,
0.13605621379033297,
0.1038745323501901,
0.07025970989848954,
0.048299269566169825,
0.04384532186138014,
0.03985077345490714,
0.03033257914364227,
0.03209207544101762,
0.0408745909734382,
0.04029761334932615,
0.030842130819058566,
0.023730283023510473,
0.022529237504004932,
0.024040116444282947,
0.03720725910631082,
0.0552754763337961,
0.0639615120014437,
0.05704294484762932,
0.04466983766958495,
0.06410820428823395,
0.11216698689937875,
0.16626194858828447,
0.21775260878699276,
0.26305243952812374,
0.3007010723564581,
0.3303550679855198,
0.3522381169577781,
0.36679158241343446,
0.3744516816985204,
0.3755197331895808,
0.3701078239914128,
0.3581542652138282,
0.339516538101221,
0.31416854261600824,
0.2825627144151391,
0.2462833790337993,
0.20921392493857185,
0.17921526468461713,
0.16776388713010812,
0.1811596459297746
],
[
0.27179873990446785,
0.2313400850663319,
0.18832232179202915,
0.14915866660289,
0.12561444763290078,
0.12671757435001932,
0.14342414529811837,
0.15932792413346583,
0.16466890988805402,
0.15599040477828807,
0.13383514062162474,
0.10197423045874884,
0.0681460028182362,
0.0457753891700504,
0.04182934917314119,
0.03837919588088816,
0.029259845945202295,
0.03206849500437214,
0.041195581789655655,
0.04009234274799915,
0.030024784738351216,
0.023348748248746182,
0.022346441950187517,
0.024800672434360443,
0.03904176471703948,
0.05654305576681488,
0.06368090299373858,
0.05382585652109897,
0.03587389147833545,
0.056195779458898046,
0.10745838912633292,
0.16325651625808493,
0.21573503644151687,
0.26165265319387593,
0.299695254885591,
0.3295910904221766,
0.3516011484996293,
0.3661841164780212,
0.37377892361730813,
0.3746763580302477,
0.36896368967109117,
0.3565369633301271,
0.3371883450342736,
0.3107948822046234,
0.27767075570841887,
0.23922427893649045,
0.19922527244693386,
0.16599070154384052,
0.1529805821059282,
0.16814609884205808
],
[
0.2671616078695508,
0.22514113896942464,
0.17983843695996188,
0.1376388289512901,
0.11187148787755521,
0.11451223777577103,
0.1347124206382584,
0.15341981670450633,
0.16058709794791845,
0.1530434426896019,
0.13154006754868697,
0.0998774326898478,
0.06565168068503821,
0.04268456147069339,
0.03960239524030818,
0.03728592034964777,
0.029218742548599224,
0.032818319316073555,
0.04179992974366675,
0.04011473813436047,
0.029514388437592663,
0.02311992318731671,
0.02206385958233622,
0.025387911812954255,
0.040957742994132525,
0.058394475467248956,
0.06465568576945116,
0.05307583994709015,
0.03116886595581566,
0.05169010864670295,
0.10483046048046216,
0.16156057999996018,
0.21457835670632416,
0.2608330882743394,
0.29908681423246414,
0.3291038058848656,
0.35116219385402236,
0.3657259101741136,
0.37322930960720696,
0.3739485295669958,
0.3679441443859597,
0.3550695930838451,
0.3350519719381716,
0.30767014119920816,
0.2730911078999976,
0.23251365972489696,
0.18949733334901409,
0.15267286983700346,
0.13780313726961435,
0.15507338540210752
],
[
0.2627617254226406,
0.2193154373252334,
0.17183648311378058,
0.12647652217522465,
0.09805980173135553,
0.10247463767225652,
0.1264522932544154,
0.14788774358330628,
0.1567133998378212,
0.15015380964264538,
0.12919180068028008,
0.09765179232048632,
0.06294217358746604,
0.039262989061958076,
0.03736793541812657,
0.036624890483525824,
0.03007732680059246,
0.03422991747384987,
0.04276030740738032,
0.040574055390354524,
0.029668154301348417,
0.023345260221979674,
0.02179625325663422,
0.025726581156950076,
0.0427826218797094,
0.06064148966749873,
0.0667380558859466,
0.05484745264741358,
0.03243253645850485,
0.05155668364174726,
0.10447309165862573,
0.16123410651595804,
0.2143077785619971,
0.2606063141833562,
0.2988828568013567,
0.32889778465839997,
0.3509247382435176,
0.36542026868262134,
0.3728067273196999,
0.3733415915219497,
0.3670572283730999,
0.35376486946742386,
0.333128165949317,
0.3048290081201352,
0.2688828613294047,
0.22625173774116009,
0.18018295194515788,
0.1394021893445426,
0.12228518532098419,
0.14208811632776006
],
[
0.2586184502674542,
0.21391675397982776,
0.16444204395330317,
0.115887926680287,
0.08432206856621881,
0.09081805065414268,
0.1188156951601794,
0.14280988426309,
0.15307660337922172,
0.14733304099897424,
0.12681178902047363,
0.09536942849850817,
0.060208768107543005,
0.035823051100134784,
0.035356944858925626,
0.036377081562567,
0.03151516396071072,
0.03607135973654843,
0.04408415285822651,
0.04162782938285814,
0.030794246017611566,
0.02433009927686351,
0.02172703894975299,
0.02584234293499662,
0.04445783230530461,
0.0631607486849529,
0.06975773077687523,
0.05885187128409166,
0.03903330647268724,
0.05580619518680024,
0.10640458948028002,
0.16228456550153292,
0.21492687760234735,
0.26097440791117216,
0.2990848770554153,
0.3289743859362077,
0.35089031636249157,
0.3652692206616103,
0.3725141274536558,
0.37286007512843694,
0.3663101340329073,
0.35263449408512304,
0.3314364194174912,
0.3023048264688726,
0.2651047674857718,
0.22054413745861384,
0.1714614481692786,
0.12637355249511995,
0.10650373060096205,
0.12939118568138436
],
[
0.25474466295582654,
0.20899081631733302,
0.15778054499441513,
0.10614113646375556,
0.07087417738099035,
0.0798460359872663,
0.11199422165329664,
0.13826136804109912,
0.14970158659783966,
0.14458986941722762,
0.12441796810668371,
0.09309735507647839,
0.05765215591713174,
0.03276145730061687,
0.03380621897237372,
0.036456269686282815,
0.03315295581355968,
0.03807115944921448,
0.045723143442437955,
0.04335012552672277,
0.03302957235238389,
0.026255955452380093,
0.02205584626392255,
0.025834279376218915,
0.04600930575887425,
0.06588821989992384,
0.07354803228253191,
0.06460202058825446,
0.04873358714852607,
0.0634774643153347,
0.110464997094781,
0.16466567540265944,
0.21641725677814533,
0.2619288312177039,
0.29968870027811867,
0.3293317227800211,
0.3510584830987893,
0.36527348543214705,
0.3723534782892233,
0.3725076273608382,
0.36570908298893373,
0.3516889315633301,
0.32999454157903696,
0.3001287353564568,
0.2618134785453447,
0.21549868186186757,
0.16353773164950078,
0.11386051239127142,
0.09057573969167765,
0.11725967541206504
],
[
0.2511455945294945,
0.20457197541460428,
0.15196869878613467,
0.0975574483810404,
0.05807145402239819,
0.06999309384752324,
0.1061885201925485,
0.1343088438094632,
0.14660719295979324,
0.1419284601192267,
0.12202107297883023,
0.09088780722760004,
0.05545711059735894,
0.030531595911097806,
0.03291682647441936,
0.036732873734657535,
0.03465140207039975,
0.03998213377859569,
0.047594589915866015,
0.04572353175782757,
0.03630020943731066,
0.02911658760274862,
0.022955539867619248,
0.025869242077645148,
0.04752341405614818,
0.06880567372982213,
0.07796134920916033,
0.07159743853047784,
0.05990020259552221,
0.07337570987200819,
0.1163616626944077,
0.16828335081403745,
0.21873986821305938,
0.26345083213784387,
0.30068462762954123,
0.32996471676576816,
0.3514268286474435,
0.3654324647331619,
0.3723257360007081,
0.3722869516508038,
0.36525921548455176,
0.3509371994653703,
0.32881824075049143,
0.29832878771446014,
0.2590615740490223,
0.21122101406328148,
0.15663710349763113,
0.10224845912638683,
0.07469517283276968,
0.10607479342489728
],
[
0.24781786681285373,
0.20068001179608955,
0.1471036637126715,
0.0904965152644462,
0.04655362158805487,
0.06186207563648281,
0.10158887824509746,
0.13100443579207954,
0.1438043709005011,
0.1393471673318686,
0.1196219053165318,
0.08876980495967342,
0.05376008296694339,
0.02953326398536927,
0.03280028008798438,
0.03706517719901464,
0.035751840973293154,
0.0416146024879066,
0.04960620013232406,
0.04865803608765767,
0.040391235208936845,
0.03276178460641401,
0.024541729342756828,
0.02617974420200155,
0.049125140394999364,
0.0719244991053578,
0.08287406147315801,
0.07942433490622984,
0.07169360179394378,
0.0845702805313989,
0.12373938523208435,
0.1730071107979737,
0.22183777995322493,
0.2655123295334858,
0.30205777321156946,
0.3308652394001209,
0.35199103731527814,
0.3657442592405636,
0.37243083158356216,
0.37219976281482486,
0.3649644956059192,
0.3503866792326148,
0.3279207345777794,
0.29692908980893706,
0.2568954819209615,
0.20780916948875022,
0.15099363835638915,
0.0920716440462692,
0.05922560685381213,
0.09634884414140471
],
[
0.2447488342475135,
0.19731743526162795,
0.1432510869574143,
0.08531176504374262,
0.03752309552607822,
0.05619910730967513,
0.09834722059161362,
0.1283798362805475,
0.1412947946045832,
0.1368379948918771,
0.11720997634473955,
0.08674351038765077,
0.052618183002221645,
0.029927418353043335,
0.03344165429149495,
0.037327646753021665,
0.036282584911297114,
0.04284873128093029,
0.051677156330645194,
0.05202441093918624,
0.04504594846276803,
0.0369852283730045,
0.026854921761006557,
0.0270355791662259,
0.05095398704009585,
0.07526964240008606,
0.0881845972280638,
0.0877735311227106,
0.08369119729724682,
0.09644944809810176,
0.13224192242681848,
0.17868394821641126,
0.2256399593135176,
0.2680771922602969,
0.3037885695103983,
0.3320223328264278,
0.3527449874841777,
0.36620570918567324,
0.37266767473768403,
0.3722467575501829,
0.3648276354693656,
0.35004295536482977,
0.32731240623893154,
0.2959490111587301,
0.25535344055847675,
0.2053474837455925,
0.14683079435795968,
0.0840289261976922,
0.044958813495882634,
0.08872707262332698
],
[
0.24191629951936233,
0.19446764146424225,
0.1404341464953908,
0.0822700582402508,
0.03291764105579477,
0.05369150768269972,
0.09654582551019585,
0.1264415254618801,
0.13907014356902309,
0.13438686437480413,
0.11476379719175762,
0.08477868343233887,
0.05199284970655655,
0.031533961571929406,
0.034709703280623526,
0.03743185289519809,
0.03615557288872682,
0.04363804161822071,
0.053752270359046866,
0.055685955990617673,
0.050028540849425124,
0.04158524901730467,
0.029857830034048162,
0.028671201253174974,
0.05313626719144862,
0.07886533198080581,
0.09380845714869085,
0.09642267037363025,
0.09566374946153734,
0.10862741748084011,
0.14154914398674906,
0.18515170389564534,
0.2300655465975912,
0.2711027928028279,
0.305853407124411,
0.3334224984504391,
0.35368088855033364,
0.36681245758887465,
0.3730341745408309,
0.37242760142190146,
0.36485004099283347,
0.349909689301999,
0.32700052355547155,
0.295402515089916,
0.2544636752863032,
0.2039005070458706,
0.14433531306876232,
0.07891594030223777,
0.033839047158170536,
0.08391471277991636
],
[
0.23928864804229644,
0.19209421737849364,
0.13862621452838772,
0.08145790980315636,
0.0342195139624642,
0.05458267904386571,
0.09617340362790067,
0.1251681071532293,
0.13711214005027758,
0.1319746903800106,
0.11225287309056466,
0.08281778275705298,
0.051757638202073575,
0.03394491201573727,
0.03640947939836025,
0.03734040915570032,
0.03536578974137868,
0.04401079011833375,
0.05580893998977017,
0.059519676704806734,
0.05514587937782246,
0.04638640540382245,
0.03344549911726598,
0.03119362361482359,
0.05575773763974213,
0.08272387069467727,
0.09967281330694805,
0.10521238738432107,
0.10747579308918853,
0.12085802352276567,
0.15139164570943112,
0.19224996975637812,
0.23502811615960714,
0.274541702758543,
0.3082253681596564,
0.33505003921847754,
0.3547894492958555,
0.3675590338921741,
0.37352727624723076,
0.37274093278195736,
0.3650317812056847,
0.34998853329414836,
0.3269890356496216,
0.29529765610273256,
0.25424296655894246,
0.2035078021710089,
0.14362935322248258,
0.07740249620839655,
0.02991045444017314,
0.08248514999288303
],
[
0.23682541209520452,
0.19014154638863157,
0.13774932820840874,
0.0827285624588496,
0.040432947759887074,
0.0584514079852787,
0.09711955596625547,
0.12451042120066527,
0.1353933376346633,
0.12957915125648795,
0.10964122392512647,
0.08078324726591415,
0.05172740009260198,
0.03671860925264546,
0.03834231378973487,
0.037075715612643195,
0.033998595639433915,
0.04407090616754546,
0.05785783212800728,
0.0634261948755655,
0.06024735011590914,
0.05123930913543011,
0.03746276128056208,
0.034536287761363346,
0.05884431816348005,
0.08683846918158689,
0.10571204078659775,
0.11402674808002898,
0.11904132310714208,
0.13297971151398053,
0.1615513466153212,
0.1998277564185319,
0.240439533436986,
0.27834340353309855,
0.3108750104450659,
0.3368874395553912,
0.3560600711563875,
0.36843895516746833,
0.37414301308186665,
0.3731843835567849,
0.3653715822716529,
0.35027908800345614,
0.32727845818523504,
0.2956362808017951,
0.2546957628693083,
0.204180517662184,
0.14474915497466098,
0.07971834070062114,
0.035702143345655246,
0.0846326273992029
],
[
0.23447823928826805,
0.18853668044113628,
0.13767920193469443,
0.0857320623435837,
0.04928446672663468,
0.06445335715942198,
0.09919115888733414,
0.12439450198984178,
0.13387854247343853,
0.1271769433505179,
0.10689205587617563,
0.07858765315654116,
0.051696019804560005,
0.039494849495269824,
0.04034527485277264,
0.036723817093009835,
0.03224705278160033,
0.04399625090584626,
0.059938344391047595,
0.0673315563641247,
0.06521732511935403,
0.05601394768788147,
0.041724477775545464,
0.038497123652652954,
0.062357195610992844,
0.09118052710393829,
0.11186468949793754,
0.12277942840022577,
0.13030281716383357,
0.14488345649418732,
0.17185567195640625,
0.20774808190090932,
0.24621316681118585,
0.2824559056847918,
0.3137711614799324,
0.3389157664544782,
0.3574810592656551,
0.3694448416234484,
0.37487657149215664,
0.3737546163349831,
0.36586684654860496,
0.3507789057709433,
0.3278658536128885,
0.2964139550875716,
0.25581393884154624,
0.20590038842016947,
0.1476382308584867,
0.08551882457005712,
0.04772930370543237,
0.0900698207594219
],
[
0.2321922078608535,
0.18719226751164547,
0.1382556428674453,
0.09000916592189583,
0.059152685265876,
0.07172498388570449,
0.10214363742232165,
0.1247268113692541,
0.13252665641938088,
0.12474623331629266,
0.1039730869686663,
0.07614510508469587,
0.05146974552710254,
0.04202160957736915,
0.04230594135543459,
0.03643072350296235,
0.030436588166704404,
0.04402830041935331,
0.062109835601531584,
0.07118444779641682,
0.0699669297808323,
0.060593579485952995,
0.04603422969844946,
0.04281415455826222,
0.06620244016291783,
0.09570101989319409,
0.11807192176311838,
0.13140455175373592,
0.14122057800848886,
0.15649419704007195,
0.182169914180717,
0.21589010918178916,
0.2522663573006725,
0.28682719841894533,
0.31688168596296773,
0.34111507581205186,
0.3590398439891741,
0.37056854284862845,
0.3757223679834811,
0.3744473767091478,
0.36651369613516877,
0.3514835395246266,
0.3287449076103828,
0.29762012325634857,
0.2575772266026284,
0.2086213628477442,
0.15215789535155114,
0.0940814481851138,
0.06234865373447679,
0.0981760251780732
],
[
0.22990740805128523,
0.1860101930210397,
0.13929585992512772,
0.09508948384547296,
0.06917523421109296,
0.07958831701091627,
0.10571477657631498,
0.12540073397079765,
0.131292678870792,
0.12226898453137315,
0.10086199166636983,
0.07338243753961807,
0.05089003361054796,
0.04414298300836942,
0.04416071306018081,
0.036385631304960066,
0.029037677933721934,
0.04444497162099322,
0.06443986322176125,
0.07495140514460949,
0.07442735027343104,
0.06487122553522144,
0.0501982185498369,
0.04722186390021008,
0.07024945802480137,
0.10033500068863498,
0.12427720170549567,
0.1398508266255668,
0.15176695997577347,
0.16775984720992018,
0.19238993242788985,
0.22414956969523137,
0.25852216015990065,
0.2914064807746084,
0.3201741977746891,
0.34346480961907444,
0.3607232058743036,
0.37180127111370626,
0.3766741354155824,
0.3752575593969879,
0.3673070395094601,
0.3523866353496559,
0.32990609756529754,
0.2992384868465163,
0.25995427040053504,
0.21227353354413647,
0.15811083216330735,
0.10461836281400645,
0.07794833009483203,
0.10824668710325679
],
[
0.2275606974256115,
0.18488554124489529,
0.1406078703299072,
0.10055332071669107,
0.07889644082570482,
0.08756589709829327,
0.1096514051871597,
0.12630322538584604,
0.13012960092825296,
0.11973283092122326,
0.09755145223502548,
0.07024937127130368,
0.0498464237944754,
0.04577993582221441,
0.04588507103473364,
0.036785920487766285,
0.028611313844891323,
0.045511801725406094,
0.06699124401233902,
0.0786116415028112,
0.07854513236053227,
0.06874867896846042,
0.05403403166481559,
0.05147847618117354,
0.0743512201631673,
0.1050079175992279,
0.13042692487637217,
0.1480779092563936,
0.16192307262305622,
0.1786445723075236,
0.20243595462359948,
0.2324381185124257,
0.26491044205367414,
0.296145153429807,
0.32361669526131637,
0.3459441718041257,
0.36251749748500484,
0.37313373810435924,
0.3777250164797832,
0.37617928630683706,
0.3682406590978512,
0.35348006492615225,
0.331336943999414,
0.3012475748975397,
0.26290418652763725,
0.2167686377787691,
0.16526919641374022,
0.11646401311522295,
0.09386212534286667,
0.11966098419287531
],
[
0.22508753914493043,
0.18371050830904767,
0.14200189751852477,
0.10605457008538648,
0.08805624044539019,
0.09533194715901745,
0.1137255530809357,
0.1273207182072286,
0.12898996817615946,
0.11713220046817807,
0.09405334237054086,
0.06672741000829546,
0.04828293521773224,
0.04691389857281659,
0.04748090144527822,
0.03778729544853551,
0.029624332107972322,
0.04742075399692303,
0.06981030136054585,
0.08215245579342431,
0.08227933260162844,
0.07213735850361609,
0.05737573024139313,
0.05537527355523713,
0.07836156560306622,
0.10964251299581286,
0.13647165946961556,
0.15605423325573015,
0.1716768221071726,
0.1891245194457851,
0.2122475917212208,
0.24068210556168937,
0.27136845003392823,
0.30099757202393335,
0.3271781066113474,
0.34853247308992674,
0.3644088563819375,
0.37455629164700077,
0.3788676620129144,
0.3772059944359581,
0.3693073169639617,
0.3547540924939743,
0.3330223317398838,
0.3036214648103664,
0.26637846568274226,
0.22200621748201277,
0.17339949425346507,
0.12911833266566353,
0.1097742455928672,
0.13193476102117127
],
[
0.22242384400723803,
0.1823779809899523,
0.14329875284389593,
0.11131988052012178,
0.09649380570463936,
0.10266379651442314,
0.11774145693840082,
0.12834376800515054,
0.12782696421310447,
0.11446844712743148,
0.09040157280629701,
0.0628377644529125,
0.04620163028807961,
0.04757404909592132,
0.04896355460569904,
0.03945745903712691,
0.03221379286890418,
0.05024328050744462,
0.0729186643618937,
0.0855657559769944,
0.08560022973992754,
0.07496035480936679,
0.06007683420313339,
0.0587383350914736,
0.08214799783465802,
0.11416538164154642,
0.14236769764246512,
0.16375578586289033,
0.18102171215851454,
0.1991850039367609,
0.2217799230203091,
0.24882108949914705,
0.2778409742600601,
0.30592157846764456,
0.3308287392910904,
0.35120943792086534,
0.3663834044689651,
0.3760590492992648,
0.380094331828099,
0.37833053130544597,
0.3704988753115619,
0.35619756982281336,
0.3349448847301566,
0.30633060553092445,
0.27032303893537013,
0.22787959879440356,
0.1822802176901114,
0.14222271353868052,
0.1255114252580491,
0.14471036999059722
],
[
0.219507756612329,
0.1807846042103825,
0.14433515381752918,
0.11613830336993809,
0.10410389141960551,
0.1094076856599138,
0.12153654550200649,
0.12927029865024148,
0.1265949591959679,
0.11174883323354115,
0.08665306451009343,
0.05864882620206737,
0.04366604655413179,
0.047826670587114956,
0.05035014308356458,
0.04175765918595386,
0.03614958821655781,
0.053923257235234646,
0.07631015909936634,
0.08884593392729995,
0.08848928931970546,
0.07715523485108755,
0.06201230984097784,
0.06142819761575791,
0.08560040079609299,
0.1185126382989169,
0.14807866400559141,
0.17116547145480923,
0.18995608947195972,
0.20881858534667316,
0.23100044764801034,
0.2568062958591299,
0.2842802159920645,
0.31087883618776047,
0.3345406334638626,
0.3539554691251094,
0.3684274299739237,
0.3776320260743355,
0.3813969958459021,
0.37954525554597585,
0.3718064281691857,
0.3577981519100673,
0.33708537681471895,
0.3093426927093214,
0.2746803397972658,
0.23428108740186612,
0.1917118680092392,
0.1555226757233723,
0.14096696513760384,
0.15772829938323646
],
[
0.21628134962899048,
0.1788332664547036,
0.1449665005560692,
0.12034935155979547,
0.11081602184472022,
0.11545703612178199,
0.1249792833721723,
0.1300075836842084,
0.12524956028780931,
0.10898431869349574,
0.08288618232519841,
0.05428351798441137,
0.0408059495906439,
0.047764641841654375,
0.05165005945567381,
0.04456010757939884,
0.041022478053335004,
0.05830957542152747,
0.0799529272378341,
0.09198910079698282,
0.09094009507317267,
0.0786774018668781,
0.06308027053738725,
0.06333975420269045,
0.08863682062360474,
0.12263445454540788,
0.1535769831553129,
0.17827280965016964,
0.1984826487195284,
0.2180237017460677,
0.23988670759821681,
0.26459913308854605,
0.29064545442169554,
0.3158349996834694,
0.33828782387125234,
0.35675186833151284,
0.37052754939106036,
0.3792652540227403,
0.3827674334793015,
0.38084214025119245,
0.3732204404750762,
0.35954252581557944,
0.33942316062620287,
0.3126235483222191,
0.27939122617141016,
0.2411060643109828,
0.20152101277735265,
0.16883652308475616,
0.15606962208646835,
0.17080022777934817
],
[
0.21269221479800943,
0.17643501812525897,
0.14506782722273412,
0.12383263957947602,
0.11658398002343964,
0.12073904616365601,
0.12796583324345318,
0.13047325212274913,
0.12374728177980088,
0.1061862631162279,
0.07919582541830647,
0.04992577874483042,
0.03782288550979589,
0.04749537295885601,
0.05285833699512783,
0.04768584442196665,
0.046425357753848324,
0.06320454873728151,
0.08379556862622402,
0.09499351176736455,
0.09295998082632628,
0.07950400091922284,
0.06320391787058763,
0.06440334383562216,
0.09120741841751392,
0.12649841883480012,
0.15884505979655514,
0.18507378772618316,
0.20660808119242058,
0.22680366113212258,
0.2484244208760705,
0.27216982291937153,
0.2969025861176084,
0.32075974946755725,
0.34204651781826795,
0.35958101216681054,
0.37267084772418024,
0.38094889187728054,
0.38419732944784435,
0.3822128768024097,
0.37473089080223976,
0.36141664515006977,
0.34193659770384066,
0.3161379638464816,
0.28439666728749174,
0.24825591714720183,
0.21156048946958722,
0.18203297929641776,
0.17076935973659113,
0.18378847597746825
],
[
0.20869496288324094,
0.17351049646949018,
0.14453360386444258,
0.12649987458757103,
0.12138026092319551,
0.12520646529339813,
0.13041664578989776,
0.13059565601070797,
0.12204501371812833,
0.1033623300383148,
0.07568440159512847,
0.04582251792415005,
0.0349915865654032,
0.04712616347061125,
0.05395211682662382,
0.050941678310106826,
0.05202692880161706,
0.06840500952279041,
0.08777540449158602,
0.09786088007507626,
0.09457210140428086,
0.0796385028519081,
0.062334273984007926,
0.0645876174947866,
0.09329737127941426,
0.13009176016456744,
0.1638760689088798,
0.19157073832179916,
0.2143427902267849,
0.23516586378121915,
0.2566059985500864,
0.27949616683665474,
0.30302359247966903,
0.32562672170321133,
0.3457951988258968,
0.3624264858642359,
0.3748449962878506,
0.38267332344994476,
0.3856783644547856,
0.3836489770277233,
0.37632741413776705,
0.3634059632092163,
0.34460347492448,
0.3198504749855695,
0.289639142965487,
0.25563991129456565,
0.22170751885791812,
0.1950160889561526,
0.18503013190521994,
0.19659151334710792
],
[
0.2042526663796496,
0.16999096430645774,
0.143276922317103,
0.12828904534352592,
0.12519310713578952,
0.12883256545187097,
0.13227351416471464,
0.1303139221662468,
0.12009950470134288,
0.10051207875877367,
0.0724484004779097,
0.0422713913719075,
0.03264318338795716,
0.046747254519133474,
0.0548901403053438,
0.0541453415355895,
0.05757832049965997,
0.07372763975719634,
0.09182701985200097,
0.10059820708190166,
0.09581766017336588,
0.0791161888069023,
0.060454511102389245,
0.0639048702540625,
0.09492911494706677,
0.13342248586007804,
0.16867428869092846,
0.19777215171616364,
0.2217006210043764,
0.24312117376191852,
0.2644293498769353,
0.28656245072237496,
0.3089859750768669,
0.33041335868087546,
0.34951466641381473,
0.365273177115797,
0.3770383481190988,
0.3844292439319952,
0.3872022994407962,
0.38514187177627157,
0.3779994414330028,
0.36549565851156735,
0.34740139492161964,
0.3237260457277315,
0.2950637391252251,
0.26317619090953737,
0.23186092263922783,
0.2077151514110792,
0.19882587972656382,
0.20913399187660803
],
[
0.19933829860206584,
0.16581908546661048,
0.1412284458131384,
0.12916041976808706,
0.12802501381039924,
0.1316081324820413,
0.13349730725371062,
0.12957796649126627,
0.11786708601476942,
0.09762289594911823,
0.06956151824362045,
0.03957756223559734,
0.031106048462347304,
0.04641477320504253,
0.0556149255506645,
0.057138952495569544,
0.06289994669266698,
0.0790209243769719,
0.09588978761046167,
0.10321973523282803,
0.09675795626484139,
0.07801076163065415,
0.057587304218807756,
0.06241987043455099,
0.09616393918237227,
0.13651945348669023,
0.17325493744545495,
0.2036923622121191,
0.22869856924352458,
0.25068338545093255,
0.27189690376183673,
0.29335847954901645,
0.31477218643772786,
0.33510070250013757,
0.35318802259313087,
0.36810733382361155,
0.3792400117082835,
0.3862077336731136,
0.3887610524149825,
0.3866830042484795,
0.3797363330414979,
0.36767084746802725,
0.35030813108804,
0.32773064894855153,
0.30061895101941793,
0.2707921218552216,
0.24193814520583432,
0.22007796003181182,
0.21213811732398885,
0.22135990096846325
],
[
0.1939362418614955,
0.16094956653573478,
0.1383353770626432,
0.12909398823411755,
0.12989216549434146,
0.13353979226742868,
0.1340664375934892,
0.12834869939684748,
0.11530385291594654,
0.09466699641756957,
0.06705721719066897,
0.03796730923174348,
0.030592840405175313,
0.046137598900575796,
0.05605715971283534,
0.05979511639679828,
0.06786805532302179,
0.08416899851111383,
0.0999137196248845,
0.10574865330870618,
0.09747582284148132,
0.07644213147834727,
0.05380795755802846,
0.06026361381879338,
0.09710255176783665,
0.13943135678117918,
0.17764350028734166,
0.20935107320150456,
0.23535644621306137,
0.2578687489026148,
0.2790147932764154,
0.29987872947791056,
0.32036907454765623,
0.33967315046320484,
0.35680061521219303,
0.37091658989742216,
0.3814399042715427,
0.38800031939085244,
0.39034676714630145,
0.38826391670982374,
0.38152750362778076,
0.3699167799943923,
0.3533019407200066,
0.33183173901434826,
0.3062572235707056,
0.2784241720282949,
0.2518724372319207,
0.23206618156153236,
0.22495435850306034,
0.23322781198631054
],
[
0.18804395732220028,
0.1553498014136725,
0.1345606166357899,
0.12808809530298412,
0.13082454599640217,
0.1346492734158621,
0.13397605435006663,
0.12659860843640922,
0.1123664915238424,
0.09160015743487226,
0.06491538612566419,
0.03748420775475349,
0.031086234608098784,
0.04587252380479885,
0.05614184972127934,
0.06201971037896571,
0.07240525036583921,
0.08909150742880971,
0.10386348370417783,
0.10821823481710265,
0.09807590911957714,
0.07458484269908434,
0.04926879016097736,
0.05765339266575711,
0.09788380831761065,
0.142224581692139,
0.181874555963391,
0.21477270701660084,
0.24169648809243915,
0.26469553029371823,
0.2857921639051908,
0.3061216034522046,
0.3257673525153783,
0.3441181870741204,
0.36033994750436316,
0.37368996346207334,
0.38362878616402335,
0.38979902308086706,
0.3919518732660399,
0.3898763295139549,
0.3833625366305567,
0.37221901499439575,
0.35636183264040294,
0.3359986184338324,
0.31193526758285584,
0.2860174903070658,
0.2616103519478396,
0.24365212593841185,
0.23726701717129647,
0.24470751468320284
],
[
0.18167393132655515,
0.14900067223551564,
0.129882243197978,
0.1261591228543611,
0.13086660546793313,
0.13497337442321308,
0.13323793222843275,
0.12431287554563594,
0.10901390835576612,
0.08836263202006164,
0.06305790658001434,
0.03794264102447663,
0.03232753684807448,
0.04552999731189991,
0.055795906275835576,
0.06375390836106486,
0.07647461265968977,
0.09374179559506722,
0.10772070201349557,
0.11067216013528328,
0.09868315123263534,
0.07267525622550018,
0.04424546261454413,
0.05491854297005852,
0.09868042468532236,
0.14497990293133325,
0.1859901407976656,
0.21998558456544395,
0.24774290671516785,
0.2711835925864318,
0.2922405767109435,
0.31208877686014597,
0.3309611000780411,
0.34842610434097165,
0.3637955621929406,
0.37641783183887784,
0.3857982782850266,
0.39159639915887157,
0.39356913757724965,
0.39151221165755845,
0.3852312868704769,
0.3745635737199369,
0.35946778807771423,
0.34020270540749614,
0.3176141934542069,
0.2935253072225594,
0.2711095925408773,
0.2548164309510442,
0.24907259052816272,
0.2557775867520592
],
[
0.1748560380520259,
0.1418976999261636,
0.1242934499111574,
0.12334220752022676,
0.13007844525165901,
0.13456449626585854,
0.1318810260502244,
0.12149117399988918,
0.1052098015819371,
0.08488236635727263,
0.06135550151802409,
0.038986068743630635,
0.033925562226509234,
0.04498914112880203,
0.054957078793219205,
0.06497676400847541,
0.08007621690210323,
0.0981044574571304,
0.11148474846172551,
0.11316385692287956,
0.09943876127865646,
0.07101310972630767,
0.03922257189154219,
0.05252343641624186,
0.09969034256228237,
0.14778805989751181,
0.19003771685224907,
0.22502095631175242,
0.25352138643579514,
0.27735398822884394,
0.29837348556641435,
0.3177846211834334,
0.33594730033965553,
0.352589719360365,
0.3671589074333965,
0.37909188750385475,
0.38794086446925496,
0.393385560567755,
0.3951917065846509,
0.39316384237294116,
0.38712397038116436,
0.3769370700049177,
0.362600935588672,
0.34441771224011397,
0.32325950246240087,
0.30090824582805437,
0.2803371944495241,
0.26554635932231174,
0.2603710207539515,
0.2664235971061419
],
[
0.16764048413265717,
0.13405281978876704,
0.1178031258139595,
0.1196930987419392,
0.1285375179797595,
0.1334916461177976,
0.12995266072482853,
0.11815029438635535,
0.10092633194836949,
0.0810803357252564,
0.05964427724883978,
0.040201230541116136,
0.03548355510531935,
0.044118023760420726,
0.05358453493214099,
0.06570887929701623,
0.08324492802958794,
0.1021925698660959,
0.11517226502549464,
0.11575479271828733,
0.10049326229821827,
0.06994985440681051,
0.03502445028875507,
0.05106092785873318,
0.10112284539229034,
0.15074437793902778,
0.19406784366474175,
0.22991192023791387,
0.25905853826819225,
0.2832285608005009,
0.30420577364168955,
0.32321569521723625,
0.340725412976218,
0.35660409592166864,
0.3704231907999293,
0.38170507895283423,
0.3900498809103259,
0.39516019473117997,
0.39681314044542765,
0.39482386352623616,
0.38903124099388753,
0.3793268172335881,
0.36574368236386035,
0.348619746256969,
0.3288409715514106,
0.30813360305690185,
0.28926800395748303,
0.27583451408286325,
0.27116517572350124,
0.27663674678857564
],
[
0.16010151844604933,
0.12549721765781885,
0.1104374050480773,
0.11529139848918517,
0.12634084299600584,
0.1318418231074054,
0.12752031291454324,
0.11432776552152647,
0.09614913797977677,
0.07687764370354797,
0.057747388971753626,
0.04120990840802254,
0.0366707015790819,
0.042795138014918736,
0.05167194496184279,
0.06601711366255965,
0.08604851792029637,
0.10604458234334035,
0.11881558351550342,
0.11851177092041221,
0.10199662576042683,
0.06985504189718564,
0.032878280027251364,
0.051169219365281876,
0.10317983851466342,
0.15394277141187404,
0.1981316838852486,
0.23469227352450214,
0.2643813274516932,
0.2888295563655586,
0.30975333892605206,
0.32839029516090934,
0.34529698377256896,
0.36046627506300805,
0.3735832265061598,
0.38425154005949896,
0.392119494641628,
0.39691457033339056,
0.39842743869630737,
0.3964853228230296,
0.39094425360782703,
0.38172091262369473,
0.36887980536183823,
0.3527873454066585,
0.33433246223085744,
0.315174640495601,
0.2978834088057444,
0.28567784588649964,
0.2814604134416181,
0.28641281785102174
],
[
0.15234207594771929,
0.11628596902856476,
0.1022427888488426,
0.11024556990290958,
0.12360769347722964,
0.12972165938222532,
0.12467389568911078,
0.11008665128852452,
0.0908841369791612,
0.07220411735362983,
0.05549702699087944,
0.04171204708463162,
0.03724374419838744,
0.04093034345999973,
0.04926474522412632,
0.06601963420511857,
0.08858521525876101,
0.10972070399684529,
0.12246021133721507,
0.12150341334052633,
0.10408642655548313,
0.07105885014653046,
0.034017358280633445,
0.05335265447690853,
0.1060348080473884,
0.15746963871763975,
0.20227849740882695,
0.23939535210741533,
0.26951649407371797,
0.2941792481075425,
0.3150327220257918,
0.33331805647460777,
0.34966528953645015,
0.3641750180844589,
0.37663528012012853,
0.38672651113050716,
0.39414467302245915,
0.39864353596005164,
0.40002905823564544,
0.3981417080251869,
0.39285471442110065,
0.3841082999727733,
0.3719945064226951,
0.3569014604531944,
0.3397116786409721,
0.3220099081330168,
0.30617027865431,
0.295076868736443,
0.29126420843675027,
0.29575134338669856
],
[
0.14449942433503815,
0.10650581336317491,
0.0932920351923233,
0.10470022940036092,
0.12048259159469037,
0.12725909603817234,
0.12152835363367086,
0.10552167978108107,
0.08516692003271006,
0.06700858602623704,
0.05275408719527633,
0.04149654343574669,
0.037047912868646775,
0.03848696513973749,
0.046484189131962846,
0.0658895898432708,
0.09097982847566247,
0.11329860960175282,
0.12616153837183086,
0.12479614457848658,
0.1068758750592541,
0.07378627989993918,
0.038794841480045576,
0.05780151015310184,
0.10981394211556689,
0.16139827703144285,
0.20655329014710555,
0.24405291536212914,
0.274489988200297,
0.299299579697896,
0.3200607720453877,
0.3380096017990896,
0.3538350169829505,
0.3677305644141854,
0.3795769142067395,
0.38912625446698423,
0.396121146059521,
0.4003425116533827,
0.4016129241324145,
0.3997869725508183,
0.39475491867900087,
0.3864788124370093,
0.37507443587775907,
0.3609453948352857,
0.344959894615434,
0.3286226140540068,
0.3141200784194362,
0.304035027961823,
0.30058582618739466,
0.3046549397478753
],
[
0.1367515872918077,
0.09628853520543265,
0.08369528630751709,
0.0988462277562449,
0.11713820218445764,
0.12460470455973381,
0.11822617415583585,
0.10076670660705447,
0.07907615725814725,
0.06127205144693859,
0.04942600724325358,
0.040441662887255606,
0.03601732934486287,
0.03551086108231733,
0.04356081887534349,
0.0658541895729424,
0.09337767462760647,
0.1168683581057959,
0.1299809524358539,
0.12845009850499314,
0.11044413602170833,
0.07811415400828445,
0.046535727971786296,
0.06436676600288689,
0.11458428643223573,
0.16578444746728804,
0.21099477748884235,
0.24869413147798347,
0.27932644109748966,
0.3042118338747293,
0.3248543481951241,
0.34247623041185243,
0.3578119739662129,
0.3711344058707235,
0.38240683761008465,
0.3914479668522095,
0.3980453632484843,
0.40200747442327184,
0.4031744338993812,
0.40141555296357456,
0.39663777671547673,
0.3888231971982033,
0.3781076892661702,
0.3649047121285819,
0.35006166498102015,
0.33500004601996947,
0.32172812343813406,
0.31255818202033697,
0.3094360363272764,
0.3131287602664765
],
[
0.12932363654235782,
0.08583459314954148,
0.07362177119077261,
0.09293354995935027,
0.11377728433522509,
0.12193200698205016,
0.1149390772785879,
0.09600304034687623,
0.07275329102795947,
0.05502706962294574,
0.04548656432457803,
0.03851975311627748,
0.034186348065161756,
0.03217784427980361,
0.04087500822372674,
0.06618442658808057,
0.09593584467356173,
0.12052656024247269,
0.13398160513749766,
0.13251541224618252,
0.11483104577201071,
0.08397402086339521,
0.05630453576219933,
0.07269624515687294,
0.12035182282121978,
0.1706635820162561,
0.21563379680706365,
0.25334471262278335,
0.2840486926275603,
0.3089363329568602,
0.3294300560003618,
0.34672964563690944,
0.36160283136176774,
0.37438907821581524,
0.3851247604700472,
0.39368969101377155,
0.3999144464584808,
0.4036349387207877,
0.4047094559082309,
0.40302237895908327,
0.3984968292248242,
0.3911331240421857,
0.38108378165749507,
0.36876711976027526,
0.35500453247307356,
0.34113304640108777,
0.3289929510033567,
0.32065417136260926,
0.3178268582342967,
0.3211800419534509
],
[
0.12249161946197148,
0.0754554306312627,
0.06334400424679831,
0.08728536019510168,
0.11063221953206578,
0.11943582307884662,
0.1118676454117808,
0.09146703266595557,
0.06643151846359825,
0.048391240477668705,
0.04100580121433061,
0.035817351261889896,
0.03172276461389361,
0.02887616716889331,
0.03898183745663981,
0.06717075731668619,
0.09881194299564455,
0.12437002818853186,
0.1382241298396257,
0.1370293336809145,
0.12003716140966585,
0.09119425045717415,
0.06738433756883312,
0.08239164140910323,
0.12706891375446258,
0.17604986516729879,
0.22049226026923183,
0.25802623831305,
0.28867739195256253,
0.31349217758477466,
0.3338040177197572,
0.35078171734809077,
0.3652148939078747,
0.37749797040157607,
0.3877312565442157,
0.3958502277628252,
0.40172614021286923,
0.4052219328273137,
0.4062143226431967,
0.4046028765276456,
0.400326252808023,
0.3934011799405399,
0.383993603822592,
0.372522336317738,
0.3597787385113865,
0.34701553920444594,
0.3359157876655876,
0.3283324553702811,
0.3257713344013565,
0.32881772483700983
],
[
0.11657979603307472,
0.06564742173014215,
0.053330731485165435,
0.08230727654013308,
0.10795991002845394,
0.11732738749366725,
0.10923709159437701,
0.08745316365928993,
0.06047562323740352,
0.041632685498387195,
0.036206070716863964,
0.03258534656879509,
0.028998208821767214,
0.02632171494425493,
0.038555256021582864,
0.06908432875668127,
0.10215131894900693,
0.12848934805824336,
0.1427626537697418,
0.14201444314658754,
0.12602854849145492,
0.09955375088693048,
0.0793050443522787,
0.09309605297491115,
0.13464769612196267,
0.18193711672005525,
0.22558268496812645,
0.26275569160634127,
0.2932306845682915,
0.317897028979313,
0.33799167690221205,
0.3546442772263103,
0.3686558983549118,
0.3804651515458485,
0.39022763396734567,
0.3979290501978006,
0.40347876054933246,
0.40676597204650794,
0.4076858194901414,
0.40615296501634507,
0.40212085689858396,
0.3956208517161627,
0.38682936414367836,
0.37616194854447216,
0.3643769436039344,
0.35264410639738947,
0.34250009572478857,
0.33560380364206843,
0.3332833281388029,
0.33605212918212546
],
[
0.1119446372607442,
0.057204139460669,
0.044435432102311295,
0.0784783195657661,
0.10602949545185594,
0.11582498335789576,
0.10728707769220099,
0.08430572642702494,
0.055423828726180166,
0.035302618542316665,
0.03157163649014715,
0.029339473999995005,
0.026700368550875497,
0.025568206165301463,
0.04018112192129318,
0.07213245169569533,
0.10607468497724659,
0.1329629720235889,
0.147641443058428,
0.14747810661900465,
0.13274458134585937,
0.1088243980862654,
0.0917592869388386,
0.10451868305127814,
0.1429751550562885,
0.18830113629787654,
0.2309082809246033,
0.267545217349708,
0.2977239938096858,
0.322166938576059,
0.34200763700897396,
0.3583289447749743,
0.37193383732104723,
0.3832952153904566,
0.3926158152156197,
0.3999262210768689,
0.40517114347640254,
0.4082650295118204,
0.40912116974328894,
0.4076690488338881,
0.40387607319320373,
0.3977864988005111,
0.38958451975036834,
0.37967926297538485,
0.3687939612319542,
0.35801760994502185,
0.34875118559767954,
0.34248003151424294,
0.3403773429157294,
0.34289467969150983
],
[
0.1089391165870608,
0.05130478146733631,
0.03817308403728201,
0.07630293826707416,
0.10510126721239574,
0.1151395070125908,
0.1062541384855292,
0.08239014593574649,
0.051990182060664344,
0.0304579928282325,
0.028021506314464557,
0.026998248804988075,
0.025885955005525693,
0.027563375137155045,
0.0440924351605937,
0.07642514216417322,
0.11066842844821316,
0.13785246407115484,
0.15289245934981713,
0.15341308450102867,
0.14010671862860014,
0.11879527924869723,
0.10453625409701685,
0.11643031173222017,
0.15192659070654807,
0.19510301110281827,
0.23646352801558326,
0.27240209646780766,
0.3021698997553818,
0.3263162271782044,
0.345865533777689,
0.36184698229313017,
0.3750568072945285,
0.38599314178552074,
0.39489822674131253,
0.401842314212732,
0.40680259388554474,
0.40971750534301604,
0.410518016484944,
0.4091480045414202,
0.40558793870013726,
0.3998933179731373,
0.3922536999433064,
0.3830691561530393,
0.3730265076203329,
0.3631368556817935,
0.3546758833473882,
0.34897377221716575,
0.3470683611582341,
0.34935766848988753
],
[
0.10785733683443201,
0.04930737938403988,
0.03657745027529365,
0.07621245485192427,
0.10539825245403249,
0.11545598589494066,
0.1063475329295225,
0.08203921868223857,
0.050937845972172116,
0.02872105990478905,
0.026939599723370677,
0.026838298262089694,
0.02764055296507585,
0.03245523694991652,
0.05011215549201034,
0.08196715203277162,
0.11597950591054232,
0.1431994141735345,
0.15853399435541177,
0.15979906661105747,
0.1480266242606715,
0.12928243546053383,
0.11748317470756856,
0.12865101333274762,
0.16137587247783988,
0.20229285718112539,
0.2422351374583627,
0.27732891677182253,
0.30657811336096064,
0.33035741392760937,
0.34957794058522595,
0.3652091770830885,
0.3780328792505426,
0.3885641745815612,
0.39707769849558455,
0.4036783405237167,
0.40837283563040244,
0.4111221948040335,
0.4118744019573964,
0.41058716405580153,
0.40725307347985423,
0.40193730182676857,
0.3948326245442479,
0.3863279264940281,
0.37707296872002066,
0.3680042951301764,
0.3602822447226924,
0.3550982798459979,
0.3533717006768202,
0.355454050610707
]
]
},
{
"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.247167 (SEM: None)
lr: 0.000351769
momentum: 0.825179",
"Arm 6_0
accuracy: 0.703167 (SEM: None)
lr: 1.52904e-06
momentum: 0.997841",
"Arm 7_0
accuracy: 0.322167 (SEM: None)
lr: 3.03316e-06
momentum: 0.411473",
"Arm 8_0
accuracy: 0.915333 (SEM: None)
lr: 0.000474967
momentum: 0.156374",
"Arm 9_0
accuracy: 0.9115 (SEM: None)
lr: 0.000215318
momentum: 0.299463",
"Arm 10_0
accuracy: 0.8685 (SEM: None)
lr: 1.07053e-05
momentum: 1",
"Arm 11_0
accuracy: 0.832667 (SEM: None)
lr: 0.000122966
momentum: 0",
"Arm 12_0
accuracy: 0.099 (SEM: None)
lr: 0.00170628
momentum: 0.273437",
"Arm 13_0
accuracy: 0.890333 (SEM: None)
lr: 6.66556e-05
momentum: 0.54234",
"Arm 14_0
accuracy: 0.894167 (SEM: None)
lr: 0.000265363
momentum: 0.127751",
"Arm 15_0
accuracy: 0.836 (SEM: None)
lr: 3.16131e-05
momentum: 0.365465",
"Arm 16_0
accuracy: 0.926167 (SEM: None)
lr: 0.000364046
momentum: 0.28999",
"Arm 17_0
accuracy: 0.778 (SEM: None)
lr: 3.22135e-05
momentum: 0",
"Arm 18_0
accuracy: 0.8805 (SEM: None)
lr: 1.97238e-05
momentum: 1"
],
"type": "scatter",
"x": [
2.1216593661487738e-05,
3.418102921796241e-05,
0.30446023318884685,
7.354792459527615e-05,
0.0003995053549220097,
0.000351768879017035,
1.5290371727096803e-06,
3.0331572595484247e-06,
0.0004749674057357339,
0.00021531840043009854,
1.070532438366814e-05,
0.0001229655916955267,
0.0017062812642490805,
6.665558142834155e-05,
0.0002653628495783804,
3.1613115723823004e-05,
0.000364045702970261,
3.221346663152171e-05,
1.972375787775471e-05
],
"xaxis": "x",
"y": [
0.7110699415206909,
0.9521583393216133,
0.42647070437669754,
0.2430550940334797,
0.4136803150177002,
0.825179325127175,
0.9978407294560827,
0.4114726178857831,
0.1563740990349852,
0.299462835647654,
1.0,
0.0,
0.2734374565126276,
0.5423401081832399,
0.12775068366390555,
0.3654653016541242,
0.2899900071603788,
0.0,
1.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.247167 (SEM: None)
lr: 0.000351769
momentum: 0.825179",
"Arm 6_0
accuracy: 0.703167 (SEM: None)
lr: 1.52904e-06
momentum: 0.997841",
"Arm 7_0
accuracy: 0.322167 (SEM: None)
lr: 3.03316e-06
momentum: 0.411473",
"Arm 8_0
accuracy: 0.915333 (SEM: None)
lr: 0.000474967
momentum: 0.156374",
"Arm 9_0
accuracy: 0.9115 (SEM: None)
lr: 0.000215318
momentum: 0.299463",
"Arm 10_0
accuracy: 0.8685 (SEM: None)
lr: 1.07053e-05
momentum: 1",
"Arm 11_0
accuracy: 0.832667 (SEM: None)
lr: 0.000122966
momentum: 0",
"Arm 12_0
accuracy: 0.099 (SEM: None)
lr: 0.00170628
momentum: 0.273437",
"Arm 13_0
accuracy: 0.890333 (SEM: None)
lr: 6.66556e-05
momentum: 0.54234",
"Arm 14_0
accuracy: 0.894167 (SEM: None)
lr: 0.000265363
momentum: 0.127751",
"Arm 15_0
accuracy: 0.836 (SEM: None)
lr: 3.16131e-05
momentum: 0.365465",
"Arm 16_0
accuracy: 0.926167 (SEM: None)
lr: 0.000364046
momentum: 0.28999",
"Arm 17_0
accuracy: 0.778 (SEM: None)
lr: 3.22135e-05
momentum: 0",
"Arm 18_0
accuracy: 0.8805 (SEM: None)
lr: 1.97238e-05
momentum: 1"
],
"type": "scatter",
"x": [
2.1216593661487738e-05,
3.418102921796241e-05,
0.30446023318884685,
7.354792459527615e-05,
0.0003995053549220097,
0.000351768879017035,
1.5290371727096803e-06,
3.0331572595484247e-06,
0.0004749674057357339,
0.00021531840043009854,
1.070532438366814e-05,
0.0001229655916955267,
0.0017062812642490805,
6.665558142834155e-05,
0.0002653628495783804,
3.1613115723823004e-05,
0.000364045702970261,
3.221346663152171e-05,
1.972375787775471e-05
],
"xaxis": "x2",
"y": [
0.7110699415206909,
0.9521583393216133,
0.42647070437669754,
0.2430550940334797,
0.4136803150177002,
0.825179325127175,
0.9978407294560827,
0.4114726178857831,
0.1563740990349852,
0.299462835647654,
1.0,
0.0,
0.2734374565126276,
0.5423401081832399,
0.12775068366390555,
0.3654653016541242,
0.2899900071603788,
0.0,
1.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
}
}
},
"width": 950,
"xaxis": {
"anchor": "y",
"autorange": false,
"domain": [
0.05,
0.45
],
"exponentformat": "e",
"range": [
-6.0,
-0.3979400086720376
],
"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.3979400086720376
],
"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": [
"