{
"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": {},
"outputs": [
{
"data": {
"text/html": [
""
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-16 16:50:02] 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
},
"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": {
"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": "679347c108824778aff10116b2ee1a2a",
"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": "ebbd66435b7046ca8d21e7c5ab27e23c",
"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": "6524ce44333a43489f33bd915635be41",
"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": "2acdae21142947a1be6206b822851a49",
"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
},
"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": {},
"outputs": [
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-16 16:50:04] ax.service.utils.instantiation: Inferred value type of ParameterType.FLOAT for parameter lr. If that is not the expected value type, you can explicity specify 'value_type' ('int', 'float', 'bool' or 'str') in parameter dict.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-16 16:50:04] ax.service.utils.instantiation: Inferred value type of ParameterType.FLOAT for parameter momentum. If that is not the expected value type, you can explicity specify 'value_type' ('int', 'float', 'bool' or 'str') in parameter dict.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-16 16:50:04] ax.service.utils.instantiation: Created search space: SearchSpace(parameters=[RangeParameter(name='lr', parameter_type=FLOAT, range=[1e-06, 0.4], log_scale=True), RangeParameter(name='momentum', parameter_type=FLOAT, range=[0.0, 1.0])], parameter_constraints=[]).\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-16 16:50:04] ax.modelbridge.dispatch_utils: Using Bayesian optimization since there are more ordered parameters than there are categories for the unordered categorical parameters.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-16 16:50:04] ax.modelbridge.dispatch_utils: Using Bayesian Optimization generation strategy: GenerationStrategy(name='Sobol+GPEI', steps=[Sobol for 5 trials, GPEI for subsequent trials]). Iterations after 5 will take longer to generate due to model-fitting.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-16 16:50:04] ax.service.managed_loop: Started full optimization with 20 steps.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-16 16:50:04] ax.service.managed_loop: Running optimization trial 1...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-16 16:50:10] ax.service.managed_loop: Running optimization trial 2...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-16 16:50:17] ax.service.managed_loop: Running optimization trial 3...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-16 16:50:23] ax.service.managed_loop: Running optimization trial 4...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-16 16:50:29] ax.service.managed_loop: Running optimization trial 5...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-16 16:50:35] ax.service.managed_loop: Running optimization trial 6...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-16 16:50:42] ax.service.managed_loop: Running optimization trial 7...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-16 16:50:49] ax.service.managed_loop: Running optimization trial 8...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-16 16:50:56] ax.service.managed_loop: Running optimization trial 9...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-16 16:51:02] ax.service.managed_loop: Running optimization trial 10...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-16 16:51:09] ax.service.managed_loop: Running optimization trial 11...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-16 16:51:16] ax.service.managed_loop: Running optimization trial 12...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-16 16:51:23] ax.service.managed_loop: Running optimization trial 13...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-16 16:51:30] ax.service.managed_loop: Running optimization trial 14...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-16 16:51:37] ax.service.managed_loop: Running optimization trial 15...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-16 16:51:45] ax.service.managed_loop: Running optimization trial 16...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-16 16:51:52] ax.service.managed_loop: Running optimization trial 17...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-16 16:51:59] ax.service.managed_loop: Running optimization trial 18...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-16 16:52:06] ax.service.managed_loop: Running optimization trial 19...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 12-16 16:52:13] 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": {},
"outputs": [
{
"data": {
"text/plain": [
"{'lr': 0.0004895463998962988, 'momentum': 0.2962372434626935}"
]
},
"execution_count": 6,
"metadata": {},
"output_type": "execute_result"
}
],
"source": [
"best_parameters"
]
},
{
"cell_type": "code",
"execution_count": 7,
"metadata": {},
"outputs": [
{
"data": {
"text/plain": [
"({'accuracy': 0.93133057573785},\n",
" {'accuracy': {'accuracy': 0.0004365393065408232}})"
]
},
"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": {},
"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.31137559424088096,
0.3204788266960355,
0.3342385446257958,
0.35325219177818057,
0.37792837024215653,
0.40841137335411704,
0.44452081978131763,
0.4857129731281227,
0.5310637947147105,
0.5792698808345484,
0.6286667934797521,
0.6772769219894084,
0.7229197972399052,
0.7634422538744275,
0.7971285192039888,
0.8230887909764324,
0.8413308846944094,
0.8527406513935898,
0.8588925219643995,
0.8615126423021475,
0.8616060602107486,
0.8581749009151683,
0.8470169349278114,
0.8212256052025542,
0.7737299802494774,
0.7005577536776715,
0.6028229150859974,
0.4865770584905309,
0.3613048543766078,
0.23802232975869114,
0.12724914466048087,
0.036667034893876016,
-0.030734281581392575,
-0.07571867641429675,
-0.10102249949542752,
-0.11019059899246275,
-0.10688345680480538,
-0.0944904090611779,
-0.07593756459154355,
-0.053616067865836725,
-0.029381881195253978,
-0.004595807933720941,
0.01981554514498307,
0.04328914740022416,
0.06555144504698018,
0.08654414580514869,
0.10635229685602265,
0.1251375106293766,
0.1430802645314846,
0.16033576400451321
],
[
0.3060609581039014,
0.31470026231959936,
0.32812834352613857,
0.3469891946574995,
0.371729256283263,
0.4025156705328241,
0.4391725100277325,
0.48114274716904315,
0.5274751850069195,
0.576829874952947,
0.6274983954055826,
0.6774490921613245,
0.7244308310083339,
0.766197451633591,
0.8009179951187934,
0.8275856136656128,
0.846157012662395,
0.8576116681329927,
0.8638181295209404,
0.8669807436814164,
0.8686298319400088,
0.8680756653519879,
0.8609347763735562,
0.839564193416946,
0.7959154431452973,
0.7253143887678684,
0.6287058799965008,
0.5123387399905975,
0.3860087466132101,
0.26102278326875517,
0.14812417255882449,
0.0551568640943495,
-0.014718815589355505,
-0.062131859870853234,
-0.08973572960606413,
-0.10103084642056837,
-0.09966014196867756,
-0.08901300343134055,
-0.07202599630718654,
-0.051105674494585585,
-0.028124310915359274,
-0.004456988666361794,
0.01895942949333873,
0.04155679167694981,
0.0630617266657939,
0.08342053288913087,
0.10272523697822411,
0.121143870633171,
0.13885949523412944,
0.1560234177682971
],
[
0.30075293895553246,
0.30888395089540693,
0.32193123423847597,
0.3405877415081507,
0.36533973491843186,
0.3963779082426845,
0.43352985369512226,
0.4762232141962824,
0.523477845783911,
0.5739173950615273,
0.6257929057515943,
0.6770259458218094,
0.7253049419925294,
0.7683008190218547,
0.8040645978292451,
0.8314447541107153,
0.8503107539965588,
0.8617074830506626,
0.8677925413032754,
0.871278754977886,
0.8742818710139635,
0.8764917217936408,
0.8734028918639505,
0.8566436994535294,
0.8171445884854039,
0.7494965051090225,
0.6544813864651194,
0.5385364624363629,
0.41172256790474593,
0.28556448756359576,
0.170935298411238,
0.07576618894816212,
0.003420294507432864,
-0.04652711751077265,
-0.07659651056494499,
-0.09021111480304023,
-0.09097570891437645,
-0.0822674189066348,
-0.06702649787346615,
-0.047671757679870086,
-0.026090900437790165,
-0.0036737260949490924,
0.018631575507287,
0.04025052576104071,
0.0609089468108609,
0.08055714772544997,
0.0992939600510756,
0.11729384165415924,
0.13474223959409082,
0.15178578250476482
],
[
0.29550272436126923,
0.3030844192296286,
0.3157044779651988,
0.33410738021579944,
0.35882140222425546,
0.3900615863379963,
0.4276579676279517,
0.47102047889674714,
0.5191378873763481,
0.5705974649242429,
0.6236135599082583,
0.6760693323280009,
0.7256046883509879,
0.7698180727000277,
0.8066396947578636,
0.8347511315658377,
0.8538986377997555,
0.8651592682366928,
0.8709647340653646,
0.8745475520074918,
0.8786496702406221,
0.8834158477251504,
0.8842960476737244,
0.8722269298124609,
0.8370965685321223,
0.7727353025355662,
0.6797669895885128,
0.5647930358909423,
0.438078351714409,
0.3112862826618903,
0.19533412951959606,
0.09819035067958859,
0.023432158334106945,
-0.029107308270492904,
-0.0617670839948824,
-0.07785983650700212,
-0.08093063820100788,
-0.07433110335015736,
-0.060997564773015434,
-0.04335722553708754,
-0.02331174789520829,
-0.00226562063227731,
0.018820924049389842,
0.039366144868547726,
0.059094285306673155,
0.07795929014714176,
0.09606684588733105,
0.11359808737874522,
0.13074087019680625,
0.14763650424381625
],
[
0.29036664391388667,
0.29736222391744005,
0.3095122165868834,
0.3276153523157433,
0.35224435887654565,
0.38363956432403584,
0.42163225170700136,
0.46561191553549636,
0.5145337115236897,
0.5669483944724643,
0.6210377142261595,
0.6746556303506116,
0.7254065468048093,
0.7708269449457971,
0.8087251832680381,
0.8375995161994516,
0.8570396283192234,
0.8681181038527057,
0.8735159363778213,
0.8769751554349844,
0.8818795677321716,
0.888897985021911,
0.8935296717400392,
0.8860951647249682,
0.8554531564937536,
0.7946567921083391,
0.704169217920643,
0.5907097090102547,
0.46467192875081154,
0.33777719649886173,
0.220917071040101,
0.12206592651946457,
0.045012040135370635,
-0.010120212361964365,
-0.04544579807597182,
-0.06413394256706872,
-0.06964764943580481,
-0.06529869616960127,
-0.054010845591881296,
-0.03821490980205189,
-0.019824280593949584,
-0.00025750154843406925,
0.01951290023792851,
0.03889732905687049,
0.05761794198353476,
0.07563217829264213,
0.09305287660706663,
0.11006837012392634,
0.1268691970077841,
0.14359087129957349
],
[
0.28540605313165196,
0.29178388672413674,
0.30342544614242123,
0.321186576538002,
0.3456871698103108,
0.3771939639680862,
0.4155382018102327,
0.460085857077355,
0.5097555346656204,
0.563061058583975,
0.6181556937841666,
0.6728737721736301,
0.7247976594717902,
0.7714129160260764,
0.8104081937427832,
0.840088000346145,
0.8598565694248483,
0.8707439619904114,
0.8756470693868204,
0.8787867949949117,
0.8841740874485782,
0.8930512975329078,
0.9010717948589602,
0.8980625582451445,
0.8719156695747947,
0.8149019166343634,
0.7273040024648535,
0.6158853815462338,
0.49108302462343734,
0.3646004889634211,
0.24725051449606655,
0.14699321085787698,
0.06781662197634064,
0.01015120954303117,
-0.02786075952228939,
-0.04921460878529038,
-0.05726878643397537,
-0.05527999927460603,
-0.04614971477375629,
-0.03230655470802746,
-0.015672533377136588,
0.002321095348918445,
0.02068980316020641,
0.03883595043277255,
0.056479397463103265,
0.07358118538264768,
0.09026185905574158,
0.10671775929797289,
0.12314265772914257,
0.13966598025242294
],
[
0.28068711558513476,
0.2864217242111349,
0.2975218809089871,
0.3149035142875073,
0.33923668793521355,
0.37081590711056756,
0.4094710179839275,
0.4545410318143311,
0.5049046138118052,
0.5590378563203442,
0.6150693627514969,
0.6708232139469968,
0.723873130064305,
0.7716658152611691,
0.811776322239947,
0.8423113653485299,
0.8624669243082734,
0.8731933077860969,
0.8775640648087764,
0.8802311615599605,
0.8857845240420242,
0.8960548582459885,
0.9069557831835753,
0.9079951494744216,
0.8862277162972667,
0.8331522027061977,
0.7488198189715225,
0.6399367416933205,
0.5168952948114448,
0.39131508577885127,
0.27389141922074123,
0.17255574041339228,
0.09147957490687975,
0.03139970324339436,
-0.009262419192549443,
-0.033302179241447405,
-0.043951903103835566,
-0.0443975214564345,
-0.03750754613359031,
-0.025701599452773838,
-0.010906288370420958,
0.005436539017997899,
0.022331248588728148,
0.03917240827721957,
0.05567768575557175,
0.07181207909042386,
0.08770464473653217,
0.10356083376804581,
0.11957849840661838,
0.13588088789185038
],
[
0.27628046751516167,
0.28135355432031245,
0.29188569128707526,
0.3088559018614043,
0.3329877282582544,
0.36460507625096505,
0.40353499682011423,
0.449085740515548,
0.5000921809519624,
0.5549913910649433,
0.6118905326754187,
0.6686120641324997,
0.7227339633307789,
0.7716773546021877,
0.8129139016175692,
0.844355168396586,
0.8649738154061635,
0.8756064981557249,
0.8794616947843454,
0.8815619907268291,
0.8869963825460101,
0.8981498323461575,
0.9112922517536992,
0.9158361975873278,
0.8982054123419352,
0.8491601590300668,
0.7684208253791381,
0.6625166888104964,
0.5417137842134225,
0.4174929281743487,
0.3004036409579689,
0.1983362016063771,
0.11562571633002694,
0.05330460100167056,
0.010084268167944388,
-0.01661062004644842,
-0.029866750246249518,
-0.03278371393185564,
-0.028185758932981142,
-0.018475799784262614,
-0.005580106460368106,
0.009051781733451003,
0.024414647585635496,
0.03989597729107208,
0.05521166517612264,
0.07033125119274819,
0.08539333624072931,
0.10061386822814589,
0.11619593505560921,
0.13225674014416822
],
[
0.27226074797743544,
0.27666226040940745,
0.2866070962107315,
0.30314033220486597,
0.32704257755998417,
0.3586690850897869,
0.3978426971186993,
0.4438367665482055,
0.4954380870899362,
0.5510428914933585,
0.6087392565796513,
0.6663554091579572,
0.7214855826378376,
0.7715396094019862,
0.8138996335514128,
0.8462913016950252,
0.8674583977209044,
0.8780962510832699,
0.8815072003683309,
0.8830154756033928,
0.8881047789700879,
0.8996246058933709,
0.9142765974120091,
0.9216388940347922,
0.9077769040968069,
0.8627803096982951,
0.7858857040457362,
0.6833282989773484,
0.5651781033596199,
0.44273188689521503,
0.3263703393081476,
0.22392889740457145,
0.13988299475171107,
0.07554187432849757,
0.029907550768384805,
0.0006381534643018494,
-0.015190870614068097,
-0.02057802378763729,
-0.018291715626594596,
-0.01070973947060827,
0.00024771557679592604,
0.013127080703927874,
0.02691570202461302,
0.040995152430162496,
0.0550802721846525,
0.06914592311347101,
0.0833414671059437,
0.09789499174405547,
0.1130162852633082,
0.1288168672450194
],
[
0.26870597665454915,
0.2724351908348269,
0.2817817877167544,
0.29785966625967814,
0.32151032279560166,
0.3531226450080791,
0.39251386707776126,
0.4389180096306411,
0.49106914976032856,
0.54732036806742,
0.6057419894856662,
0.6641737572922487,
0.7202367778966471,
0.771344363284867,
0.8148057517599083,
0.8481756738327126,
0.8699745696487845,
0.8807385625649122,
0.8838257129261886,
0.8847864888968797,
0.8893791248764804,
0.9007854256732125,
0.9161865987361679,
0.9255990582127775,
0.9150283632552771,
0.8739902410449263,
0.801076891220156,
0.7021319808511856,
0.5869703703026005,
0.4666643039922699,
0.35140281892948744,
0.24894912493495663,
0.16389212631403094,
0.09779288785857143,
0.049936031647280665,
0.018219779091786736,
-0.00010549683565141965,
-0.007923890482330331,
-0.007936551969916383,
-0.0024872844295285024,
0.006516226746097309,
0.017620737396197517,
0.02980889709007717,
0.04245797266741069,
0.05528274115716525,
0.0682643109155594,
0.08156413982241228,
0.09542430452613371,
0.11006305668421923,
0.12558683240984414
],
[
0.2656967612428722,
0.26876336979572607,
0.27751016157959857,
0.2931222503137562,
0.31650597848720474,
0.34808651136435415,
0.38767411971451227,
0.43445883211355485,
0.4871171921076606,
0.5439564790482466,
0.6030295453409275,
0.662191448744875,
0.7190988618848007,
0.7711830907720529,
0.8156986547482248,
0.8500484907536034,
0.8725469515460464,
0.8835674344877728,
0.8864896086062817,
0.8870087127538702,
0.8910287956233175,
0.9019218366891926,
0.9173647208691657,
0.9280566155315471,
0.9202164876047345,
0.8828862748783537,
0.8139357710793443,
0.7187444884821627,
0.6068177001387658,
0.4889614910529526,
0.37514621859503666,
0.2730398602707053,
0.18731399957831618,
0.11975165994969528,
0.06990499386009452,
0.03591254947857081,
0.015208380535538635,
0.005034199889166535,
0.0027669834533973203,
0.006105968804885453,
0.013162907072871488,
0.02248982936568711,
0.03306797085778557,
0.04427230565629159,
0.05581877195809892,
0.06769573132856832,
0.0800781043318266,
0.09322393661224548,
0.10736197704240913,
0.12259441896968848
],
[
0.26331531723696944,
0.26574049315052584,
0.27389632358588284,
0.28904091105588775,
0.3121493893560674,
0.34368619035229875,
0.3834533411458364,
0.43059210620628885,
0.4837167608997621,
0.5410860711356343,
0.6007347534540158,
0.6605348389316759,
0.71818474698627,
0.7711471845632898,
0.8166405864935439,
0.8519372342512548,
0.8751729501117154,
0.8865745546037829,
0.8895130991419822,
0.8897423182474706,
0.8931874260822684,
0.9032841994081653,
0.9181831826987634,
0.9294411989768726,
0.9237028808690304,
0.8896466122582969,
0.8244629221924171,
0.7330300221976455,
0.6244897601897572,
0.509334764191594,
0.3972825398073136,
0.29587616898995595,
0.20983509670845835,
0.141130623786763,
0.0895617603289004,
0.05350195554360582,
0.030573643292286956,
0.018153504696092893,
0.01370661109098037,
0.014984202425404325,
0.02012472331801274,
0.027690910892294918,
0.0366663422155864,
0.04642607585702663,
0.0566886267075466,
0.06745062863554696,
0.07890175681841616,
0.0913180294906073,
0.10494094764268891,
0.11986953833237945
],
[
0.2616442856811015,
0.2634616819418073,
0.2710468362687424,
0.2857316941197711,
0.3085638790993123,
0.34005038277971716,
0.3799838137863035,
0.42745195241004624,
0.4810025180319679,
0.5388433676637208,
0.5989897176978333,
0.6593300488317893,
0.7176076122332056,
0.7713278913517462,
0.8176914936464316,
0.8538615560814988,
0.8778295626576159,
0.8897144414704408,
0.8928516906727154,
0.8929681458569734,
0.8959053815597948,
0.9050613914532764,
0.9189936763409485,
0.930188256571363,
0.92585961977419,
0.8944724168735955,
0.83268723189983,
0.7448853501666537,
0.6397925822092605,
0.5275338260637936,
0.41753158019982606,
0.31716777450490535,
0.23117123173539628,
0.16166499603181927,
0.10867005321966083,
0.07078458162183898,
0.04582028091477064,
0.031295581856372934,
0.024772465330801907,
0.024062802641073078,
0.027339125787194996,
0.033180661477799855,
0.04057748070669942,
0.04890742042773888,
0.057893137619987156,
0.06754050089843422,
0.07805503590155283,
0.08973261870677707,
0.10282989942346343,
0.11744403815223803
],
[
0.2607653399344125,
0.2620219674997302,
0.2690691662332027,
0.2833123046286779,
0.3058746092930358,
0.3373091351874692,
0.3773980333237537,
0.42517116432553254,
0.479106316815162,
0.537358804506834,
0.5979226119630004,
0.6587000943199056,
0.7174788288096957,
0.7718153653168808,
0.8189098373328072,
0.8558377425415891,
0.8804842552451696,
0.8929131940461409,
0.8964044677112506,
0.8965848477383687,
0.8991364464379782,
0.9073445760726296,
0.9200647735292681,
0.9306531160444237,
0.9269823070590886,
0.8975251241203521,
0.8386310028467694,
0.7542221575946838,
0.6525603079094001,
0.5433434673231307,
0.4356503836152844,
0.3366602168651068,
0.25106991901486553,
0.18111591963466056,
0.12701338993235334,
0.08757131867252932,
0.060788174144706164,
0.04432855816038661,
0.0358588566703929,
0.03325966653846091,
0.03474496179155262,
0.03891646512202718,
0.04477520537945345,
0.05170476029295901,
0.0594336096420498,
0.06797770344960385,
0.07755919058989835,
0.08849539212473068,
0.101060527196281,
0.1153513866934166
],
[
0.26075758178155534,
0.26151448695056473,
0.26806978865849973,
0.2819001995699127,
0.30420660362119073,
0.335591660815604,
0.3758261943378132,
0.4238783235894691,
0.4781540009115224,
0.5367555606786294,
0.5976540091397919,
0.6587612627809767,
0.7179048587069565,
0.7726963314952782,
0.8203511937727939,
0.8578793225251617,
0.8831007925039931,
0.8960737065327555,
0.9000167382505384,
0.900407227766175,
0.9027211361669456,
0.9100817140967002,
0.9215086734296994,
0.9310270060794026,
0.9272165837006792,
0.8988741955092454,
0.8422786805960414,
0.7609502814254289,
0.6626467316656475,
0.5565796116873089,
0.4514318207153518,
0.35413501685235166,
0.26931167413050855,
0.19927257111215457,
0.14439759759962856,
0.10368990475206252,
0.07532940157402312,
0.057129073851626244,
0.04686581839888493,
0.0424963644482268,
0.042283287090294275,
0.044856908032360754,
0.049233904343555124,
0.0548067784776739,
0.061311605380453105,
0.06877510846894597,
0.07743639178115536,
0.08763529469042086,
0.09966587384159786,
0.1136262055029732
],
[
0.26169574141999824,
0.262028379272224,
0.26815190539942746,
0.28161027191248944,
0.3036823816868523,
0.33502378257238014,
0.37539331483777455,
0.42369462200836167,
0.4782619989577703,
0.5371458936762192,
0.5982928404584472,
0.6596187140856641,
0.7189829314467241,
0.7740500628403358,
0.8220640848474918,
0.8599922047435377,
0.8856312044111814,
0.8990724795847965,
0.903482155570027,
0.9041668891089171,
0.9063746465634588,
0.9130369444906503,
0.9232003142321338,
0.9312544076503456,
0.9265073236987751,
0.8984637327011594,
0.8435551437475808,
0.7649650768977363,
0.6699183594940402,
0.5670856507184443,
0.46470286261398847,
0.36940922037850954,
0.28571052267689423,
0.21595342295945164,
0.1606525511678304,
0.11898683146388911,
0.08931006939610697,
0.06958388696231665,
0.057700417592785325,
0.05169914023920075,
0.04989806283067677,
0.05096218774039296,
0.053928672298726665,
0.05820230415330008,
0.06352860614601075,
0.06994560287952978,
0.07770915724659855,
0.08718194622900166,
0.09867973178671463,
0.11230361814085832
],
[
0.26364821575551933,
0.26364639310465277,
0.26941274075143357,
0.28255205607164596,
0.30441913326572034,
0.33572493692639244,
0.3762159664058362,
0.4247304283922485,
0.47953382888881524,
0.5386274603767133,
0.5999322128456102,
0.6613614684495334,
0.720795434249838,
0.775942632783337,
0.8240833427260756,
0.8621664062469447,
0.8880051524700301,
0.9017543334819841,
0.9065457885535086,
0.9075177417771414,
0.9096867512119032,
0.915773166186676,
0.9247187585727614,
0.9309762947876166,
0.9245829847592907,
0.8961018034788235,
0.8423169258993756,
0.7661411374364492,
0.674250276257963,
0.5747298165875887,
0.4753230077499231,
0.38233463717595406,
0.300113953744365,
0.23100683727259552,
0.17563324740429975,
0.1333286729853962,
0.10261168326068704,
0.08159113628987202,
0.06827782155278939,
0.060799740084745535,
0.057536731679251885,
0.05719443214288056,
0.05883536951456969,
0.0618801088160138,
0.06608555250690396,
0.07150141441237212,
0.078399560201735,
0.08716483399807451,
0.09813582398836107,
0.1114183778953094
],
[
0.266675004888979,
0.26644225208217664,
0.271940402645958,
0.2848263764287347,
0.3065253477481603,
0.33780466128740794,
0.3783985793784696,
0.42708166993776064,
0.4820566683594435,
0.541279867962611,
0.6026454535817997,
0.6640572328182496,
0.7234031799474864,
0.7784195971446314,
0.8264219692851992,
0.8643678779843214,
0.8901238522060417,
0.9039311899168762,
0.9089105289991364,
0.9100486689847059,
0.9121379534246826,
0.9176712541597271,
0.9253741872226668,
0.9295586609946387,
0.9209752521690334,
0.8914725285052867,
0.8383572013929971,
0.7643332920284684,
0.6755255112171281,
0.5794040585672284,
0.483183181540641,
0.3927970102567402,
0.3124025081893257,
0.2443111429284976,
0.18922032346668383,
0.14660290282037192,
0.11513209383691325,
0.09306127389146468,
0.07852212044982287,
0.06973606757187134,
0.06515067262028162,
0.06351793234389558,
0.0639306121329336,
0.06582863022034391,
0.06898228093899872,
0.07345326985757306,
0.07952819655692345,
0.08761223662536699,
0.09806672077434753,
0.11100373247590989
],
[
0.2708256357419557,
0.2704778739148686,
0.2758103506356974,
0.2885213640566314,
0.310096794481628,
0.34135846852941115,
0.3820293158858359,
0.430826149554852,
0.4858981854634411,
0.5451617363853896,
0.6064828587377281,
0.6677478867190422,
0.7268383230357097,
0.7814973118191726,
0.8290629860061505,
0.8665330173101901,
0.8918589120189291,
0.9053861138187931,
0.9102483151842596,
0.9113042206797181,
0.9131329694238504,
0.917986421482088,
0.9243076835971196,
0.926189747115066,
0.915070222611331,
0.8841685158162012,
0.8314232170776755,
0.7593845194362943,
0.6736379415692295,
0.5810245711859525,
0.48820526869628933,
0.4007152663658116,
0.32248914092720643,
0.2557743200781719,
0.20132011798418414,
0.1587182650144776,
0.12678605510711116,
0.10391768664617773,
0.08836691467841873,
0.0784526692478732,
0.07269553894233471,
0.069899297917135,
0.06919170959807575,
0.07003564927061023,
0.07221688962373207,
0.07580941284328424,
0.08111290169363239,
0.08854983168051267,
0.09850244214732495,
0.11108997999993686
],
[
0.27613718990378117,
0.27580060336766576,
0.2810816138094783,
0.2937078096017758,
0.31521172767980643,
0.34646299522423,
0.3871755805242611,
0.43601999760046906,
0.49110384933661144,
0.5503085454815576,
0.611469630534839,
0.6724467177284066,
0.7310991140288324,
0.7851537797520179,
0.8319540062306753,
0.8685674148767473,
0.8930557605334825,
0.9058820688280478,
0.910216131853088,
0.9108121936065077,
0.9120476483912873,
0.9159273296671884,
0.9206033702414164,
0.9199889531431874,
0.9061866474685863,
0.8737389829316451,
0.8212430962702699,
0.7511393377852558,
0.6684981887708382,
0.5795338204807979,
0.49034228133457436,
0.40604091188418323,
0.33031844584456516,
0.2653333856705098,
0.2118643581000279,
0.16960476338858632,
0.13750543765999113,
0.11409703211866129,
0.09775568120361688,
0.08690105964270844,
0.08013148797402159,
0.07630754691145891,
0.07459656973321949,
0.0744879536439842,
0.07578508440694243,
0.07857454231415506,
0.08316724522142693,
0.08999893985468399,
0.09946868738457404,
0.11170267371840559
],
[
0.28263257269791014,
0.2824406845226333,
0.2877930621730041,
0.30043398333641747,
0.32192516518906605,
0.35317032436977763,
0.3938794278857824,
0.4426945538927493,
0.497694943331772,
0.5567314767308098,
0.6176053508219402,
0.678138331345172,
0.7361497797413458,
0.789327453341713,
0.8350084256382271,
0.870349621265855,
0.8935412012087324,
0.9051744221336951,
0.9084755381627933,
0.9081151401689331,
0.9082813637022613,
0.9107398204736825,
0.913395618496488,
0.9101146688164541,
0.8936661602464657,
0.8597457863753714,
0.8075576130227173,
0.7394604795919852,
0.6600415295598748,
0.5749036732011686,
0.48957903229599886,
0.40875756230574944,
0.33586578565856773,
0.2729535450047325,
0.2208095400638237,
0.17921332626368514,
0.14723913941932787,
0.12354931712931883,
0.10664193714900105,
0.09503989840379645,
0.08742331398693881,
0.08271414523782139,
0.08012359469661734,
0.07917102766830375,
0.07967957169823392,
0.08174877405165337,
0.08569890718576656,
0.09197438433417926,
0.10098462482915849,
0.11286046556275975
],
[
0.290319163483234,
0.29040923969038784,
0.2959602229382253,
0.30872050264189427,
0.33026209435288173,
0.36150163753309966,
0.4021534742150352,
0.4508540604901986,
0.5056674734354653,
0.5644173492253448,
0.6248650705507216,
0.6847814245507868,
0.7419264541078371,
0.7939286491009586,
0.8381143334078724,
0.8717397694678417,
0.8931344219692277,
0.9030260561443553,
0.9047138098051376,
0.9028019171274481,
0.9013062058371734,
0.9017806495595142,
0.9019679408955448,
0.895872292382859,
0.8769583758800679,
0.8418173555309494,
0.7901519157393859,
0.7242463370709648,
0.6482366142432704,
0.5671390809719907,
0.48593308709529826,
0.4088805337002777,
0.3391363306480869,
0.2786271490742493,
0.2281360555921204,
0.1875151966882107,
0.1559527343376419,
0.13223774862475768,
0.11498922122165278,
0.10283503447090059,
0.09454049728723035,
0.08909301078295684,
0.08575159114359077,
0.0840688090420032,
0.08388957327030166,
0.08532676431975172,
0.08870815700185208,
0.09448207643174233,
0.10306016449221267,
0.11457272276549457
],
[
0.2991879664947923,
0.2996970101826635,
0.30557323814783866,
0.31855659510170586,
0.3402104666609947,
0.37144171896291034,
0.41197829476280745,
0.4604745513504991,
0.5149920939450683,
0.5733296156782899,
0.6332017929265491,
0.6923137236144422,
0.7483463662708504,
0.7988529248014861,
0.8411478554231203,
0.8725919607192479,
0.891660594189493,
0.8992238658640208,
0.8986645987598532,
0.8945355383042306,
0.890706052420934,
0.8885699397326547,
0.8858244756318208,
0.8768030957912585,
0.8556825006230833,
0.8196911189014434,
0.7688825874740683,
0.7054467962107943,
0.6330937715686172,
0.5562817180956394,
0.4794557172605489,
0.4064563858761702,
0.3401639820280894,
0.2823724772315007,
0.23384710265165776,
0.19450109049550124,
0.1636278964636111,
0.14013838617383223,
0.12277091457625589,
0.11025943332374677,
0.10145718291024619,
0.09542049666396935,
0.09145971512218032,
0.08916354807953464,
0.08840053306996243,
0.08929714629149965,
0.09218677238877249,
0.09751687372790441,
0.10569274536965112,
0.11683746660866245
],
[
0.3092133362172995,
0.31027402924240405,
0.31659643121667397,
0.3298993877000617,
0.35171962414172936,
0.3829379759592885,
0.4233022362577579,
0.4715041887324301,
0.5256150643999766,
0.5834102586445559,
0.642549905945393,
0.7006579324540302,
0.7553172725208582,
0.803993158567402,
0.8439875542982432,
0.8727689796335854,
0.8889661424829859,
0.8935953828173776,
0.8901261684928615,
0.8830745704821885,
0.8762016706208017,
0.8708164298955161,
0.8647084258685216,
0.8526970968504153,
0.8296524027137319,
0.7932387355018282,
0.743696853638557,
0.6830756128482294,
0.6146718553184244,
0.5424130108097649,
0.47023257223236486,
0.40156229047176684,
0.3390101388903401,
0.2842323503089741,
0.23796740839690667,
0.20018015744404194,
0.1702616331454767,
0.14723962416690806,
0.12996992268012042,
0.1172930034393781,
0.10815210166938904,
0.10167536565497715,
0.0972274667704286,
0.09443579426445592,
0.09319406570764566,
0.09364239657057372,
0.09611773176674188,
0.10106182734981783,
0.10886570662109274,
0.11964065602821516
],
[
0.3203532889307919,
0.3220902541412648,
0.32896956223788554,
0.342676560668896,
0.3647062294929997,
0.39590496659410696,
0.4360437919497066,
0.4838650303269456,
0.5374601259941214,
0.5945823359038641,
0.6528290383806217,
0.7097276273275607,
0.7627456702808291,
0.8092499006654115,
0.8465280574352438,
0.8721581429621691,
0.884934880931477,
0.8860241073428993,
0.8789755970938753,
0.8682866582688121,
0.8576614381473094,
0.8484180617475323,
0.8385789116311212,
0.8235560971538317,
0.7988696780968118,
0.7624738404301055,
0.7146427217192958,
0.6572182612188435,
0.5930828925474139,
0.5256561059879207,
0.45838381975133513,
0.3943051011586091,
0.33576226180929486,
0.2842725709463379,
0.24054178411600352,
0.20457877475623654,
0.17586535747467325,
0.1535415299766264,
0.13657823894587606,
0.12392233742704573,
0.11460844483590527,
0.10783876437331053,
0.1030347425277558,
0.09986451957567366,
0.09824816317658558,
0.09833917072121123,
0.10047580317871219,
0.1050894046604347,
0.11255066857475915,
0.12295733029239997
],
[
0.3325503470328326,
0.33507703113756176,
0.3426104134680102,
0.3567909976428008,
0.37906133491088534,
0.4102308856163513,
0.4500957431631596,
0.49745592898437074,
0.5504310744491174,
0.6067528803559554,
0.663947855821768,
0.7194323691801177,
0.7705432169508347,
0.8145394113515566,
0.8486913516139176,
0.8706869709697673,
0.8795040485441139,
0.8764616622934362,
0.8651777658289524,
0.8501540572695465,
0.8350999662170061,
0.8214466077983665,
0.8075767322464902,
0.789556352770026,
0.7635007697121032,
0.7275463140250062,
0.681870670050624,
0.6280349935726226,
0.5684941497495036,
0.5061764786887699,
0.4440635645454209,
0.3848200234866574,
0.3305321900076745,
0.282580185082102,
0.24163352724402404,
0.20773919784383688,
0.1804638267543187,
0.1590550622726662,
0.14259640961892495,
0.13014038211056056,
0.12081370174546457,
0.11389420184343413,
0.1088619444877037,
0.10542737124180268,
0.1035376389747319,
0.10335905187747463,
0.1052288494927287,
0.10956385867632601,
0.11671077110544237,
0.12675387983920683
],
[
0.34573281057456834,
0.3491491584258121,
0.3574181179532879,
0.3721258476899876,
0.39465637118250246,
0.4257835890780898,
0.46532997104540613,
0.51215610149142,
0.5644147402561024,
0.6198158633178347,
0.6758074250946589,
0.7296816291051237,
0.7786310949859139,
0.8197987966928334,
0.8504338813988803,
0.8683344266648725,
0.8726759751128078,
0.8649344316789774,
0.8487884888944255,
0.8287720201710768,
0.8086681663351181,
0.7901252039938239,
0.7719923752177451,
0.7510169506112108,
0.7238504996308799,
0.6887285019601299,
0.6456286627734968,
0.5957595019736709,
0.5411275673475973,
0.484181039666259,
0.4274584291712004,
0.3732688132982977,
0.32345418021099986,
0.2792615605044458,
0.24132268353233743,
0.2097180899495077,
0.1840939710011329,
0.1638011916126042,
0.1480329178754034,
0.13594605034102414,
0.12675946746136357,
0.1198275331440547,
0.11469013900247538,
0.11110103164676877,
0.10903475754557101,
0.10866958578067076,
0.1103395002244274,
0.11444370385201663,
0.12130336861370361,
0.13099047767029715
],
[
0.35981632152111664,
0.36420727620469556,
0.3732766835608986,
0.388549164230159,
0.4113481058228665,
0.44241569599026603,
0.48160214762397147,
0.5278289004030708,
0.5792840802749342,
0.6336549710906747,
0.6883039060884927,
0.7403873606591342,
0.7869422530669562,
0.8249879421678572,
0.8517481921803493,
0.8651313080388348,
0.864517612188058,
0.8515431355211506,
0.8299518369256498,
0.8043414278016493,
0.7786382184538099,
0.7548044314444597,
0.732238376373093,
0.7083730602176062,
0.680337165874089,
0.6463978933638532,
0.6062526271496586,
0.560693969946901,
0.5112567722570567,
0.4599157502074503,
0.4087852568853372,
0.35983746948005635,
0.3146826514446236,
0.2744402838721065,
0.23970418285138217,
0.210584950740625,
0.18680363334069927,
0.16780994351836442,
0.15290350349145654,
0.14134378575991047,
0.1324412255676911,
0.12562694551079823,
0.12050125081600616,
0.11686165276924487,
0.11470997929027593,
0.11423545217349906,
0.11576687207035452,
0.11968387378676393,
0.12628222470965467,
0.13562323291578615
],
[
0.37470558253525454,
0.3801403406706977,
0.39005834233027153,
0.40591787329844,
0.4289827258647912,
0.4599688223448811,
0.4987559272296889,
0.5443254328240423,
0.5949011297807364,
0.64814600950324,
0.7013304510941594,
0.7514652196526779,
0.7954216388393057,
0.8300884275626077,
0.8526596105131521,
0.8611522668369127,
0.8551510111582096,
0.8364560525359134,
0.808892447849458,
0.777157234233012,
0.745386092564422,
0.7159395591851305,
0.6888256800301898,
0.662153206915393,
0.6334704978908904,
0.6010190749378564,
0.5641542986697808,
0.5232014399446068,
0.4792020400417587,
0.4336618659649555,
0.38828796493569534,
0.34473342410863095,
0.30438963850687967,
0.268254885452669,
0.2368858642612794,
0.21042046334517195,
0.18865024262362518,
0.17111938258511816,
0.15723043292393135,
0.1463430902637003,
0.13785810945020016,
0.13128294188733247,
0.12627827553643622,
0.12268532805917298,
0.1205327490279392,
0.12001964077128624,
0.12146814401224904,
0.1252374943655441,
0.13159928163396306,
0.14060597863196833
],
[
0.3902961083910774,
0.39682800086097547,
0.40762653468152876,
0.42408106951438085,
0.44739918446076965,
0.47827706947327153,
0.5166265280071505,
0.5614878138272659,
0.6111196406876267,
0.6631588264333531,
0.7147782921145056,
0.7628345493430395,
0.8040247047324381,
0.8351000356680528,
0.8532197727544377,
0.8565058027960731,
0.8447419601504442,
0.8198982228908769,
0.7859041299293458,
0.7475942039250211,
0.7093733423243271,
0.6740698009899146,
0.6423433140031356,
0.6129597935334616,
0.583832405273932,
0.5531263519525613,
0.5198078384446434,
0.4836963676898123,
0.44532364668494284,
0.405731007504588,
0.3662336318155588,
0.32818226696361996,
0.29276197547134375,
0.2608564097621596,
0.23298640927507946,
0.20931477963440337,
0.18969943759420704,
0.17377455478988524,
0.16104173328506033,
0.15095802266492275,
0.14301264419300286,
0.13678831566966765,
0.13200549231897463,
0.12854856573468798,
0.1264722652956014,
0.12598453869756265,
0.1273999028233742,
0.13105730333152454,
0.1372060693582634,
0.1458917151927348
],
[
0.40647591595781407,
0.4141427656149979,
0.4258384630942705,
0.4428827139693875,
0.4664319346621589,
0.49716988916058336,
0.5350437251796732,
0.5791519685027167,
0.627787317802582,
0.6785587173074581,
0.728537073980846,
0.7744173264405324,
0.8127145741353242,
0.8400356464691296,
0.8534987425216003,
0.8513242495613291,
0.8334885369233962,
0.8021387735449643,
0.7613361634409517,
0.7160911641361556,
0.6711291281691094,
0.6297996259184802,
0.5934406935859129,
0.5614521662233487,
0.532060054407053,
0.5033075178159134,
0.4737361028987405,
0.44263407351763023,
0.4100140472045647,
0.3764592953840666,
0.34290794161063853,
0.31042406952036916,
0.27999824761408604,
0.2524058592566413,
0.22813320604892529,
0.20736576441813348,
0.1900236613593782,
0.17582640405744354,
0.1643704025420435,
0.15520667606316263,
0.14791047052853967,
0.14213811025298395,
0.13766865990909172,
0.1344287327018755,
0.1324981836739968,
0.1320928760383009,
0.13351924060454157,
0.1370967641074753,
0.1430548105059014,
0.15143375334177245
],
[
0.42312709001693993,
0.43195190594298966,
0.44454722103770333,
0.46216382465841743,
0.4859131603080107,
0.5164744402078584,
0.5538343344905632,
0.5971499884052612,
0.6447476446620966,
0.6942073464298932,
0.7424945470397077,
0.7861363050722917,
0.8214582847608555,
0.8449152430881761,
0.853576755119813,
0.8457540036892045,
0.8216097700673073,
0.78347762411881,
0.7355784763110584,
0.6831346682047141,
0.6312328975126734,
0.5837818271869275,
0.5428119119771657,
0.508331572868613,
0.4788307063347408,
0.4521887564661759,
0.42649702150000074,
0.40049960962436276,
0.3736892727868403,
0.346200799488655,
0.3186101333059038,
0.29170939484275094,
0.2663055644744968,
0.2430715463695835,
0.22246017101598176,
0.20467722031657365,
0.18970074458679365,
0.17733067825471416,
0.1672536073305957,
0.15911064074590553,
0.1525600520973417,
0.1473295577934407,
0.1432551820897442,
0.14030444581026646,
0.1385812243106742,
0.13830850731627342,
0.1397846175370976,
0.14331092037798843,
0.14909926956112496,
0.15718660169446363
],
[
0.4401271914437228,
0.4501190804551275,
0.4636035379699885,
0.4817642482118337,
0.5056746023413505,
0.5360175426618684,
0.5728242862455215,
0.6153121074020347,
0.6618413556058225,
0.7099632749138012,
0.7565357718356474,
0.7979126073005927,
0.8302224944803301,
0.8497595781194628,
0.8535360901852179,
0.8399460830018888,
0.8093345415259041,
0.7642322122774808,
0.7090465172050017,
0.6492426391034161,
0.5902978059860788,
0.5367019211350139,
0.49118141236710694,
0.454327399624599,
0.4248477334383409,
0.4004204173199645,
0.37867024692483264,
0.35779639107436967,
0.33677987631132633,
0.3153205460010732,
0.2936476153671709,
0.2722950942632984,
0.251896217711087,
0.2330263958926057,
0.21610555778828444,
0.2013571161262514,
0.1888124956552295,
0.17834683905430315,
0.16973187901324116,
0.1626944590038547,
0.15697236751206511,
0.15236199307133158,
0.1487542323791614,
0.14615589527090667,
0.14469366874664624,
0.14459702734958002,
0.14615651550611475,
0.1496570330288436,
0.15529538814923516,
0.16310663924130553
],
[
0.4573504987449965,
0.4685056994264396,
0.4828571959467718,
0.5015240947502424,
0.5255490685168646,
0.5556273272816898,
0.5918403962327397,
0.6334683959017926,
0.6789076585418837,
0.7256822342239817,
0.770542017509463,
0.8096629986868351,
0.8389689720247011,
0.854583880404157,
0.8534533329864991,
0.8340471339384858,
0.7968909001956366,
0.7447245987131449,
0.682166341349982,
0.6149482910244423,
0.5489547466101022,
0.4892633898983047,
0.4392904589515972,
0.40018409222503704,
0.3708272385213378,
0.34866330003980234,
0.33084407319707476,
0.31503481354506496,
0.2997216979581242,
0.28418731015365134,
0.2683304093500677,
0.2524400000311012,
0.23698429479344035,
0.22244524457059733,
0.20920978564324566,
0.19751584227091845,
0.18744331574536677,
0.17893698945587522,
0.1718483179914615,
0.16598507801137852,
0.16116058925082744,
0.15723674018968226,
0.15415683188980245,
0.15196509257046809,
0.15080974265608194,
0.1509262319786122,
0.15259791153992497,
0.15609503575583306,
0.16160174234771663,
0.16915260836777424
],
[
0.47466909297126075,
0.48697206014123884,
0.502158177865066,
0.5212849098653931,
0.54537170494015,
0.5751346685420216,
0.610711936822415,
0.6514502875120319,
0.6957853429318922,
0.7412173235748962,
0.7843895690521616,
0.8212970672490105,
0.8476501277054361,
0.8593918828940239,
0.8533922202476358,
0.8281910525475895,
0.784495990547862,
0.7252692132435423,
0.6553602243753028,
0.5807844404259779,
0.5078367222421573,
0.44217324533289065,
0.3878838285994428,
0.3466481740583911,
0.3174847104636798,
0.2975750681256005,
0.28360254966565496,
0.2727210107633441,
0.26294667989529563,
0.2531664059168591,
0.2429655837936262,
0.2324006261748302,
0.22178232345027082,
0.21150218762462059,
0.20191332135861517,
0.1932645172378823,
0.18567885647134974,
0.17916483210334433,
0.1736478157383594,
0.1690113068171032,
0.1651397520908463,
0.16195697178973323,
0.15945587808742845,
0.15771604143893558,
0.15690588907284908,
0.15726644018232838,
0.15907459927224255,
0.16258784075027333,
0.1679798529203319,
0.17528595910813172
],
[
0.4919538102237635,
0.5053782960811195,
0.5213576072702808,
0.5408906504121134,
0.5649810989229067,
0.5943744791202151,
0.6292721023418173,
0.6690920523124916,
0.7123139194439122,
0.7564193366062063,
0.797948712054313,
0.8327145206962896,
0.8562047894933844,
0.8641704440996556,
0.8533972768452072,
0.8224914226451012,
0.7723468306520329,
0.7061614856894753,
0.6290330296528339,
0.5472682312085094,
0.46756323362346175,
0.3961273590223091,
0.3376961321039003,
0.2944547632004588,
0.2655211670797272,
0.24779645653894022,
0.2375127345072809,
0.23134588750214707,
0.22687393632559694,
0.2226126691222814,
0.217851833504144,
0.21242698859556108,
0.20649802239962867,
0.20036802267350007,
0.19435464842900152,
0.18871336861924248,
0.1836047370163183,
0.17909467081636565,
0.17517630349537705,
0.17180328343656304,
0.16892641450709123,
0.16652754229222377,
0.16464612546500423,
0.16339483513385222,
0.16296094163074148,
0.1635906964050129,
0.16555538428287675,
0.16910152149344837,
0.17439437495714383,
0.1814710710384495
],
[
0.5090750964888856,
0.5235851882706815,
0.5403085380045904,
0.5601885245388324,
0.5842202741778754,
0.6131869320949063,
0.6473594482584166,
0.6862323184237983,
0.7283349305547197,
0.7711374279738253,
0.811083229753545,
0.8438029640912789,
0.8645545208606606,
0.8688851078884371,
0.8534884758556662,
0.8170350026987037,
0.7606122013017481,
0.6876676255017601,
0.6035595548794086,
0.5148863178748901,
0.4287243685688245,
0.3517949719886717,
0.28943714478484606,
0.24431296673112068,
0.21560827507800162,
0.19993705573645693,
0.1931121189872107,
0.19137459149163272,
0.19190128083518587,
0.19286381927948282,
0.19327435074831778,
0.1927586505893677,
0.19133123150988252,
0.1892078402497286,
0.18666835674170068,
0.18397021143360703,
0.1813053367807944,
0.1787904669098852,
0.17648003601870965,
0.17439195796886686,
0.1725383170970699,
0.17095479822946913,
0.16972412171546059,
0.16898968654374358,
0.16895621000557992,
0.16987487205056329,
0.17201217630761578,
0.175605395843754,
0.18081318957002368,
0.18767537541552226
],
[
0.5259038075640785,
0.5414548908246561,
0.558866650425061,
0.5790297515446421,
0.6029376315303279,
0.6314186639505956,
0.6648193642081973,
0.7027157199701325,
0.7436935449297937,
0.7852203010069587,
0.8236507526735962,
0.854436950109826,
0.8726013812539919,
0.8734769901629429,
0.8536571580466681,
0.811876507373279,
0.7494259303746922,
0.6700158512195737,
0.579273148169475,
0.48408067828286616,
0.3918644040733484,
0.30980178312168555,
0.24377548150144013,
0.19688949601829664,
0.16837204265860195,
0.15456066684962189,
0.15089640234627666,
0.1532366461082285,
0.15839742079348174,
0.16423437607657076,
0.16950012406606985,
0.17362109204931697,
0.17647108947186263,
0.17817880692344323,
0.17898338363446353,
0.17913904477509535,
0.1788626782448013,
0.17831496086539234,
0.17760491812390522,
0.17680859751624356,
0.17599404257602613,
0.175246369932602,
0.17468810482174335,
0.17449089959257946,
0.17487549079561449,
0.17609768407157966,
0.17841999840876444,
0.18207202923410637,
0.18720741696229748,
0.1938693968502062
],
[
0.5423120034563799,
0.5588516259224612,
0.5768909104293386,
0.5972702940856793,
0.6209878813703801,
0.6489239971023222,
0.6815056169763818,
0.7183947165964817,
0.758240505000441,
0.7985180310977348,
0.8355041625361224,
0.8644788264577956,
0.8802278142419686,
0.87786123725862,
0.8538634151006925,
0.8070349311223397,
0.7388818703124221,
0.6533894072088137,
0.5564559818861,
0.4552354563195259,
0.3574650434827132,
0.2707110744936593,
0.20131989139500928,
0.15278981449936102,
0.1243749495417954,
0.11217055853378566,
0.11130798825422905,
0.11731703635297341,
0.12669503908097857,
0.13701029610729043,
0.14677378686050313,
0.1552224897324853,
0.16209351958660834,
0.16742818214092936,
0.17142143398669119,
0.17431878554694036,
0.17635541307589842,
0.17772886872094873,
0.17859588103065438,
0.17908431842938566,
0.17931268217105623,
0.1794109496511438,
0.17953786763453083,
0.17989079140495445,
0.18070501705939623,
0.18224064698479248,
0.18475693046754604,
0.18847717486080084,
0.19355136729890154,
0.20002673091721712
],
[
0.5581737926593684,
0.5756424070614292,
0.5942442487129506,
0.6147716143641059,
0.6382330083775963,
0.6655662053401639,
0.6972819719148231,
0.7331315895695616,
0.7718344420382789,
0.810884552976158,
0.8464940441327309,
0.8737809374293737,
0.8872979947007956,
0.8819270655971921,
0.8540350957186083,
0.8024916548013362,
0.7290308664332731,
0.6379217215936296,
0.5353314641847934,
0.4286655275479803,
0.32592899291087835,
0.23500265753492577,
0.1625973731053194,
0.11253616932022548,
0.08409699603445397,
0.07319541524322526,
0.07472577028034777,
0.08394859956200784,
0.09708498581510738,
0.11144447993128537,
0.12531412078121051,
0.137750982316036,
0.1483590746783695,
0.15709160347848783,
0.16409560274200685,
0.16960215514966837,
0.1738579225069713,
0.17709016116141374,
0.17949631463823124,
0.18124965101061186,
0.18251351330923515,
0.18345806161989442,
0.18427459707483007,
0.18518357492247217,
0.18643335905317315,
0.18828797282880783,
0.19100400187372357,
0.1947996651877404,
0.19982244329391974,
0.2061239715985972
],
[
0.5733662876808159,
0.5916978541672122,
0.6107943209827749,
0.6314015076333106,
0.6545433049028514,
0.6812188296811448,
0.7120238709861288,
0.7468005746639322,
0.7843445124498234,
0.8221807575728886,
0.8564720666862958,
0.8821888414598603,
0.8936603092518326,
0.8855393309387771,
0.8540685720155946,
0.7981905684138597,
0.7198799929386902,
0.6236940354279,
0.5160593055794241,
0.40460774739173655,
0.2975654400408523,
0.20305058185869174,
0.1280272249651433,
0.07654238490295784,
0.047917336999827476,
0.037977264353110884,
0.04145691566132592,
0.05340609358099868,
0.06981178694555146,
0.08775327579249714,
0.10531129747649304,
0.12137247766889514,
0.13541118075823555,
0.14729166737998955,
0.15710921819855572,
0.16507473160485653,
0.17143954070437084,
0.17645343173075834,
0.18034756086499792,
0.18333414127535164,
0.1856156933474109,
0.18739782968931962,
0.1889006951940182,
0.19036521136642703,
0.1920512876566811,
0.1942264317378012,
0.19714504606448158,
0.20102126686553357,
0.20600100625687745,
0.2121406002882512
],
[
0.5877707392625392,
0.6068931704001181,
0.6264144155826591,
0.6470350709633136,
0.6697985066835971,
0.6957670358038205,
0.7256201140183005,
0.759290045104579,
0.7956532475796638,
0.8322780754704838,
0.8652951682124111,
0.889545575058824,
0.8991511243853479,
0.8885416846591604,
0.8538314208415856,
0.7940404365750716,
0.7113942829769394,
0.6107357507951754,
0.49873369367483994,
0.3832159365001425,
0.2725798419547656,
0.17510349206267184,
0.09789059590537996,
0.04508832116529016,
0.0160997875383857,
0.006762988133749648,
0.011731371437633253,
0.025902277202727197,
0.04507063590583138,
0.06611407232259936,
0.08692491637473587,
0.10622904117557086,
0.12337480629420017,
0.1381368239033668,
0.1505549187422841,
0.16081417582755408,
0.16916390731395625,
0.17586935888541366,
0.18118847207537503,
0.1853659937087938,
0.18863797374981062,
0.19124074795388135,
0.19341958906060086,
0.1954332412985642,
0.19755161073746663,
0.2000451840385029,
0.203166527596508,
0.20712650923223164,
0.21207021545508675,
0.21805884620823818
],
[
0.6012739224602326,
0.6211093585520165,
0.6409845833537299,
0.6615558727247478,
0.6838890622152968,
0.7091089874234364,
0.7379744587548022,
0.7705046115524279,
0.805659449088436,
0.841062360213972,
0.8728304057364169,
0.8956970395923822,
0.903600063448804,
0.8907614977068316,
0.8531672190995934,
0.7899197233274122,
0.7035010863385376,
0.5990275939472621,
0.4833848366202354,
0.364560437956425,
0.25107054859269795,
0.15127525653202423,
0.07230731612848451,
0.018305165865434514,
-0.01121364273951253,
-0.020299125137354768,
-0.014300347911923472,
0.001586231821327555,
0.023005967884588974,
0.046664028678384706,
0.07028286638513692,
0.09243788368101336,
0.11235557028776888,
0.12972059490554566,
0.1445139696714779,
0.15688963675480627,
0.16708845268973294,
0.17538426480393932,
0.18205503741851692,
0.1873717581783476,
0.19159843861459858,
0.1949974594072702,
0.1978355359227537,
0.2003866021769457,
0.20292899140322962,
0.20573559313862422,
0.20905735070424702,
0.21310249488513278,
0.21801584901953064,
0.22386352646669572
],
[
0.6137698514308324,
0.634234764900446,
0.654393075628609,
0.6748573977967521,
0.6967175620593183,
0.7211571921630316,
0.7490070278692751,
0.7803669639683898,
0.8142809041029325,
0.8484378132462229,
0.8789602594554354,
0.9004984998539193,
0.9068370174297462,
0.8920168180016903,
0.8519027060963543,
0.7856840630159212,
0.6960970349561124,
0.5885074706341351,
0.46998382778012743,
0.34863251514236654,
0.23303355787724023,
0.1315517912142714,
0.051249410314284094,
-0.0038161484826049197,
-0.03399868042751519,
-0.04315709509791821,
-0.03656586978192,
-0.019456009780253747,
0.003711629357824764,
0.029499939546461573,
0.05548100725533278,
0.08009094658164773,
0.10243928840754246,
0.12212111583738938,
0.13905582061789545,
0.1533613359475261,
0.1652640165666659,
0.17503977201552356,
0.18298007864649923,
0.18937606330123613,
0.19451427081909156,
0.19867854708316457,
0.20215342940523773,
0.20522543933859183,
0.20817975580655568,
0.2112910269842343,
0.21480865678183841,
0.2189386993594099,
0.2238261132138457,
0.2295418725896669
],
[
0.6251618967241485,
0.6461670502284219,
0.6665381899701767,
0.6868448519422009,
0.7082003401876588,
0.7318397570644822,
0.7586553920604316,
0.7888192475227213,
0.8214566415586598,
0.8543306098970851,
0.8835880378463423,
0.9038220046302824,
0.9087010781592033,
0.8921256929560459,
0.8498576202876521,
0.7811764732235245,
0.6890573582669663,
0.5790786227343548,
0.45845041918471935,
0.33535310556497,
0.21837452817273034,
0.11581103509535018,
0.03457453215820261,
-0.021399722863464588,
-0.05233545399802231,
-0.06184765288231753,
-0.05506637502198286,
-0.03719865205588757,
-0.012767440274888964,
0.014679179012987098,
0.04258363394875875,
0.06925506089445344,
0.09369194284331994,
0.11540099230575496,
0.1342378980642177,
0.15028032826403181,
0.16373459822984904,
0.17487255706424676,
0.18399301570332938,
0.19140139765216002,
0.19740154833397638,
0.20229434145927194,
0.20637861170883676,
0.20995091633641216,
0.213301696943343,
0.21670665452660975,
0.2204136169042893,
0.22462676569147316,
0.22949144567162455,
0.23508334915601464
],
[
0.6353653571347176,
0.6568157009840963,
0.6773306393631483,
0.6974374067128288,
0.7182692250113574,
0.7411014699655506,
0.7668751949257467,
0.7958237504120508,
0.8271484093659807,
0.8586918029679262,
0.8866428467470567,
0.9055642415020478,
0.9090514205630564,
0.8909182551230741,
0.8468575670556967,
0.77624015692616,
0.6822469474660643,
0.5706194152663695,
0.44866295647109045,
0.32458478640684796,
0.20692544573557758,
0.10384775309995276,
0.022056139022346488,
-0.0346568340533,
-0.06638992925841758,
-0.07648471727811323,
-0.0698693054692161,
-0.05167144543847724,
-0.02643218844645545,
0.0022216171565719867,
0.031624657313400806,
0.05997263802001074,
0.08616004899064966,
0.10960745418595574,
0.13010562183332752,
0.14768843140648524,
0.16253723364885764,
0.1749141986453585,
0.18511970111886822,
0.1934679392624522,
0.20027507248817122,
0.20585474715900653,
0.21051669594548417,
0.21456502956488355,
0.21829387975137804,
0.2219792424519928,
0.22586722435404566,
0.23016029855870007,
0.23500431716194115,
0.24047946913101803
],
[
0.6443104694768468,
0.666105205788587,
0.686696578512571,
0.7065709267520854,
0.7268733487398847,
0.7489046031381908,
0.7736402070571317,
0.8013627004015822,
0.8313410305650161,
0.8614990174544881,
0.8880834044421839,
0.9056539222545025,
0.9077796474933255,
0.888252033370405,
0.8427502736888028,
0.7707331362537536,
0.6755321368485305,
0.5629938468733131,
0.4404695054927264,
0.316145468872075,
0.19846297402838964,
0.09539731980278876,
0.013408537662431552,
-0.043861367042334676,
-0.07639413519796034,
-0.08724572834567923,
-0.08109920299070017,
-0.06295354812881315,
-0.037325335584059816,
-0.007887638153238785,
0.022609408921310914,
0.05226283354342953,
0.07987138117779868,
0.10477278269541246,
0.1266926294020716,
0.1456183137032745,
0.1617019926745652,
0.17519111598893045,
0.18638232104269403,
0.1955934329429072,
0.20314822918293252,
0.20936909121959102,
0.21457340190483953,
0.219070431160221,
0.2231564517820676,
0.2271069563822355,
0.23116609112313302,
0.23553466175131188,
0.24035903554515975,
0.2457236096082393
],
[
0.6519456697332825,
0.6739790156434448,
0.6945814380405931,
0.7142010756281424,
0.7339808134683177,
0.7552293240571064,
0.7789417526318904,
0.8054370430102086,
0.8340413101687633,
0.8627564306927835,
0.8878998844075111,
0.9040573856396543,
0.9048218789903026,
0.8840307811924062,
0.8374250560418923,
0.7645427847997645,
0.66879176557852,
0.5560617534765167,
0.4336991382949245,
0.3098223664510789,
0.19272619352220233,
0.09015631841840765,
0.008307464159180933,
-0.04932932805098411,
-0.08262767138090366,
-0.09435746663041156,
-0.08892757223996606,
-0.07116643642328435,
-0.04552645641946895,
-0.015694850306571917,
0.01551695917537732,
0.04612311273831882,
0.07483601091543868,
0.1009149797657739,
0.12402118765406422,
0.14409372652695618,
0.16125208731055385,
0.17572459177475686,
0.18779935964801664,
0.1977931140883673,
0.2060328832879449,
0.21284599444085817,
0.21855440773943474,
0.2234702632778024,
0.22789046279102076,
0.23208916984014893,
0.23630825150116402,
0.24074678192818927,
0.2455515548120757,
0.25081083091175393
],
[
0.6582405972047154,
0.6804042210352226,
0.7009546778450703,
0.7203063273953524,
0.7395798871055765,
0.7600736070112176,
0.7827875427889724,
0.8080642387122334,
0.8352752497389861,
0.8624925743407383,
0.8861130621993278,
0.9007810158000382,
0.9001670723332238,
0.8782234573980224,
0.8308312148755719,
0.7575969275833319,
0.661925943625657,
0.5496877247621907,
0.4281724454384067,
0.30538506727641884,
0.18943239287889446,
0.08779958530853793,
0.006406799956646281,
-0.051402095238567314,
-0.0854015719949418,
-0.09808253407495326,
-0.09356256289091847,
-0.07646635397305002,
-0.051146558295813827,
-0.021273803638037547,
0.01030282671733862,
0.0415311380637422,
0.07104760493282125,
0.09803864448807564,
0.12210276836793843,
0.14312986534781114,
0.161204080331934,
0.17653087258136746,
0.18938562265595416,
0.20007967682015748,
0.2089393057297423,
0.21629326661152387,
0.2224652192978584,
0.22776800604503122,
0.2324976957717068,
0.23692628347960065,
0.24129297512023712,
0.24579496092016567,
0.25057929144285945,
0.255737701365193
],
[
0.6631879710852884,
0.6853756769552989,
0.7058145311490577,
0.7248898525090242,
0.743679344053206,
0.7634525801964571,
0.7852000591333271,
0.809275382593953,
0.8350836200581893,
0.8607555993266798,
0.8827705142992002,
0.8958696614353161,
0.8938577587893789,
0.8708683965700561,
0.8229828713892976,
0.7498681783814207,
0.6548613150177404,
0.5437479952247063,
0.42371056546513863,
0.30259692802597393,
0.18829032547734748,
0.08799391430027559,
0.007351952464944467,
-0.050432925344519264,
-0.08504478462881315,
-0.09870718965389169,
-0.09523908552024052,
-0.07903673290645774,
-0.054322443765195794,
-0.024721682730103667,
0.006901954025850032,
0.03844689508142374,
0.06848492671955697,
0.09613601846584696,
0.1209387614201568,
0.14273384164536718,
0.16156818217290791,
0.17762133883274822,
0.19115231490089923,
0.20246328361474286,
0.21187613212505252,
0.21971782574892096,
0.22631105814388114,
0.2319673407682727,
0.2369805112372908,
0.24161955639605148,
0.24612059119538027,
0.25067869825768874,
0.2554409497639295,
0.260502129485713
]
],
"zauto": true,
"zmax": 0.9312544076503456,
"zmin": -0.9312544076503456
},
{
"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.3565563617481852,
0.34402563568092565,
0.33062382624734765,
0.31614845792502994,
0.3001372408697736,
0.28185826659906743,
0.26039325360663385,
0.234817308527428,
0.20444980863454135,
0.16914391259191824,
0.12961416831645187,
0.08793636199555334,
0.04919585559927898,
0.030620749231352443,
0.044935747249787786,
0.05955322926628066,
0.06261614710628288,
0.05370879186519591,
0.03767533819705501,
0.030837821779777813,
0.04706042922617197,
0.0689120489215655,
0.08694293563613159,
0.09948396480234796,
0.10738444392233953,
0.11128285615673131,
0.10996533341549551,
0.10089634375363095,
0.08203585195936396,
0.05412280118127225,
0.030961994177026737,
0.05524859931399312,
0.10131211624572059,
0.14904191190452867,
0.19385577147056696,
0.23380882285873364,
0.26800420978370376,
0.2961626824701905,
0.318400606942194,
0.335089726967667,
0.34676874127178764,
0.35409290989107545,
0.35781029822474253,
0.3587521712202064,
0.35782286573474886,
0.35597316113300065,
0.35414392047343374,
0.3531772385242052,
0.3537108357832836,
0.35608995766065243
],
[
0.3508310730099425,
0.3376245101184488,
0.3237311978184378,
0.3090296298333103,
0.2931072075435744,
0.2752340154347495,
0.2544467795017267,
0.2297486107048571,
0.20039065629723685,
0.16619060715693965,
0.12788055144082752,
0.08762606680173936,
0.05068690454670757,
0.03300954567028295,
0.045069269870281294,
0.058420630021209397,
0.06129698721853985,
0.05305060909452523,
0.03783778967085139,
0.02920069055261267,
0.04174466189925983,
0.06108195253798211,
0.07710830323579458,
0.0880300051767078,
0.0951486758008503,
0.09953604508081507,
0.09982759926389081,
0.09302040997206386,
0.07685252482249777,
0.05267276159171994,
0.036486635074830416,
0.061254519590631225,
0.10533674729604024,
0.15172172124811914,
0.19555652051664446,
0.23472989350401624,
0.2682522592786455,
0.2957831757921703,
0.31739366629628896,
0.33342037837222865,
0.344376106886835,
0.350901140240747,
0.35374333092594956,
0.3537536086130294,
0.3518806145059276,
0.34914545281471715,
0.34657926801618927,
0.3451179422468135,
0.34547169510580333,
0.3480131824804993
],
[
0.3447166573045881,
0.3307576048252248,
0.3163175185984522,
0.3013760456123288,
0.2855878080421003,
0.2682342819372566,
0.24830766137471086,
0.2247366058577772,
0.19670997210330282,
0.1640392077285385,
0.12754898295313036,
0.0896599189822371,
0.056052687947720344,
0.0401889399718248,
0.04816548782936444,
0.058827935827283295,
0.061023095446718315,
0.05364130158986505,
0.040132933541196306,
0.03077162579802853,
0.038394351963027006,
0.054214354346055184,
0.0678142974365635,
0.07686372192156808,
0.08314224745053585,
0.08831407701160934,
0.09083922539816491,
0.08724433829228082,
0.07534549525454264,
0.05782430347842827,
0.05041927785731099,
0.07310579970979664,
0.11316009443630166,
0.15695576115967405,
0.19903164075516305,
0.23690321811362988,
0.2693851558446286,
0.2960196684694854,
0.3167982850436727,
0.33199969145226016,
0.3420942802570006,
0.34769497300436575,
0.34954036186669096,
0.34849568760230354,
0.3455534108383448,
0.34181072499988385,
0.3384013225340888,
0.33637103576451505,
0.33651662978417685,
0.3392431890395354
],
[
0.33820460352870435,
0.3234029352411688,
0.308344873933781,
0.29313428650609236,
0.2775130942135702,
0.2607833106535214,
0.24188842091219712,
0.21967121245270713,
0.1932508180610258,
0.16243944262495816,
0.12817885367010476,
0.09315095713994441,
0.06315276216364772,
0.04865955567422911,
0.052521571963702045,
0.059838095731190914,
0.06096343831530527,
0.05444534518508016,
0.042874134260121814,
0.03344822691423945,
0.03630314327721229,
0.04810709405565916,
0.059076292756610735,
0.0660906203542203,
0.07151878944341399,
0.07785542729153651,
0.0832849328096091,
0.08377763735192835,
0.07732955192168336,
0.06747842099135005,
0.0670327162883644,
0.08794241664547188,
0.12373004819555819,
0.16429351627723224,
0.20406015434894534,
0.2402114248126799,
0.271338554215651,
0.2968375678729134,
0.31659773138145075,
0.3308220976590298,
0.33992456076131394,
0.3444792161488857,
0.34520642021904857,
0.3429799989195843,
0.3388354622347737,
0.3339524161146367,
0.3295815053084914,
0.3268983662554147,
0.32680412999175396,
0.32974287856787676
],
[
0.33129273778155544,
0.3155440739963695,
0.2997790341314371,
0.28425224768090973,
0.2688164683275405,
0.25280348258711977,
0.2350984162200103,
0.2144360718685191,
0.1898431403616371,
0.1611160376950693,
0.12929147019162637,
0.09721161635618526,
0.07039065656453103,
0.05660080693842919,
0.05682796672237742,
0.06066037760837102,
0.060443073024240936,
0.05468369817914943,
0.04498322273303175,
0.03580910932663185,
0.03474550630383059,
0.04258778757679667,
0.05097186445182244,
0.05589162526056665,
0.06051475725408872,
0.06848102219297383,
0.07744317495667329,
0.0826301364571291,
0.08210964899085785,
0.07940515523529815,
0.08408295388206537,
0.10394525079651872,
0.13603121470513932,
0.1732216218439574,
0.2103703852405145,
0.24450389865561903,
0.2740272343869759,
0.29818956179368367,
0.3167680414914257,
0.3298786946402132,
0.3378678803356689,
0.3412606979444064,
0.3407504714723588,
0.337213397576749,
0.33172670242805785,
0.32555904890393234,
0.3200947417002951,
0.3166635903589481,
0.31629381997528916,
0.31947715125077997
],
[
0.32398689213885395,
0.3071721515597519,
0.2905915030399725,
0.2746810750908174,
0.2594327702279752,
0.2442182358812887,
0.22784850136318685,
0.20891630391668078,
0.18631764566265002,
0.1597965357039217,
0.13043319469848805,
0.10110324565719403,
0.07680626984519096,
0.0632082903215267,
0.0602951198363605,
0.06074854346771599,
0.059006829860573144,
0.053885507445546876,
0.04595334192143291,
0.03724825749217666,
0.03324054876566937,
0.03758476953189557,
0.04366433946436359,
0.04654559095274031,
0.05047734371074668,
0.06058786449882939,
0.07351755909308645,
0.08358052775462133,
0.08879372055947711,
0.09216577396325489,
0.1007435937784222,
0.12012829331781259,
0.14925148907197044,
0.1832421967520568,
0.21767178390100575,
0.24961036086866947,
0.2773512795053354,
0.30001858328482917,
0.3172795216212698,
0.3291580950470687,
0.33592542708542544,
0.33804893370666794,
0.3361863161427293,
0.33120924196707136,
0.3242343419659379,
0.3166258720631289,
0.309920856492123,
0.3056331442038515,
0.3049472208473278,
0.30841389125807933
],
[
0.31630274336361636,
0.29828817169397753,
0.28076192872887035,
0.2643773785326975,
0.249300540355709,
0.23495517670710675,
0.2200559458810015,
0.20300645129275185,
0.1825192229643418,
0.1582353678472045,
0.13121788255191616,
0.10427886163262183,
0.08186094717258643,
0.06812536072207265,
0.06251337768070113,
0.05979969484286194,
0.056419348340370885,
0.05185185085405264,
0.045662362397874634,
0.03766644015813234,
0.031632860930853275,
0.03316665500571643,
0.037397901302843164,
0.03843728206494508,
0.041884273697200866,
0.05458890115640022,
0.07155227291746974,
0.08622859412010911,
0.09657594086064714,
0.10496515623528664,
0.11666138534516557,
0.1359599697193293,
0.16279976464179322,
0.19391874232176765,
0.2256811513767464,
0.25535400726891583,
0.28120262373442384,
0.30226112919682036,
0.3180984698830084,
0.3286473792726164,
0.33409929654078196,
0.33485678886400777,
0.3315335079440603,
0.32498873825432556,
0.31637465557046573,
0.3071568457764612,
0.299046300961173,
0.2937774194732634,
0.29272864440548413,
0.2965251657329835
],
[
0.30826779621910994,
0.28890567388111743,
0.2702809470794472,
0.2533057588593672,
0.2383644244428454,
0.2249492945494102,
0.2116494348168772,
0.1966181529360121,
0.17831882018652906,
0.1562320665985839,
0.13134871585089636,
0.10637022459775126,
0.08526899424161956,
0.07121099790301585,
0.06332062184769119,
0.057723174403654806,
0.05264927761865679,
0.048612818703472796,
0.044242627727623815,
0.03724231344156621,
0.030030686880466697,
0.029519008220832203,
0.03243110818810379,
0.03200989121286692,
0.03530388477803062,
0.050767037750346106,
0.07138088254062142,
0.0901005020104276,
0.10484955719514262,
0.11737836603074811,
0.1316729923185413,
0.15114804414895264,
0.17626651369152613,
0.20489366529823883,
0.23414050082514623,
0.2615625820393552,
0.2854712411321546,
0.3048506169474835,
0.3191889775990684,
0.32833308205130485,
0.33239312339372984,
0.3317010935326605,
0.3268182458345575,
0.31858235854559586,
0.30817501820185567,
0.29716704380600173,
0.28746630877675994,
0.28107220013643897,
0.2796062382077224,
0.2837886964866746
],
[
0.2999234621240536,
0.27905377337462606,
0.25915356135893186,
0.24144172451375678,
0.2265777066043946,
0.21414623457453075,
0.2025740552290515,
0.18968726304520367,
0.1736232249959544,
0.15364350962138051,
0.13062566700507872,
0.10715962631382674,
0.08690329663607274,
0.07244654312935084,
0.06271943321608422,
0.05461222448119388,
0.047864083394143386,
0.044408935965040884,
0.04201110006063797,
0.03629284771923609,
0.02866318598232678,
0.026827966691471746,
0.02888627859256591,
0.027581653066702533,
0.031175959847920223,
0.04908826038954934,
0.0726551709795242,
0.09474764665361764,
0.11320333165790182,
0.12918431364331542,
0.14570911101940867,
0.16553406303163914,
0.18937740669970404,
0.21588816450879716,
0.24282684028779972,
0.26807659712073983,
0.29005044762714594,
0.3077205057986585,
0.3205146754488352,
0.32820214165357725,
0.33081264366503327,
0.3286031570693167,
0.3220741804647954,
0.31203128146739023,
0.29967618896951037,
0.28668556017894686,
0.2751876186686775,
0.2675004410175844,
0.26555320922579423,
0.27018969145661414
],
[
0.2913271466668246,
0.2687805984418989,
0.24740320470859717,
0.22877513211923864,
0.21390499050804732,
0.2025056383076898,
0.1927962930560692,
0.18218032622564154,
0.16838265033838382,
0.1503912081505797,
0.12894528242370273,
0.10655448413700476,
0.08674622116430263,
0.07189347522264225,
0.0608271933216314,
0.05072525478965974,
0.04244912392403929,
0.0397066954175629,
0.03943471830716703,
0.03518021412988572,
0.02770385214773757,
0.02509432761872678,
0.026586773770874678,
0.025032434243247862,
0.029398712977460585,
0.04914163760199983,
0.07494507506208029,
0.09980566449418815,
0.12138042631963875,
0.14027940054181823,
0.15875542056690817,
0.17904032373092976,
0.20195559818241632,
0.22669372893050058,
0.25155568342874174,
0.27475461611390234,
0.29484102550218777,
0.3108069793837644,
0.32204030889813734,
0.3282427454726121,
0.32936613767773026,
0.3255891260024525,
0.3173430600953096,
0.30538877629098743,
0.2909348177062828,
0.27575902290182464,
0.26223196292620177,
0.2530545140178826,
0.2505492656999499,
0.2557231702825146
],
[
0.2825542036327699,
0.25815711372855216,
0.23507668922627484,
0.21531438213419435,
0.20032509906477639,
0.19000464926397312,
0.18230921595454563,
0.17410049480432,
0.16259628968918557,
0.1464649148294684,
0.12629749517157465,
0.10456997562446817,
0.08486550958662473,
0.06967202975574649,
0.05784299088338753,
0.046470574036493933,
0.037055610304344025,
0.03524132421627681,
0.03710077572867887,
0.03425436337493917,
0.02717116176239103,
0.024052533814970696,
0.02507050167792173,
0.023704675545065904,
0.029206191716012558,
0.05031415196365416,
0.07785163945492134,
0.10501518671908738,
0.12923725787525817,
0.1506321662239599,
0.17083336959136458,
0.19164113680913822,
0.21389414892381486,
0.23716091357423522,
0.26018038474097116,
0.28147596890870713,
0.2997540924597762,
0.31405106697637963,
0.3237330556060572,
0.3284450160854408,
0.32806470813182415,
0.3226901262497361,
0.3126751250330914,
0.2987214152028496,
0.28202610608919526,
0.264455824028907,
0.24864061215620192,
0.23773912528475447,
0.2345823391530926,
0.24039699977009038
],
[
0.27369953314479584,
0.2472812512581208,
0.22225031233671447,
0.20109176016942512,
0.18583434553971973,
0.17664181098514886,
0.17113821571308496,
0.1654931061280809,
0.1563160584980715,
0.14192349715096664,
0.12276188310616915,
0.10132002362058207,
0.08140559671504703,
0.065951139689004,
0.05402283143879921,
0.04237629264316108,
0.03263863515642458,
0.032011475803951035,
0.035641550120027836,
0.03382946543652702,
0.0270175690239175,
0.023363264803250388,
0.02384056412446976,
0.02279356729346777,
0.029683648088254258,
0.052059537149760825,
0.08108273676658105,
0.11021872867151693,
0.13671134153852704,
0.16025759369067022,
0.18198880518647315,
0.20334572265897785,
0.22513636707854448,
0.24718819192608169,
0.2685890560749301,
0.2881414580001643,
0.3047127929256688,
0.3174001567748772,
0.3255635295337271,
0.3288014959464378,
0.32692235502744005,
0.319942131832046,
0.308129145124339,
0.2921099523063124,
0.2730464838252131,
0.2528711605897703,
0.2344804017318524,
0.2215752455387452,
0.2176506909686507,
0.22423599956390136
],
[
0.26487849382807527,
0.23628213825687752,
0.20903745368768473,
0.1861705869840897,
0.17045047566064145,
0.16244180518174361,
0.15934795579740463,
0.15645119748547417,
0.1496485783803033,
0.1368933512866472,
0.11850381516108169,
0.09701539827539378,
0.07659112308357875,
0.06094837175569161,
0.04966074518036821,
0.03901121559277919,
0.030290716651888434,
0.030994782754053377,
0.03555999506701424,
0.03417156088449974,
0.02730389436848229,
0.022907291840483374,
0.02264755385759966,
0.021814254768672398,
0.030286765044462056,
0.05406004547072962,
0.08447788262134347,
0.11534524802796814,
0.14379704684141806,
0.1692008709249439,
0.1922840554791485,
0.21418701267695409,
0.23566167523268325,
0.2567119973321598,
0.27670031111652915,
0.2946726360608628,
0.30965298145642267,
0.32080891582195975,
0.3275064478885271,
0.32930740520135915,
0.3259558200991642,
0.31738550888558725,
0.30377198535329364,
0.2856496546920975,
0.2641160486076374,
0.2411329154099363,
0.21985185828666223,
0.20460565356980465,
0.1997655926110118,
0.2072877433497674
],
[
0.25622666723863946,
0.225323972097822,
0.19559800701279023,
0.17065531639082168,
0.15421786845433966,
0.14746188910796654,
0.14705155884988014,
0.14712116694142632,
0.1427550833970379,
0.131563755309087,
0.11376911655537159,
0.09196663556803754,
0.07074292056205844,
0.054943139897082764,
0.045077432835179516,
0.03682556926404115,
0.030596535156049435,
0.03249092264801664,
0.03701065832027618,
0.03546338169218967,
0.028268860327777586,
0.022917547274403403,
0.021608134592119913,
0.020757702378786585,
0.030939664756351508,
0.05623645582883851,
0.08799248443345568,
0.12038867141811603,
0.1505265435571866,
0.17752585898289291,
0.2017917277392845,
0.22421367341013457,
0.24547522104834393,
0.26569823869265374,
0.28445863036656466,
0.30101015951489624,
0.3145231069401664,
0.3242396743888327,
0.3295409646875652,
0.3299606642617721,
0.325184187579949,
0.31506419723536333,
0.29967758533302435,
0.2794498175384971,
0.255380355229763,
0.22940823629175852,
0.2049002986982323,
0.18690318894566937,
0.18095494697854994,
0.18963118288036365
],
[
0.24789787668940025,
0.21460869597327292,
0.18214982723221496,
0.15470656016452708,
0.13721520505069565,
0.13180173351375646,
0.13442361579855258,
0.13770845879604024,
0.13584831420912946,
0.12617757614270092,
0.10887392326164122,
0.08658699984000985,
0.06430801635030142,
0.04831091001708505,
0.04061854657364995,
0.035955880203153386,
0.033047588610786514,
0.0358352213459544,
0.03973540975923065,
0.03774713753413937,
0.030207458766166123,
0.023838211542142537,
0.02110512689092842,
0.01997297921053601,
0.031866138453416085,
0.05866439339441695,
0.09165867756581321,
0.12538416529231478,
0.15695410370119106,
0.18530613409629643,
0.2105895297222515,
0.23348405954903004,
0.25460004768385514,
0.2741352315586913,
0.29182980829480804,
0.3071116152891205,
0.3192835078680287,
0.327662358364225,
0.3316506968861662,
0.33076168953031243,
0.32462824504690563,
0.3130245134348136,
0.29592525607997716,
0.27363215649444184,
0.24701092282671747,
0.217910303411733,
0.18983104119945274,
0.16858380004391285,
0.16126861923537825,
0.17139020358830223
],
[
0.24005976970965864,
0.20437603826586484,
0.16898174321149798,
0.138564465752136,
0.11956827861998945,
0.11562022244292021,
0.1217192440990192,
0.12848229784917517,
0.12918463937442332,
0.12101488238954775,
0.10418436669843817,
0.08138522527430549,
0.05790094217461543,
0.0415909542309867,
0.03665775557563006,
0.03614874439067447,
0.03647971351193335,
0.0399595738557536,
0.04323047536504197,
0.040895133342748996,
0.03323851276263898,
0.02595119582070655,
0.021478030797778023,
0.019851155226971,
0.033329786789189304,
0.061463343260221924,
0.09554006324314947,
0.1303855243271523,
0.16314309597180887,
0.19261775315863133,
0.21875587487000916,
0.24206146007125717,
0.26307107212914754,
0.28202787468196083,
0.2987967289387016,
0.3129491122253104,
0.32390530886183566,
0.33105406446256724,
0.3338234851397435,
0.33171298601803983,
0.3243096269894167,
0.3113135894598192,
0.2925972389330106,
0.2683277711810532,
0.23920358486018706,
0.2069040733236992,
0.17492993266766554,
0.14982851748822312,
0.14078721863781518,
0.152756189982517
],
[
0.23288630984167133,
0.1948987431129071,
0.1564660006663908,
0.12258611081873146,
0.10147438865304063,
0.09916714694936739,
0.10930164731440206,
0.11977669746762547,
0.12304883011522341,
0.11636689096862421,
0.10007983866677163,
0.07692927971612078,
0.05233132317315413,
0.03559328351862115,
0.03358214691625086,
0.03689428478599487,
0.03982443868027672,
0.04396144924627879,
0.04696884146349313,
0.04464862517423122,
0.037193344541356484,
0.02912085596791016,
0.02272125472856554,
0.020475227201250352,
0.03542584347986754,
0.06471327778537471,
0.09969534613753422,
0.13544688563572924,
0.16915574222042706,
0.19953349621181463,
0.22636622941183115,
0.2500103231142229,
0.27093040064489743,
0.28939288960900134,
0.30535558611337615,
0.31850683983456524,
0.3283690787527654,
0.3343983737877698,
0.336050941604921,
0.3328185737282523,
0.32424978328223264,
0.30997749908138267,
0.28977554183027254,
0.26367244684623925,
0.23217361291912733,
0.19670862086720045,
0.16058957983255834,
0.13092279344424365,
0.11963867091488532,
0.13402766234896699
],
[
0.2265468083517447,
0.1864702125156453,
0.14506432456374585,
0.10730476092691872,
0.08325542998173655,
0.08284841366401469,
0.09767831268861957,
0.11198188660685372,
0.11772881021743378,
0.11249939426021584,
0.09689675384990962,
0.07375844499145819,
0.048533059806004086,
0.03146162390962077,
0.03172015614154179,
0.037644579732399125,
0.0423609969429967,
0.047248190497001734,
0.05053069538684258,
0.04870523310263613,
0.0417337704111282,
0.0329611174326028,
0.024552609791601707,
0.021636133492757368,
0.03808163644472876,
0.06843186815101161,
0.1041597328734404,
0.1406108742324793,
0.1750458615934335,
0.20611856039329504,
0.2334902272836562,
0.2573933004700359,
0.27822368425003074,
0.2962549626517882,
0.31151259004122656,
0.3237787286207863,
0.3326633784979618,
0.33768449311582394,
0.3383278424224766,
0.33408329490546734,
0.3244688331273593,
0.30905916605462763,
0.2875381669427044,
0.2598002407762619,
0.22614656114263293,
0.1876921101554579,
0.1473382424795161,
0.11233056837838132,
0.09803472395973457,
0.1156827416857918
],
[
0.2211917669268522,
0.1793819642664247,
0.1353155027554401,
0.09351475408460792,
0.0654897735139377,
0.06736869599056522,
0.0875348107875103,
0.10551670714623138,
0.11347958941734756,
0.10960936422499228,
0.09486001581848387,
0.07224234603934618,
0.0472639573602602,
0.030332810445644967,
0.031204525342867568,
0.037960055313320265,
0.04367337106154834,
0.04949642810985702,
0.0536480109767335,
0.05280505146123434,
0.046535295556544023,
0.03713460443836274,
0.026754671378820028,
0.023205880654195217,
0.041221073957784043,
0.07260330752891364,
0.10894359308725148,
0.14590329992089915,
0.18085455114585308,
0.21242768168613463,
0.24018957547931036,
0.26426902184889756,
0.2849973206424552,
0.30264365680228006,
0.31728116151376357,
0.3287662960915541,
0.3367832973115507,
0.3409063031156173,
0.34065142348919747,
0.3355120559752314,
0.32498438001986024,
0.30859618894634117,
0.2859549611537447,
0.25683560159757224,
0.22134423269426554,
0.1802540288328256,
0.13585894071526444,
0.0948361572372729,
0.07636664102108022,
0.09851183452107991
],
[
0.21693679501386925,
0.17389029575613582,
0.1277858980106105,
0.0823507518774464,
0.04937662096959294,
0.054036027475674646,
0.07972342545381775,
0.10077239669713242,
0.11048060105625802,
0.10778490811808618,
0.09402413683280335,
0.07244352254482135,
0.04865509968237498,
0.03239420292370147,
0.03187663331258592,
0.03756606951202462,
0.04358079990437483,
0.05060496756221791,
0.05621260708026852,
0.05678482870770946,
0.05138919106251582,
0.04149238976084499,
0.029398454285425663,
0.02541128351204617,
0.044891776619437024,
0.07721797255104075,
0.11404014860435734,
0.1513326091588437,
0.1866083295475938,
0.21850356546469102,
0.24651673479259048,
0.270690533301026,
0.2912963681212499,
0.30859098565936477,
0.32267959316426226,
0.33347672699279635,
0.34072904939803544,
0.3440613806920885,
0.34302063562205004,
0.3371090607697757,
0.3258103725362612,
0.3086187490452287,
0.28508343592597224,
0.25488466411391025,
0.21796626311007683,
0.1747898083756424,
0.12696800785541965,
0.07979406902114612,
0.055510688287662924,
0.08383469267078669
],
[
0.21384697567905056,
0.17017598894243927,
0.12296791887939479,
0.07521378140149826,
0.037671508201096146,
0.0451979942741867,
0.07511640182390607,
0.09802924352918514,
0.10879765081645602,
0.10698281670247872,
0.09425212859565678,
0.07407982434241815,
0.052087619403702795,
0.03661830043479648,
0.03336919151255255,
0.03637683463494296,
0.04211342032233483,
0.05067881812372216,
0.058272926671939215,
0.06059612048562031,
0.056218753361071606,
0.046061473605600915,
0.032807552930692686,
0.028763723894395753,
0.04926023592812448,
0.08228781081094226,
0.11943236962642576,
0.15689143612686776,
0.19231898446394313,
0.22437640892668625,
0.25251431639591915,
0.2767043367895708,
0.2971630694213078,
0.31412955967000966,
0.32772914628129524,
0.3379212114116373,
0.34450468201471557,
0.3471500500484472,
0.34543540996143485,
0.33887709018911477,
0.3269560972045842,
0.309147782251256,
0.28496498525660635,
0.2540267558435165,
0.21616949249651324,
0.1716378582305242,
0.12150458735971215,
0.06939621952504753,
0.03799212240931939,
0.07369493366875243
],
[
0.21192478831421233,
0.16830662750847947,
0.12114113522125382,
0.0732700801623251,
0.035156610232522256,
0.04368994368197345,
0.07426661868664447,
0.09737261805856139,
0.1083645134273907,
0.10703420799638362,
0.0952453339836524,
0.07662184632632885,
0.05657927256182629,
0.04171424178685511,
0.03530794228900671,
0.03453269801330694,
0.039541207356821845,
0.050037367629712136,
0.06002163182287027,
0.06429401686577202,
0.061046822589127525,
0.05095636588131867,
0.037321801731613265,
0.03368645342765875,
0.05450108300953474,
0.08782986337651066,
0.12509349323270702,
0.16255807345715553,
0.1979843593077753,
0.23006425563124397,
0.2582151018822147,
0.2823499628078163,
0.3026359002745309,
0.31929122746718613,
0.33245254585177475,
0.34211354703455754,
0.3481169279467623,
0.3501745047162393,
0.3478959770847616,
0.3408168778312346,
0.32842538220791534,
0.3101935867836516,
0.28562194796059914,
0.25430739441866135,
0.21604900852262296,
0.17101922941726339,
0.12010778410509101,
0.06625736915662044,
0.03118793752831942,
0.07044064568292842
],
[
0.21110450255925725,
0.16821429781876493,
0.1222599358276751,
0.07663845603422308,
0.04300387773971151,
0.04980997533335177,
0.07706737951411441,
0.09865456358953273,
0.10899404992124011,
0.10767735379047852,
0.0966099481343101,
0.07945235831897969,
0.06121156616559994,
0.046762175413137236,
0.037454598304461365,
0.03246597081984622,
0.03645950966904217,
0.04922364428743943,
0.06176512593724793,
0.06800391298017656,
0.06594284324295613,
0.056274456878550226,
0.04304619078921991,
0.040178823452629187,
0.060669432465721755,
0.09383297708558742,
0.13098155175941603,
0.16829697365986573,
0.20358955789758246,
0.23557394789664193,
0.2636425812578032,
0.2876600028476518,
0.30774906621958253,
0.3241061432617487,
0.3368728335343662,
0.34606899969133026,
0.35157422127743404,
0.35313803113279557,
0.35040227440073685,
0.34292662176700145,
0.33021607431760264,
0.31175500379125076,
0.2870558929734246,
0.2557339991425165,
0.21762548772359777,
0.17299057685549532,
0.1229688350632615,
0.0714527959933856,
0.04107297100728385,
0.07507612007309361
],
[
0.21125462481617863,
0.16969798115723544,
0.12594421883247958,
0.08420874304561637,
0.05636806044425346,
0.06071186867854339,
0.0827750132866857,
0.10152956231936024,
0.11041574292036786,
0.10860560938243606,
0.09793073374136638,
0.08199427737653875,
0.06529543317707907,
0.051227662851803954,
0.03973058206225824,
0.030957178497982938,
0.033901608096078596,
0.04896676532367736,
0.06386486626327625,
0.07187431722295917,
0.07096883238588332,
0.062020851425742055,
0.049786911099409865,
0.04785900038626408,
0.06764286527583616,
0.10022928342469628,
0.13703216372211566,
0.17405866572713333,
0.20910838405019225,
0.24090251393081608,
0.26881190795224397,
0.2926605265697055,
0.3125323760152017,
0.32860219658968853,
0.3410125367162283,
0.3498034077494536,
0.3548858839792774,
0.3560443535998433,
0.3529534665628119,
0.34520166037505395,
0.3323198278721103,
0.31381925099847796,
0.28924735634432086,
0.258275126382764,
0.22084239333804548,
0.1774314110666502,
0.12974460102707608,
0.08331722735889377,
0.05968911000951037,
0.08622063172763332
],
[
0.21218793250544435,
0.17245026587315135,
0.13158341159734882,
0.09438199743712027,
0.07144766396576553,
0.07362397925983592,
0.09038100185895116,
0.10554450980555369,
0.1123253455034109,
0.10951537684528032,
0.09882924863107431,
0.08377486102331343,
0.06836384676409467,
0.05482733285751668,
0.04216351951136478,
0.031016179851245853,
0.033270375069574365,
0.05002919318881389,
0.066651235328034,
0.0760265166461786,
0.07613847523466725,
0.06808437900848183,
0.05715664531243449,
0.056193962385963504,
0.07514865170691333,
0.10688433096206816,
0.14315428177043513,
0.17978013848554392,
0.21450510340750745,
0.2460389044635549,
0.27373118386189393,
0.297371809664009,
0.31701142326612486,
0.3328047444077076,
0.3448931111112804,
0.353332509897133,
0.3580614818348844,
0.3588971107913528,
0.35554759349144244,
0.34763432618403345,
0.3347222167791741,
0.31636241941764015,
0.292157055677245,
0.2618633604781897,
0.22557382804424994,
0.18407185841738927,
0.13971156145375813,
0.09922231003332324,
0.08087535151724774,
0.10149378505007595
],
[
0.21367676666348007,
0.1760983882076779,
0.13848418389307604,
0.10576660116195027,
0.08656736346541076,
0.0869612086895501,
0.09895688502984472,
0.1102339253117174,
0.11443083226262432,
0.1101440927023323,
0.09900001849772423,
0.08444290747678349,
0.07012031994934417,
0.057427807284525165,
0.04480875741109517,
0.0333857916258928,
0.03568388074131231,
0.05293580720772767,
0.07033298040436542,
0.08051418745538638,
0.08139716681862655,
0.07425611017102161,
0.06469999910340181,
0.06464871993497556,
0.08283050291904895,
0.11360696834764329,
0.1492315799710615,
0.1853866888809081,
0.21973672376762707,
0.25096604499231573,
0.27840300102140986,
0.30180930098577746,
0.321208010555353,
0.33673658839439086,
0.34853461429899457,
0.3566714717080929,
0.36111034113748136,
0.36169946551898385,
0.3581813507523919,
0.3502139774032483,
0.3374031521965831,
0.3193505723880847,
0.29572840037616105,
0.2664012723987599,
0.23164068254224998,
0.1925473638056866,
0.15202303709267265,
0.11719492848964781,
0.10263679106060797,
0.11898237076626943
],
[
0.21547035698526273,
0.18024638089007625,
0.14598651180356967,
0.11736790315758941,
0.10097090271985833,
0.09989500358414577,
0.10778902685926521,
0.1151853764915001,
0.11648531874191632,
0.11029539090295983,
0.0982292185017686,
0.08376457893137354,
0.0703946496460687,
0.058988797968862285,
0.04768664241964941,
0.03802823659598184,
0.04113098334687233,
0.05775660612610221,
0.0749409968094698,
0.08530359982678613,
0.08662296124049584,
0.08026681547720255,
0.07196949201645125,
0.07274189185122736,
0.09031065031807875,
0.12017149844024466,
0.1551295492984076,
0.19079571313017263,
0.2247559377804899,
0.2556631796180484,
0.28282617276721767,
0.3059847597838993,
0.3251407528312889,
0.3404181428906032,
0.35195556813364254,
0.35983458372239935,
0.36404121225598124,
0.36445384232431616,
0.360849998096164,
0.35292719368171,
0.34033756355522565,
0.3227413273102495,
0.29989095390190834,
0.2717693408019109,
0.23883075252607486,
0.2024577387063276,
0.1658994994664354,
0.13605079426786243,
0.12424459749038333,
0.13748048775947697
],
[
0.21731121548953403,
0.18450872189749712,
0.15352238757002354,
0.12851850460240563,
0.11426234490199144,
0.11197008433911924,
0.11637414556426258,
0.12006913156909645,
0.11830511883635025,
0.10985315252860639,
0.09640354112478193,
0.08161468281433805,
0.06911555446752723,
0.05953667100511932,
0.05075986399193984,
0.04428736136486215,
0.04868744493082555,
0.06413763621718183,
0.08033142757278892,
0.0902773766860805,
0.09164241395115436,
0.08582421912359971,
0.07855882547566372,
0.08005862089406711,
0.09723156650521604,
0.1263432499631322,
0.16070657256951257,
0.1959222977132377,
0.22951472188569952,
0.260108455503545,
0.286997584104639,
0.30990749467810025,
0.3288257991559702,
0.3438677415557734,
0.3551729690999284,
0.3628351023683935,
0.3668620622937457,
0.3671617817455982,
0.363547384432505,
0.3557581118441618,
0.34349628200251586,
0.326485762651086,
0.30456442035224396,
0.2778345548176755,
0.24691843199028102,
0.2134135386901252,
0.1807064911637404,
0.15510216735700896,
0.1453572329325478,
0.15626710233115645
],
[
0.21894865728477292,
0.18853201139811301,
0.1606302997959592,
0.13877263689143524,
0.12620790537258716,
0.122919868395816,
0.12437218466069164,
0.12464227658192885,
0.11977529089671489,
0.1087872982269279,
0.09351555728252112,
0.07797171357798377,
0.06629893315066614,
0.05915827251657759,
0.05394857467658406,
0.05140050186834369,
0.057320208207987305,
0.07151673366596378,
0.08623743945649442,
0.09525628444759987,
0.09625347656756394,
0.09064181935992761,
0.08411422731831465,
0.08625032943050409,
0.10327973017155533,
0.13190171329475653,
0.1658266959186922,
0.20068601431176092,
0.2339684177519113,
0.26428165020978334,
0.2909140807574474,
0.31358563560038644,
0.33227761438520603,
0.3471020337850406,
0.35820240749715054,
0.36568520474547106,
0.3695799765919455,
0.369823895865045,
0.3662660717682024,
0.3586888697622493,
0.3468470549397367,
0.33053047990520884,
0.30966272874774575,
0.2844585705060524,
0.25568095518435474,
0.22506409915410347,
0.19595933488718945,
0.17393713390400478,
0.16578383240595326,
0.17490355995076395
],
[
0.22014869128535372,
0.19200583966291995,
0.1669470393762433,
0.14782824799996233,
0.13665979787101687,
0.13258231117026908,
0.13155990876278803,
0.12873917851485916,
0.12084586303864275,
0.10715316886378586,
0.0896693101251171,
0.07292087282836708,
0.062050102421138044,
0.0580076259980603,
0.0571613104855357,
0.05875891859732981,
0.06624372788512509,
0.0793208706253081,
0.09233683276500775,
0.1000293486987531,
0.10024921688340863,
0.09445873601637741,
0.08833708105927703,
0.09103205838883638,
0.10819833247448987,
0.13665899658071703,
0.17037217200920607,
0.20501813224378915,
0.23807999623618464,
0.2681668970584358,
0.29457430398305806,
0.3170273692809271,
0.33550976529166315,
0.35013642544122475,
0.3610582588402516,
0.3683960289800531,
0.3722011476118194,
0.3724399069884682,
0.36899753687618664,
0.3617001225094959,
0.35035561837572055,
0.3348196603857399,
0.31509785731224466,
0.29150464565653167,
0.264909930714552,
0.2371097593048889,
0.21129921555923448,
0.1922989060541965,
0.18540691021973138,
0.1931141797936499
],
[
0.22070044220735863,
0.19466595590311606,
0.1721918685800623,
0.1554777949915771,
0.14552273370802926,
0.14085890313843585,
0.1377952791154989,
0.13225619616505196,
0.1215211856229224,
0.1050845019391848,
0.08508714555846698,
0.06666888568270748,
0.056581122248142116,
0.05631804919909392,
0.06032022416615284,
0.06593315436869965,
0.0749189371136351,
0.08706163141560895,
0.0983086602126167,
0.10438370839245836,
0.10343898896795782,
0.09705306203233408,
0.09098391717932662,
0.09418060282500217,
0.1117946359578547,
0.14047372729929716,
0.17425455903028123,
0.20886848906500785,
0.2418241431623523,
0.2717552309296463,
0.29798036896449975,
0.3202420695899323,
0.33853565954426806,
0.3529855226904944,
0.3637539140908001,
0.370977773460658,
0.3747309296547436,
0.3750087499830157,
0.37173242770178133,
0.36477159442587537,
0.35398675926104234,
0.3392969840374329,
0.32078314673905406,
0.29884297584189184,
0.2744182996155642,
0.2493036470303073,
0.22646476074522265,
0.21002286661205458,
0.20415175521890203,
0.2107213496490993
],
[
0.2204197774258775,
0.19629287785709815,
0.1761504341039018,
0.16157815262764275,
0.15273704966866933,
0.14769261325159996,
0.14299169641505163,
0.13513475434873104,
0.12184400494151504,
0.10277821274209979,
0.08011509896720093,
0.05957665787725628,
0.05024911069968497,
0.05440936258373757,
0.06337045632763891,
0.07263017110715368,
0.08298067318772215,
0.0943579259351895,
0.10386962823481949,
0.10812939388987963,
0.10566609829733024,
0.09825158676775415,
0.09186628315596469,
0.09553446858940827,
0.11394572464799045,
0.14326151667556974,
0.17742379743520878,
0.21221140132913172,
0.24519080596548135,
0.2750467655584216,
0.30113928246963045,
0.32324125764695194,
0.341369191303792,
0.3556635428303276,
0.36630201925862693,
0.3734398306446554,
0.37717393880509215,
0.3775287187723986,
0.37446085158694115,
0.36788263319306214,
0.35770531084176016,
0.34390731413037445,
0.32663596550733354,
0.30635438586088926,
0.2840435886010011,
0.26144787586222057,
0.24126775630109942,
0.2270027704564063,
0.22197207709685113,
0.2276098389388229
],
[
0.21915098192195973,
0.1967083169414856,
0.17866111491852285,
0.166032046350017,
0.15826917689458667,
0.15305480503071547,
0.14709939087477747,
0.13734475794964357,
0.12187559326938363,
0.10046823840891027,
0.07521764467696566,
0.052218470005752755,
0.043627411718804354,
0.052673866782176705,
0.06627327701186857,
0.0786491705490782,
0.09018036527966862,
0.10092854164243106,
0.10879298523197126,
0.11111773603888832,
0.10682246194908453,
0.09793837765302588,
0.09085167426182747,
0.09499639917651022,
0.1146050583393675,
0.14500320123789662,
0.1798750656581731,
0.21505015716733872,
0.2481878808223641,
0.27805232376119304,
0.30406400258068356,
0.326039334119053,
0.34402525433097453,
0.35818466202549065,
0.3687146994856915,
0.37579093418012643,
0.37953417924442956,
0.3799976385722865,
0.3771726740079474,
0.37101273674702745,
0.36147703805442083,
0.3485980902791888,
0.33257968949977257,
0.3139325471252842,
0.2936485294872381,
0.27338742776616143,
0.2555745541212677,
0.2431715904668433,
0.2388421801715035,
0.24370630519640174
],
[
0.21676728785259222,
0.19577094909403636,
0.1796043346414157,
0.16877639830360752,
0.16210585449148732,
0.15693691540040086,
0.15009185533089633,
0.13886946892937155,
0.12167373587690163,
0.09838679994291522,
0.07094226445458805,
0.04546618110410979,
0.037613722630765505,
0.05151967845390975,
0.06898796594401838,
0.08384774913578663,
0.09634922954861552,
0.10657731484160539,
0.11291605401870264,
0.11325415717406807,
0.1068614185131894,
0.09606448304265623,
0.08786652115787129,
0.09253976462974048,
0.1138115979487432,
0.1457517019672796,
0.181653317343795,
0.2174197538517168,
0.2508427809918128,
0.2807943706094332,
0.3067740598945374,
0.3286540379408888,
0.34652009254192845,
0.3605632767804145,
0.37100374782663365,
0.37803930164817423,
0.38181517950099525,
0.3824130474070022,
0.3798578092929985,
0.3741420299754386,
0.3652693848629055,
0.35332040711045676,
0.33854503120314966,
0.32148499667609226,
0.30312000624086605,
0.28500356594118037,
0.26929239066474636,
0.25848996876737274,
0.254752098507646,
0.2589668639441855
],
[
0.21317094546964319,
0.1933724160323241,
0.17889458511444964,
0.16977499566433044,
0.16425062609213464,
0.1593450949523666,
0.15195609202085958,
0.1396927644584191,
0.12127128607230224,
0.09671582784427198,
0.06782698446033222,
0.04051876724350013,
0.0334790042369122,
0.05126132200772342,
0.07144989555264993,
0.08811749792778245,
0.10137514861709061,
0.11117926594246558,
0.11614166360066745,
0.11450678425729584,
0.10581000320825457,
0.09266134632462451,
0.08290290213290144,
0.08822144713757944,
0.11170297519693975,
0.14563768534375146,
0.18285528511580032,
0.21938761335930182,
0.2532026961898977,
0.28330714196823353,
0.3092956846293584,
0.33110660153662397,
0.34887146871904884,
0.36281416361241675,
0.3731807644116241,
0.3801927591292076,
0.3840201250659703,
0.384772373024335,
0.38250648829846196,
0.3772516748373089,
0.36905206944226276,
0.3580297837691239,
0.3444707987806382,
0.3289332563777105,
0.31236706559539223,
0.29620766275863514,
0.2823594051462517,
0.2729388054098274,
0.26970423100807533,
0.2733691060209606
],
[
0.2082934012133907,
0.1894340328115944,
0.17647473026508412,
0.16901407477877364,
0.16472203810177763,
0.1602970659674185,
0.15268608158273028,
0.13978966646033442,
0.12065876048360384,
0.09553847950030793,
0.06624412073330531,
0.03858794239559313,
0.03246319774498074,
0.05199166598551427,
0.07355294350861781,
0.09136763943409881,
0.10518841395149278,
0.11466999725729665,
0.11843689184327134,
0.11491219193579336,
0.10378181600559831,
0.08786165072919301,
0.07603271017178785,
0.08220668219457976,
0.10853370996867685,
0.14487327148487297,
0.1836284878694353,
0.22105204740521534,
0.25533342746566023,
0.2856359135088218,
0.3116614157591877,
0.3334215916816713,
0.3510986441539646,
0.3649525294688034,
0.37525723730537613,
0.3822588378412314,
0.3861519769243982,
0.3870730942591706,
0.3851094918780046,
0.3803242041035173,
0.37279752506364444,
0.36268664915294935,
0.3503041863115211,
0.3362123249229527,
0.32131849825447867,
0.3069357814612777,
0.2947373084381701,
0.28651421589103315,
0.2837108202934295,
0.2869066823045895
],
[
0.20209607341685598,
0.18390445877838052,
0.17231220674778347,
0.16650009628728646,
0.16355336225404982,
0.15982094061418234,
0.15227925212536633,
0.13912091656085587,
0.11977437084852087,
0.0948063336219248,
0.06624078853002185,
0.0400563482753253,
0.03474333400355211,
0.05351639220625332,
0.07514288176165752,
0.09351630094132436,
0.10775403719886409,
0.11703876068321195,
0.11983103809363976,
0.1145790288163108,
0.1009909162838005,
0.08193342500156547,
0.0674386129213433,
0.07481716790382803,
0.1046977862072172,
0.1437517516959577,
0.184166513878442,
0.2225382925670114,
0.2573167675521826,
0.2878354159513659,
0.3139092044456103,
0.3356264461594209,
0.35322217469071393,
0.366993953570638,
0.37724456191486755,
0.3842448370935629,
0.3882135687183715,
0.38931287894812516,
0.38765834283209466,
0.38334377483297927,
0.37648119383123,
0.36725657969595765,
0.35600069996662936,
0.3432697675137607,
0.329920312055614,
0.3171440749682051,
0.3064059230558592,
0.29922391850367613,
0.2967919565462105,
0.2995854441902672
],
[
0.194572214665343,
0.1767585091018633,
0.16639685638653834,
0.1622594066289847,
0.1607938860569645,
0.15795597785418708,
0.1507358972270189,
0.13763207771951275,
0.1185036200285539,
0.09433560403999239,
0.06749064445063334,
0.044040992307302615,
0.03915906669217635,
0.055405000538458773,
0.07602467254975773,
0.09448946722580515,
0.10906977199788627,
0.1183251622981297,
0.12041374073779348,
0.11368946284320995,
0.09776538772331557,
0.07533562706295899,
0.05748731406339933,
0.0666247021305651,
0.10074987491657857,
0.14263975374444343,
0.18469973082706623,
0.22399204750324006,
0.2592465010355658,
0.28996746887484093,
0.3160810621214003,
0.3377507377849329,
0.3552635411146895,
0.3689542291175398,
0.3791540009828799,
0.38615785155585836,
0.3902076783060294,
0.39148969345930745,
0.3901454526058811,
0.3862963426483043,
0.3800816869515004,
0.37171033198952746,
0.3615238173320461,
0.35006457589596435,
0.33813328502613976,
0.3268049439127522,
0.3173590475673317,
0.31108453193515184,
0.30897393973650433,
0.3114205747504561
],
[
0.1857504508955252,
0.16799731816228627,
0.15874027236901658,
0.1563397973266415,
0.15651198410267145,
0.154755392832752,
0.14806155045289,
0.13525723251936692,
0.11668846891731653,
0.09383424105306581,
0.06940264510835446,
0.049109243275825776,
0.044226028559415355,
0.057118800671445494,
0.07598207790980054,
0.09422756876234505,
0.10916964131352241,
0.11861936838866113,
0.1203334256646846,
0.1124973129604683,
0.09455527821826734,
0.06880051494859926,
0.046919554026295864,
0.0586234406703452,
0.0974082184852525,
0.14195716328746658,
0.1854808094965736,
0.2255706624745383,
0.26122322603005454,
0.2920979747529842,
0.3182213406477957,
0.33982521742224603,
0.3572446431715357,
0.37084912017621746,
0.38099659177389655,
0.3880047641874599,
0.3921370722517139,
0.39360188160921655,
0.3925642221230106,
0.3891697617105381,
0.38358082919846426,
0.37602371317332645,
0.3668444638190812,
0.3565659240761103,
0.34593069768003465,
0.33590385389189054,
0.32760127017,
0.3221194834819282,
0.3202879067335106,
0.32243438262395036
],
[
0.17570083606405135,
0.15765023264584957,
0.14937673419364053,
0.14881430823504962,
0.15080038053353576,
0.15029145101229743,
0.1442723568567465,
0.1319269721058078,
0.11414403976571315,
0.09294881971576599,
0.07130075313898826,
0.054044231509008035,
0.04883002354758484,
0.05813373386338578,
0.0748051355212989,
0.09269954704553297,
0.10813300493270164,
0.1180654935218164,
0.11979557288754542,
0.11132046739880397,
0.09192278356063187,
0.06341739261936039,
0.03735735840944051,
0.05246325131741603,
0.09550575798343859,
0.14214088554471854,
0.18676524723165386,
0.22743247061156538,
0.2633483432370289,
0.2942934812522645,
0.3203747645488682,
0.3418807044686854,
0.35918719577875025,
0.37269405464785166,
0.3827830107788502,
0.3897922089618552,
0.39400452416298937,
0.3956482130745436,
0.39490909869232654,
0.39195381800861456,
0.38696360708804,
0.3801773294441372,
0.3719403748576186,
0.3627519062116184,
0.35329628859141654,
0.34443670662846176,
0.33714547462571787,
0.3323573477882543,
0.33076866680414563,
0.33265456077108396
],
[
0.16454473598761005,
0.14577920471161468,
0.13836612279960187,
0.1397881166848972,
0.14378430910471843,
0.1446632403634218,
0.13940357244312904,
0.12758021084748175,
0.11067979456716706,
0.0913151451442311,
0.07256573892754832,
0.05802630201601037,
0.05227151816038668,
0.05801708611094021,
0.07232147962615901,
0.08992461343017313,
0.10609919579593795,
0.11686736314316762,
0.11905944486295682,
0.11052412174747729,
0.09049556940586528,
0.060588379334641534,
0.032228609620372405,
0.050389718748424316,
0.0958534077067225,
0.1435931624643122,
0.18878847654859304,
0.22972516799910264,
0.26571769893645436,
0.2966175746494352,
0.3225843595907722,
0.3439469051502543,
0.36111207239145915,
0.37450377808499646,
0.38452340895045856,
0.39152650964934854,
0.39581280969822047,
0.397627903297781,
0.3971755928624319,
0.3946402052666749,
0.39021804047667064,
0.38415624856511027,
0.37679539769250536,
0.36860831332613603,
0.3602224446211335,
0.35240766952716174,
0.3460108615588322,
0.34183050323357017,
0.3404537086426471,
0.34211278591183925
],
[
0.15247067493634547,
0.13248733143388428,
0.12579984422296284,
0.12941024476420107,
0.13563375044427378,
0.13800776202705392,
0.13352154644209427,
0.12217957397171435,
0.10612249292023158,
0.08860096684986168,
0.07270584352392956,
0.06055901928845381,
0.05415417996976318,
0.056466123780639005,
0.06843103213942738,
0.08600310293549031,
0.10328737196774102,
0.11529482825935314,
0.11843092583001744,
0.11049159073009493,
0.09086859059012878,
0.06161407190442021,
0.03550683859632045,
0.0541047099814704,
0.09903007934569036,
0.1466238102175131,
0.19174279286465262,
0.2325745328981787,
0.26841547233220936,
0.29912739999102056,
0.3248894341941202,
0.3460512443958168,
0.3630386433871421,
0.37629199504427885,
0.38622723201445097,
0.3932136023264134,
0.39756468246038107,
0.39954060830090427,
0.3993602604379629,
0.39722245358028185,
0.39333499632973534,
0.38794960693397673,
0.38139877332799327,
0.37412748362969717,
0.3667086190666301,
0.35982738246671175,
0.3542213615024836,
0.3505740321335297,
0.34938235299342835,
0.35084357749947914
],
[
0.1397595544484718,
0.11793522280788044,
0.11181227085387974,
0.11789355168047996,
0.12658164173621575,
0.13051531666199345,
0.12673995223958204,
0.11573080821720685,
0.10033980006341142,
0.08453733277625296,
0.07137925058277653,
0.06138681955216491,
0.05431158425615622,
0.05333363307490486,
0.06314986176407321,
0.08115970317358519,
0.10001984617832296,
0.1136870589851833,
0.11824833501255654,
0.11158259681011667,
0.09347140306754514,
0.06699372916635174,
0.04643890237220488,
0.0633460591328816,
0.1052107131629241,
0.1514038450029872,
0.19575844486173502,
0.23607496336193193,
0.2715089271658599,
0.3018706045024111,
0.32732376749764597,
0.34821779511767675,
0.36498415642595683,
0.3780710245086483,
0.3879030407488834,
0.3948589499495485,
0.39926283586094036,
0.40138639876485993,
0.4014606556611335,
0.39969582099449,
0.39630796168244614,
0.39155018629496813,
0.38574442799428565,
0.37930724577700553,
0.37275996183776877,
0.3667114750122146,
0.36180435185922916,
0.3586248143210847,
0.35759503129519643,
0.3588833609865851
],
[
0.12682417518068087,
0.10237392983809553,
0.09660406306780993,
0.10554992397402183,
0.1169508267767246,
0.12245045450430388,
0.11924160853533881,
0.10830798850199817,
0.09326593490809895,
0.07894178308954279,
0.06839956919802638,
0.060455010764541905,
0.05278826453110572,
0.04866773936940225,
0.05667999188286653,
0.07580341673611117,
0.09674340576463641,
0.11244687979746824,
0.11885840971560041,
0.11408561849707773,
0.09846431117801503,
0.07620566043392306,
0.061496514668745096,
0.0764952738007921,
0.11415909779298226,
0.15794761508894747,
0.20089293718204998,
0.24028316875406117,
0.27504457545873345,
0.3048829640946013,
0.32991413924295376,
0.3504663792991136,
0.36696320107834385,
0.3798514937610691,
0.389558345336863,
0.39646745729988575,
0.4009098564066522,
0.40316571823580194,
0.4034752618763049,
0.40205715780726453,
0.3991327906776487,
0.3949539800007827,
0.3898302944968599,
0.3841499638400855,
0.3783861418657353,
0.3730793398196197,
0.36878961411884525,
0.3660207781479813,
0.3651326746875852,
0.36626969620654065
],
[
0.11426793512906064,
0.0862165300538238,
0.08049492033010583,
0.09285406251027643,
0.10719277113585406,
0.11417943113336133,
0.1113076783072992,
0.10008839420970009,
0.08493464813633447,
0.07174136341511878,
0.0637475695349859,
0.05791192745144736,
0.04987138333815607,
0.04280629718273286,
0.0495433477126211,
0.07060255656587505,
0.09403533759458385,
0.11201845156859233,
0.12058231805377174,
0.11817795237559794,
0.1057289235298076,
0.08823138184089217,
0.07846049978286294,
0.09198945215721631,
0.12537689169922073,
0.16612885223118856,
0.2071306438794969,
0.24521584493031867,
0.2790461259047074,
0.3081868801742124,
0.3326793033661238,
0.35281189919007816,
0.3689872920421483,
0.3816420911882908,
0.39119946611527884,
0.3980433939515936,
0.40250817378384557,
0.4048793304339008,
0.4054034059194601,
0.4043047525809359,
0.40180743826607385,
0.39815976409284165,
0.3936576767698497,
0.3886616857879451,
0.3836003410323634,
0.37895311841777607,
0.3752084842064362,
0.3728002821901946,
0.37203620027558354,
0.37304064196619113
],
[
0.10295842033078051,
0.07020697514287731,
0.06405953834545486,
0.08055841022711095,
0.09793760405700175,
0.10620245653212923,
0.103355183432585,
0.09140365667509291,
0.07553212457504084,
0.06301047940272658,
0.057611362290077996,
0.05415648667056629,
0.04618174690435336,
0.03660780060285889,
0.0428451607905887,
0.06654146911437689,
0.09257027009783149,
0.11284252234718233,
0.12367679649318755,
0.1239079545683602,
0.11495153761598212,
0.10210224703887255,
0.09627022452001366,
0.10876468941783232,
0.13828410080836723,
0.17572089978762132,
0.21439198536366968,
0.2508514205903211,
0.2835143413627077,
0.3117908352699832,
0.33562946318221626,
0.3552639358732265,
0.3710645948162887,
0.3834493932447268,
0.3928314304741393,
0.39959033175800235,
0.40406001266249514,
0.4065282604322974,
0.40724516209670947,
0.4064381678096098,
0.40433169087448395,
0.40116868447513343,
0.39723066560429493,
0.3928513928175011,
0.3884183995725334,
0.384356863917679,
0.38109316030172613,
0.37900160704343766,
0.3783460833272771,
0.37923423472453593
],
[
0.09407279784630268,
0.05583076094195624,
0.04852531693277715,
0.06987577315922827,
0.09003905873668504,
0.09918016417234089,
0.09597818643323719,
0.08281474966864469,
0.0654979723459582,
0.05305922071303193,
0.05049314228931914,
0.04994288576456078,
0.042821947451647996,
0.0319095672368207,
0.03862207330489687,
0.0648470047342896,
0.09302267616199776,
0.11529262389311602,
0.12830085402944422,
0.1312050138897696,
0.12573582686149856,
0.11708717094073913,
0.11437344385861929,
0.1261480914090998,
0.15233837915173065,
0.18644400071841374,
0.22254903986663555,
0.2571352203460265,
0.28842866472370127,
0.3156897878339055,
0.33876625728211834,
0.35782662891956757,
0.3731998058483623,
0.38527777473381125,
0.3944579125705856,
0.40111110182573934,
0.40556735040310726,
0.4081137340145187,
0.40900125102092744,
0.4084580720334375,
0.4067069022027032,
0.40398386812337317,
0.40055560955391595,
0.3967303441879192,
0.39285809433567476,
0.3893158518230977,
0.3864761405595232,
0.3846625407670103,
0.38410200540735884,
0.3848880638560614
],
[
0.08898360709582667,
0.04609843131259184,
0.036914256182123746,
0.06262930691754705,
0.08455569813262406,
0.09392390528636847,
0.08997051487763164,
0.07520589368021023,
0.05573094326674655,
0.04267543800278176,
0.04345535532866346,
0.04652300605125409,
0.041438962581461,
0.031632905132902976,
0.03945385053418697,
0.06662900416612579,
0.09591196040720812,
0.11961036580818801,
0.1344992909047534,
0.13991004795558107,
0.13768813758526402,
0.13267413404929485,
0.1324417403473049,
0.143705317469202,
0.16708395011628357,
0.19800574539794785,
0.23144353547846808,
0.26398688074607685,
0.29375025145114636,
0.3198663879442035,
0.34208321854280566,
0.3604988275632497,
0.37539418714926226,
0.38712940524419726,
0.3960812191969346,
0.4026077742132484,
0.4070318839172298,
0.40963711888205134,
0.410672937840198,
0.41036607399805464,
0.40893574037021746,
0.4066100635579566,
0.40364064214921286,
0.4003115107101067,
0.39693853302940135,
0.3938560153384262,
0.3913897689726156,
0.38982004449185864,
0.3893425695013005,
0.39003892926109873
],
[
0.0888184321039189,
0.04526243888016308,
0.03504013827790335,
0.06088008331012314,
0.08255966915582273,
0.09129632586093611,
0.08627427373436503,
0.0698319500494873,
0.04794851188122492,
0.033797399869562046,
0.03852664160973374,
0.045624851011806175,
0.04374314497476576,
0.03757828909296723,
0.04633883390226428,
0.07235096106207936,
0.10146065958308902,
0.12586672061988236,
0.14220817197295446,
0.14981258637760797,
0.1504606101470585,
0.14850814949524457,
0.15025968967306358,
0.1611446298618533,
0.18215810043228908,
0.21012871736281516,
0.24090373662023534,
0.2713086963343339,
0.29942591513317296,
0.32429282269385523,
0.3455666302162658,
0.36327448340215335,
0.37764574434811105,
0.38900432857542633,
0.39770232186823795,
0.4040816617995768,
0.4084550079007049,
0.41109987064043113,
0.41226193358275476,
0.41216456329338785,
0.4110219509300041,
0.409053313649914,
0.4064952645279108,
0.4036090893349962,
0.4006796493557502,
0.39800348568972893,
0.39586587187572436,
0.39450998688389355,
0.39410507406412904,
0.3947225694714087
],
[
0.09385752305053133,
0.05425172390738747,
0.04485349409806718,
0.06558752906825692,
0.08474065978656588,
0.09199037917260779,
0.0857817177581902,
0.06812225518190584,
0.04483892916783491,
0.03053183560750157,
0.03856040936825905,
0.04881628933952238,
0.05043394086171313,
0.0485337554949749,
0.057895297714274256,
0.08165832402282831,
0.10955858290117824,
0.13396634540625446,
0.15127810321252402,
0.16068288933812988,
0.16376362449270895,
0.16433990610500052,
0.1676777033000399,
0.17826364832800867,
0.19728033294925854,
0.22256576113737575,
0.2507581092023253,
0.2789937327448978,
0.3053924640994576,
0.3289330620119311,
0.3491966772838506,
0.3661432391131964,
0.37994952812417315,
0.3909006167904738,
0.3993209322259552,
0.4055333480627555,
0.409837805614408,
0.4125034857062884,
0.41377030251628477,
0.4138565608153378,
0.4129701388103494,
0.41132066214720964,
0.40912998121246463,
0.4066380910913062,
0.40410178565896343,
0.4017842212420564,
0.3999354707726055,
0.39876693781208034,
0.39842533869138946,
0.3989734502047139
]
]
},
{
"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.9275 (SEM: None)
lr: 0.000399505
momentum: 0.41368",
"Arm 5_0
accuracy: 0.099 (SEM: None)
lr: 0.000346451
momentum: 0.820448",
"Arm 6_0
accuracy: 0.693 (SEM: None)
lr: 1.5335e-06
momentum: 0.97209",
"Arm 7_0
accuracy: 0.3335 (SEM: None)
lr: 3.10009e-06
momentum: 0.421962",
"Arm 8_0
accuracy: 0.936 (SEM: None)
lr: 0.000508447
momentum: 0.162422",
"Arm 9_0
accuracy: 0.908167 (SEM: None)
lr: 0.000231076
momentum: 0.286969",
"Arm 10_0
accuracy: 0.858167 (SEM: None)
lr: 1.06033e-05
momentum: 1",
"Arm 11_0
accuracy: 0.863 (SEM: None)
lr: 0.000140433
momentum: 0",
"Arm 12_0
accuracy: 0.109833 (SEM: None)
lr: 0.00276143
momentum: 0",
"Arm 13_0
accuracy: 0.884167 (SEM: None)
lr: 0.00022194
momentum: 0.166121",
"Arm 14_0
accuracy: 0.937667 (SEM: None)
lr: 0.000489546
momentum: 0.296237",
"Arm 15_0
accuracy: 0.7595 (SEM: None)
lr: 2.95835e-05
momentum: 0",
"Arm 16_0
accuracy: 0.883167 (SEM: None)
lr: 6.01346e-05
momentum: 0.495349",
"Arm 17_0
accuracy: 0.78 (SEM: None)
lr: 3.10108e-05
momentum: 0.361717",
"Arm 18_0
accuracy: 0.897 (SEM: None)
lr: 0.000377576
momentum: 0.293373"
],
"type": "scatter",
"x": [
2.1216593661487738e-05,
3.418102921796241e-05,
0.30446023318884685,
7.354792459527615e-05,
0.0003995053549220097,
0.00034645081536177586,
1.533499670419325e-06,
3.1000908862607874e-06,
0.000508447316726266,
0.00023107623980106847,
1.0603311158453634e-05,
0.00014043293944230836,
0.002761433952463469,
0.00022193985253595515,
0.0004895463998962988,
2.9583539421918623e-05,
6.013458128958864e-05,
3.1010795690137764e-05,
0.0003775755249301316
],
"xaxis": "x",
"y": [
0.7110699415206909,
0.9521583393216133,
0.42647070437669754,
0.2430550940334797,
0.4136803150177002,
0.8204479843975099,
0.9720897829639876,
0.4219615665270613,
0.16242224757301463,
0.28696902005887226,
1.0,
0.0,
0.0,
0.16612069695134354,
0.2962372434626935,
0.0,
0.49534912305692075,
0.3617170555033159,
0.2933734758161686
],
"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.9275 (SEM: None)
lr: 0.000399505
momentum: 0.41368",
"Arm 5_0
accuracy: 0.099 (SEM: None)
lr: 0.000346451
momentum: 0.820448",
"Arm 6_0
accuracy: 0.693 (SEM: None)
lr: 1.5335e-06
momentum: 0.97209",
"Arm 7_0
accuracy: 0.3335 (SEM: None)
lr: 3.10009e-06
momentum: 0.421962",
"Arm 8_0
accuracy: 0.936 (SEM: None)
lr: 0.000508447
momentum: 0.162422",
"Arm 9_0
accuracy: 0.908167 (SEM: None)
lr: 0.000231076
momentum: 0.286969",
"Arm 10_0
accuracy: 0.858167 (SEM: None)
lr: 1.06033e-05
momentum: 1",
"Arm 11_0
accuracy: 0.863 (SEM: None)
lr: 0.000140433
momentum: 0",
"Arm 12_0
accuracy: 0.109833 (SEM: None)
lr: 0.00276143
momentum: 0",
"Arm 13_0
accuracy: 0.884167 (SEM: None)
lr: 0.00022194
momentum: 0.166121",
"Arm 14_0
accuracy: 0.937667 (SEM: None)
lr: 0.000489546
momentum: 0.296237",
"Arm 15_0
accuracy: 0.7595 (SEM: None)
lr: 2.95835e-05
momentum: 0",
"Arm 16_0
accuracy: 0.883167 (SEM: None)
lr: 6.01346e-05
momentum: 0.495349",
"Arm 17_0
accuracy: 0.78 (SEM: None)
lr: 3.10108e-05
momentum: 0.361717",
"Arm 18_0
accuracy: 0.897 (SEM: None)
lr: 0.000377576
momentum: 0.293373"
],
"type": "scatter",
"x": [
2.1216593661487738e-05,
3.418102921796241e-05,
0.30446023318884685,
7.354792459527615e-05,
0.0003995053549220097,
0.00034645081536177586,
1.533499670419325e-06,
3.1000908862607874e-06,
0.000508447316726266,
0.00023107623980106847,
1.0603311158453634e-05,
0.00014043293944230836,
0.002761433952463469,
0.00022193985253595515,
0.0004895463998962988,
2.9583539421918623e-05,
6.013458128958864e-05,
3.1010795690137764e-05,
0.0003775755249301316
],
"xaxis": "x2",
"y": [
0.7110699415206909,
0.9521583393216133,
0.42647070437669754,
0.2430550940334797,
0.4136803150177002,
0.8204479843975099,
0.9720897829639876,
0.4219615665270613,
0.16242224757301463,
0.28696902005887226,
1.0,
0.0,
0.0,
0.16612069695134354,
0.2962372434626935,
0.0,
0.49534912305692075,
0.3617170555033159,
0.2933734758161686
],
"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": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"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": [
"