{
"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 04-25 21:29:19] 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": "b8addb5c47564e6d8fae4544832fd634",
"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": "298e5ef7e1e346358c9d3aa43d11befe",
"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": "e93da929420e4edeb48c5c114300106d",
"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"
]
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"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": "5afad7df197347a1974efa90e99ba70f",
"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 04-25 21:29:20] 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 04-25 21:29:20] 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 04-25 21:29:20] 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 04-25 21:29:20] 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 04-25 21:29:20] 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 04-25 21:29:20] ax.service.managed_loop: Started full optimization with 20 steps.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-25 21:29:20] ax.service.managed_loop: Running optimization trial 1...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-25 21:29:28] ax.service.managed_loop: Running optimization trial 2...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-25 21:29:35] ax.service.managed_loop: Running optimization trial 3...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-25 21:29:41] ax.service.managed_loop: Running optimization trial 4...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-25 21:29:48] ax.service.managed_loop: Running optimization trial 5...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-25 21:29:54] ax.service.managed_loop: Running optimization trial 6...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"/opt/hostedtoolcache/Python/3.7.12/x64/lib/python3.7/site-packages/gpytorch/lazy/lazy_tensor.py:1741: UserWarning:\n",
"\n",
"torch.triangular_solve is deprecated in favor of torch.linalg.solve_triangularand will be removed in a future PyTorch release.\n",
"torch.linalg.solve_triangular has its arguments reversed and does not return a copy of one of the inputs.\n",
"X = torch.triangular_solve(B, A).solution\n",
"should be replaced with\n",
"X = torch.linalg.solve_triangular(A, B). (Triggered internally at ../aten/src/ATen/native/BatchLinearAlgebra.cpp:1672.)\n",
"\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-25 21:30:01] ax.service.managed_loop: Running optimization trial 7...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-25 21:30:08] ax.service.managed_loop: Running optimization trial 8...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-25 21:30:15] ax.service.managed_loop: Running optimization trial 9...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-25 21:30:23] ax.service.managed_loop: Running optimization trial 10...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-25 21:30:30] ax.service.managed_loop: Running optimization trial 11...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-25 21:30:37] ax.service.managed_loop: Running optimization trial 12...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-25 21:30:44] ax.service.managed_loop: Running optimization trial 13...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-25 21:30:51] ax.service.managed_loop: Running optimization trial 14...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-25 21:30:58] ax.service.managed_loop: Running optimization trial 15...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-25 21:31:05] ax.service.managed_loop: Running optimization trial 16...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-25 21:31:12] ax.service.managed_loop: Running optimization trial 17...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"/opt/hostedtoolcache/Python/3.7.12/x64/lib/python3.7/site-packages/gpytorch/utils/cholesky.py:40: NumericalWarning:\n",
"\n",
"A not p.d., added jitter of 1.0e-08 to the diagonal\n",
"\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-25 21:31:19] ax.service.managed_loop: Running optimization trial 18...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-25 21:31:26] ax.service.managed_loop: Running optimization trial 19...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-25 21:31:33] 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': 7.373632355035814e-05, 'momentum': 0.5026145045603742}"
]
},
"execution_count": 6,
"metadata": {},
"output_type": "execute_result"
}
],
"source": [
"best_parameters"
]
},
{
"cell_type": "code",
"execution_count": 7,
"metadata": {},
"outputs": [
{
"data": {
"text/plain": [
"({'accuracy': 0.922200830798771},\n",
" {'accuracy': {'accuracy': 0.010317441283211154}})"
]
},
"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.2876479140552014,
0.30545457741643295,
0.32761520924272136,
0.3537392387956168,
0.38330285834295613,
0.4157260907641884,
0.4504162837383269,
0.486787884240939,
0.5242657267336627,
0.562277196208455,
0.6002373456907446,
0.6375302432912181,
0.6734894198663971,
0.7073802363548813,
0.7383872504301778,
0.765610170788029,
0.7880726216500542,
0.8047485433941854,
0.8146115096946763,
0.8167046765732948,
0.8101972853035758,
0.7944361212171551,
0.7690253934284521,
0.7339395613829491,
0.6896754891908418,
0.637433887093406,
0.579109519883087,
0.5170197805795772,
0.4536482832972175,
0.3914525047272984,
0.33271520242474206,
0.279414743190855,
0.23308472912879474,
0.1946326515875258,
0.16421348913651335,
0.14139731867314392,
0.12541749499268773,
0.11534936487210445,
0.11023107038505753,
0.10914184200587185,
0.1112493800891372,
0.11583494558437846,
0.1223024623315182,
0.13017616874803328,
0.1390900877132218,
0.14877178560810317,
0.15902254563787316,
0.16969611353334402,
0.18067838083195747,
0.19187039503574982
],
[
0.292226733180769,
0.3103554234169436,
0.3328400937299507,
0.3592917910521222,
0.38918757480149935,
0.4219476617629563,
0.45697891983887845,
0.4936945549549179,
0.5315172246371783,
0.569870942051138,
0.6081658570664489,
0.6457792025237815,
0.6820352993237685,
0.7161874801642882,
0.747405088566138,
0.7747692792601478,
0.7972820521161853,
0.8138935910346944,
0.8235533153538526,
0.8252817788057085,
0.8182310578524851,
0.8017412809135209,
0.7754249144022849,
0.7392826922067415,
0.6938559235490609,
0.6403997951765991,
0.5808644746706507,
0.5176211553245574,
0.4531985433327857,
0.39008548761008416,
0.33058060035680925,
0.27666342174825304,
0.2298564804513435,
0.19104879037004918,
0.1603787309732903,
0.1373991835728931,
0.12132542231948618,
0.1112155339074703,
0.10609236008057876,
0.10502248121279112,
0.10716396637901038,
0.11179160450104864,
0.11830597172100732,
0.1262308831999488,
0.13520247120834517,
0.14495231341134918,
0.1552867066759704,
0.16606428971920562,
0.17717455211285987,
0.18851990681905972
],
[
0.2973324178194532,
0.31577299201299486,
0.3385569732005903,
0.36530156391083535,
0.39548804632508927,
0.4285391500272193,
0.4638628073796533,
0.5008719634508756,
0.5389876787480616,
0.5776309013131996,
0.6162070110377522,
0.6540864452489619,
0.6905843271660711,
0.7249420002930858,
0.7563137038094588,
0.7837622601051872,
0.8062684395545969,
0.8227593509944142,
0.8321611688374109,
0.8334719964323786,
0.8258267771808375,
0.8085605933205837,
0.7812982518809861,
0.7440741143432994,
0.6974841773140278,
0.6428431561482288,
0.5821527810442906,
0.5178332639850287,
0.45245349162788095,
0.388527771415058,
0.3283631727330772,
0.2739312815998308,
0.22673267212135462,
0.1876293076237801,
0.15674529360122286,
0.1336224682862568,
0.11746284178310573,
0.10731078244567405,
0.10217642111648628,
0.1011155711722852,
0.10327803232475907,
0.10793310728736971,
0.11447875379357375,
0.12243893824546204,
0.13145240577528383,
0.1412552343841521,
0.15165922251703778,
0.16252834601646565,
0.17375600445561212,
0.18524606687448641
],
[
0.30295340188291997,
0.32169644565484024,
0.34475624032141433,
0.37175996471727957,
0.4021963929932888,
0.4354930925122785,
0.4710606262739151,
0.5083126833896864,
0.5466693326058645,
0.5855487899447411,
0.624351827327343,
0.6624421599058117,
0.699125767377522,
0.7336320975598272,
0.7651004648107738,
0.7925756625074122,
0.8150177045120341,
0.8313313173067939,
0.840420095477723,
0.8412599661132951,
0.832969076708734,
0.8148791164992765,
0.7866312725897704,
0.748300610857594,
0.7005462917518378,
0.6447471025197302,
0.58295506702854,
0.5176352549658539,
0.4513917228733957,
0.3867579953223802,
0.3260418169543323,
0.2711974557509251,
0.22369338796598537,
0.18435805175865083,
0.15330158460148985,
0.13005962151183648,
0.11382559600240483,
0.10363376170373262,
0.0984842222442065,
0.09742399786699663,
0.09959605601765242,
0.10426525431277822,
0.11082769661507519,
0.1188080936285455,
0.12784831564568166,
0.13768943883690987,
0.14814926879234547,
0.15909759114586286,
0.17043205793213728,
0.18205810294850788
],
[
0.30907261463260544,
0.32810951944789113,
0.3514234158997664,
0.3786542423603393,
0.40930125997127165,
0.4427991595355223,
0.47856271989975474,
0.5160074137707518,
0.554552962476035,
0.5936152240052373,
0.632590567241688,
0.6708361054217836,
0.7076487835257756,
0.7422463145376935,
0.7737533508366523,
0.8011970538647262,
0.8235172289411935,
0.8395968746419704,
0.8483174805644849,
0.8486332034447049,
0.8396460721059525,
0.8206861295824655,
0.7914148252563276,
0.7519542690259637,
0.7030333264344011,
0.6460991166183347,
0.5832549769850631,
0.5170078015338705,
0.44999183496895656,
0.38475324387526477,
0.32359230845592757,
0.2684366251727033,
0.2207137018846217,
0.18121354389048144,
0.15003113989020544,
0.12669898479096908,
0.11040616933353198,
0.10018041960050672,
0.09501458344688296,
0.09394896550557075,
0.09612122972563675,
0.10079289982832162,
0.10735903670530655,
0.1153457136360253,
0.12439844948687218,
0.1342638244505978,
0.14476617323580898,
0.15578159325987878,
0.16721236506248643,
0.1789656170874218
],
[
0.31566860032445115,
0.33499151003636163,
0.3585397905932299,
0.38596788392515496,
0.41678806607606805,
0.45044431165664667,
0.48635719253558485,
0.5239450359557141,
0.5626279054906532,
0.6018197258740887,
0.6409127217341443,
0.6792575821291319,
0.7161423902741478,
0.7507733608074124,
0.782260836976857,
0.809614840633865,
0.8317555762683051,
0.8475449117884738,
0.8558426147127209,
0.855581606983963,
0.8458487609608025,
0.8259743044248966,
0.7956435068666745,
0.755030794138528,
0.7049397011394262,
0.6468898733176977,
0.5830386459273624,
0.5159330416156583,
0.44823273797082847,
0.3824897171622072,
0.3209884199504724,
0.26562072013541566,
0.21776562818383166,
0.17817074336117245,
0.14691381113192442,
0.12352555177155422,
0.10719418195089658,
0.0969443271049657,
0.09176439196489039,
0.09069013775921742,
0.0928555496456589,
0.09752000647647696,
0.10407839031448818,
0.1120587843515719,
0.12111089050818402,
0.13098730364822198,
0.14151942217787417,
0.15259018540235675,
0.16410691406844208,
0.1759785851126195
],
[
0.3227164747887582,
0.342318200438976,
0.3660831358422945,
0.39368109762295994,
0.42463932312080055,
0.4584130089320658,
0.494430043762738,
0.5321126955396038,
0.5708821030236735,
0.6101507377724464,
0.6493069998843248,
0.6876953966994273,
0.7245953925242541,
0.7592020189926113,
0.7906117527745278,
0.8178180574259956,
0.8397221896458227,
0.8551654399628883,
0.8629862249026378,
0.8620968879913375,
0.8515703101439276,
0.8307387557107941,
0.799314394569115,
0.7575280772878279,
0.706261855258948,
0.6471121626171915,
0.58229414458844,
0.5143945136216305,
0.4460940119056377,
0.37994349487255785,
0.31820312560431896,
0.26272051407712416,
0.21481978476509161,
0.1752026659253308,
0.14392703979943106,
0.12052185243730973,
0.1041769880569654,
0.09391708165804147,
0.08872887295820309,
0.08764581660978632,
0.08979993054813185,
0.09444971514494815,
0.10099079287525625,
0.1089539338449994,
0.11799356593559007,
0.12786880815864243,
0.13841866298132177,
0.14953346605563084,
0.16112602643201956,
0.17310734957400553
],
[
0.33018873802992266,
0.35006266799415836,
0.37402840081867245,
0.40177133101670814,
0.4328349982893012,
0.4666874572732006,
0.5027653311802933,
0.5404959040704564,
0.5793021564471744,
0.6185956411244997,
0.6577613173900891,
0.6961378218223105,
0.7329963145638705,
0.7675210368296131,
0.7987951247789579,
0.8257961435112803,
0.847407093332941,
0.8624492248050109,
0.8697400117494528,
0.8681719791048093,
0.8568053043666113,
0.8349760812352263,
0.8024258915224385,
0.7594450362450875,
0.706997203135996,
0.6467600216263898,
0.581011004456131,
0.5123771356627541,
0.44355630912922206,
0.37709133570460024,
0.31520976895408426,
0.259707016841846,
0.21184680118593052,
0.1722817822886198,
0.14104707981109893,
0.11766887526326142,
0.10134033029059242,
0.09108876094667973,
0.0859018993166415,
0.08481314943293883,
0.08695433933885877,
0.09158442606768502,
0.09810074350656395,
0.10603745261414332,
0.11505425335816055,
0.12491728841885452,
0.1354737002500328,
0.1466217927862093,
0.15828034688966058,
0.1703626043721349
],
[
0.33805595992189075,
0.358195972600854,
0.3823483501033082,
0.41021378406149,
0.4413528934099812,
0.4752478761680149,
0.5113453520402281,
0.549078655035273,
0.5878733920423331,
0.6271407800926415,
0.666262784604342,
0.7045725513640778,
0.7413333215929351,
0.7757190102852105,
0.806800012235988,
0.8335387207559841,
0.8548006099294145,
0.8693874406954258,
0.8760962107424214,
0.8738004637636858,
0.8615490200802349,
0.8386834756827737,
0.80497675331362,
0.7607807142118183,
0.7071433613421269,
0.6458281129807553,
0.5791798904566017,
0.5098672649003508,
0.4406017974821501,
0.37391146876289355,
0.31198313025820607,
0.2565526602702359,
0.20881850023408177,
0.16938119835457938,
0.1382500963162298,
0.11494695913222652,
0.09866900554955982,
0.08844839968729568,
0.08327632396351925,
0.08218835397368818,
0.08431794089437206,
0.0889258866442798,
0.0954122511571156,
0.10331531135573124,
0.11230058118546438,
0.12214170515597178,
0.13269448332972056,
0.14386576670924778,
0.1555808237217839,
0.16775536898046156
],
[
0.3462873542721284,
0.3666877349519283,
0.39101412329208823,
0.41898188943106546,
0.4501690193368688,
0.48407277313221153,
0.5201508345062293,
0.5578435483844127,
0.5965799316960543,
0.6357714875364489,
0.67479769359962,
0.7129866516506529,
0.74959413570723,
0.7837842618798269,
0.8146153428896409,
0.8410353820304102,
0.861893100476198,
0.8759713558493529,
0.8820471939675456,
0.8789760591011999,
0.8657967746920571,
0.8418579718512967,
0.8069653179162627,
0.7615336192514274,
0.7066976271078891,
0.6443113496776485,
0.5767924538331297,
0.5068528602283239,
0.4372146411834645,
0.37038435062615194,
0.30850036927230456,
0.25323229256379454,
0.20570887821667727,
0.16647563435373847,
0.13551311176304526,
0.11233660921681754,
0.09614750511917813,
0.08598446413530747,
0.08084431826692962,
0.0797669506806774,
0.08188924930054842,
0.08647528129479509,
0.09292887888129686,
0.10079317304225077,
0.10974002028040719,
0.11955101022015846,
0.1300910823053797,
0.14127620518642614,
0.15303867690707273,
0.1652969499180948
],
[
0.3548512549102735,
0.37550661672906266,
0.39999571256596833,
0.42804774412178614,
0.4592579491186143,
0.49313921242972647,
0.5291611300140359,
0.566771918116939,
0.6054047660955119,
0.6444721116781738,
0.6833515037287728,
0.7213665093690383,
0.7577659479301803,
0.7917047171439832,
0.8222297532663796,
0.8482754951007226,
0.8686747315566176,
0.8821920553965482,
0.8875851261532925,
0.8836921770975239,
0.8695433866751,
0.8444958405044279,
0.8083889432036135,
0.7617012896068147,
0.7056566907190287,
0.6422047547437879,
0.5738413747287003,
0.5033237588912172,
0.43338151643301925,
0.3664933751739933,
0.30474184121868764,
0.24972400165275,
0.20249490567763562,
0.16354222175152094,
0.1328147936249463,
0.10981921038428466,
0.09376060144402842,
0.08368530288401543,
0.078597701607791,
0.0775439923764294,
0.07966627782780944,
0.08423331879792273,
0.09065378285871928,
0.09847639635202599,
0.10737986377711983,
0.11715411352312455,
0.1276736493870939,
0.13886409984982867,
0.15066535139931375,
0.162998886818436
],
[
0.3637155060097977,
0.3846207144321009,
0.4092623615218065,
0.4373824849527912,
0.4685931390351984,
0.5024230683058972,
0.5383543994578947,
0.575843958020169,
0.6143298274143567,
0.6532260419085192,
0.691908825191901,
0.7296977764254509,
0.7658353273183507,
0.7994677807859525,
0.8296314352115144,
0.8552480236637126,
0.8751352714392633,
0.888040207342212,
0.8927016845553122,
0.887941581175794,
0.8727827698923356,
0.8465921652282022,
0.8092436492911894,
0.7612800732762404,
0.7040165684347514,
0.6395035422069278,
0.5703205910426832,
0.49927206752561126,
0.42909215755891494,
0.3622255311291807,
0.30069179260934287,
0.24600978585028543,
0.19915716675756412,
0.16056113526654148,
0.13013608892008388,
0.1073776258360637,
0.09149386306087615,
0.0815395572311498,
0.0765282493968803,
0.07551428231920754,
0.07764668156047105,
0.08220031296331298,
0.08858974310820011,
0.09637002776720094,
0.10522719219697274,
0.1149598328017416,
0.12545236226992962,
0.13664055670363168,
0.1484724524489584,
0.16087288010741174
],
[
0.3728477775559585,
0.39399787760023797,
0.41878289169872523,
0.446956606354788,
0.47814721122020754,
0.5118992557670422,
0.5477077874327934,
0.5850388414539206,
0.6233360589291876,
0.6620157324303764,
0.7004534002394928,
0.7379653119955942,
0.7737881276483574,
0.8070602129086045,
0.8368079880883991,
0.8619413637727629,
0.8812639151846501,
0.8935058726450492,
0.8973878463322352,
0.8917161478927069,
0.875507675937469,
0.8481406003851051,
0.8095239618393125,
0.7602651136442692,
0.7017727463290446,
0.6362034071912092,
0.5662257033448154,
0.49469266025776343,
0.42433992702601037,
0.3575720049867431,
0.29633894502945657,
0.24207608635552902,
0.1956803519782987,
0.1575160750376795,
0.1274607149478052,
0.10499667797802792,
0.08933408702524304,
0.07953651922884719,
0.07462796951889783,
0.07367257319289267,
0.07582788748902158,
0.08037625313328456,
0.08673918340593323,
0.09447878014532296,
0.10328882128770422,
0.11297682291794298,
0.12343734576722654,
0.13461671469290315,
0.1464716595283827,
0.15893069694408346
],
[
0.3822158157167087,
0.4036059611635213,
0.4285259643199067,
0.4567402223798188,
0.48789219521153643,
0.521541934513863,
0.5571975803394129,
0.59433483199768,
0.632403479569045,
0.6708227228034512,
0.7089680818572245,
0.7461531220077618,
0.781609391831104,
0.8144680046765547,
0.8437462742385611,
0.8683431900565989,
0.8870491344820095,
0.898578353653355,
0.9016337401563563,
0.8950067358454399,
0.8777095909991256,
0.8491333164889058,
0.8092229539587228,
0.7586505365929126,
0.6989205293471492,
0.6323010149505546,
0.5615545414548773,
0.4895837698240873,
0.4191223986885231,
0.352528725844529,
0.29167697258254843,
0.23791419195193958,
0.19205361597365123,
0.1543946116558877,
0.12477551689558453,
0.1026635141383404,
0.0872696442554678,
0.07766642999570472,
0.0728893399950159,
0.0720137412754639,
0.07420720798421221,
0.0787608618496678,
0.0851041786811293,
0.09280699630666855,
0.10157123059501316,
0.11121348159748334,
0.1216385677758044,
0.13280363874132772,
0.1446746150248273,
0.15718405168386002
],
[
0.3917876368420343,
0.41341302068595853,
0.43846028488285005,
0.4667032768551589,
0.49779972840590314,
0.5313246838276714,
0.5667993456672188,
0.6037093827501719,
0.6415112420379063,
0.6796276549025635,
0.717434810100458,
0.7542442964580535,
0.7892832540769374,
0.8216762523306442,
0.8504322744045408,
0.8744403034739963,
0.8924785329598547,
0.9032460637615665,
0.9054285521872792,
0.8978031561719976,
0.8793787874723439,
0.849561136232533,
0.8083324873089092,
0.7564298383643143,
0.6954555936900569,
0.6277946797548829,
0.5563078739894491,
0.4839476509613866,
0.41344193843432786,
0.34709684499102583,
0.2867048745386968,
0.23352052207845952,
0.18827080872508878,
0.15118840467862527,
0.1220707028804392,
0.1003678629336896,
0.08529073767855355,
0.07592071469745953,
0.07130550335975638,
0.07053293183126419,
0.07278193480814499,
0.07735363800122508,
0.08368644910112921,
0.09135859717332184,
0.10008047170987777,
0.10967782901856782,
0.12006570549249584,
0.13121218284489844,
0.14309278343327264,
0.15564445670006744
],
[
0.4015316728996523,
0.4233874583664541,
0.44855475790774146,
0.47681570659688255,
0.5078412171836739,
0.5412206479598931,
0.5764880511184901,
0.6131392230143801,
0.6506376838155192,
0.6884102863149111,
0.7258345866786718,
0.7622209453006892,
0.7967928400073782,
0.8286690284168452,
0.8568509399659279,
0.8802184739234054,
0.8975386865854054,
0.9074964009343571,
0.9087604715524092,
0.9000942305669235,
0.880504523533262,
0.8494138642566819,
0.8068436568508032,
0.7535964775280067,
0.691374744124754,
0.6226852231512422,
0.5504902355619011,
0.4777912875344542,
0.40730626006790854,
0.34128313810723027,
0.28142724003789826,
0.22889679066009921,
0.18433058633522464,
0.14789330350680696,
0.1193399664396334,
0.09810218878376664,
0.08338957618350074,
0.07429215371384168,
0.06987041568972152,
0.06922567352155096,
0.07154941209060761,
0.07615388482009988,
0.08248734112496858,
0.0901370152390274,
0.09882205649971154,
0.10837735966773676,
0.11872797788299261,
0.1298528183680281,
0.14173727630727545,
0.15432303894903643
],
[
0.41141687534059146,
0.4334981268592896,
0.45877859865365433,
0.48704756298079815,
0.5179879616081766,
0.5512026528990216,
0.5862381633731546,
0.622600431963768,
0.6597603709940058,
0.6971495007499801,
0.7341474489233387,
0.770064134201651,
0.8041201654069735,
0.8354292495030371,
0.862986039638157,
0.8856622752817163,
0.9022149776720206,
0.9113156204354549,
0.9116166564130666,
0.9018679129914328,
0.8810753739866548,
0.8486808122979628,
0.8047474482700469,
0.7501446787361711,
0.6866768802956931,
0.6169769948436008,
0.5441108356124421,
0.47112710550480563,
0.40072892731303356,
0.33510031253092737,
0.2758543972489333,
0.224050049940705,
0.18023640542833014,
0.1445093382242968,
0.11658050590586655,
0.09586175294274402,
0.08156046950422402,
0.07277499193381753,
0.06857895031831374,
0.0680879612378088,
0.07050708792767757,
0.07516072315041245,
0.08150779693216026,
0.08914511559815153,
0.09780082748972496,
0.10731886664419676,
0.11763394095723034,
0.12873542223722512,
0.14061863770263966,
0.15323031721221125
],
[
0.4214127836672885,
0.4437143972598876,
0.46910140806112577,
0.49736909719490274,
0.5282112472640335,
0.561243296336052,
0.5960237272049408,
0.6320684996313894,
0.668856135509652,
0.7058233165879249,
0.7423524448854504,
0.777753822189654,
0.8112460351531737,
0.8419385404509805,
0.8688199991097917,
0.8907549119923827,
0.9064914240419983,
0.9146886995422185,
0.9139831966718679,
0.9031114402355536,
0.8810796604060072,
0.8473515145781458,
0.8020356220508654,
0.7460704605436436,
0.6813641757100952,
0.6106790244281378,
0.5371844968225097,
0.4639736430585596,
0.39372976579578234,
0.3285671969851108,
0.2700024357161534,
0.21899261131080122,
0.17599640404819233,
0.14104060725672946,
0.11379294970963316,
0.09364458987420687,
0.07979985056336925,
0.07136498994679574,
0.06742695799332887,
0.06711630816892278,
0.069652545375127,
0.07437309139415116,
0.0807483147331115,
0.08838510832334934,
0.09702081491086478,
0.10650824143874527,
0.11679124394707807,
0.12786901932639505,
0.13974658426943348,
0.1523759345834425
],
[
0.43148956434082475,
0.454006196968886,
0.47949321663739036,
0.5077508143286928,
0.5384824081274303,
0.5713150132856836,
0.6058184263505232,
0.6415183761717207,
0.6779011068489544,
0.7144088952108857,
0.750427611963904,
0.7852688041630901,
0.8181499450714138,
0.8481770965232215,
0.8743337327416472,
0.8954780348428157,
0.9103504941394124,
0.9175991783937232,
0.915845043802747,
0.9038114643054771,
0.8805059253114099,
0.8454166083014771,
0.7987018425503701,
0.7413729044501859,
0.6754434642004642,
0.6038062430126756,
0.5297325498035005,
0.4563561180399519,
0.38633514262803315,
0.32170878716891316,
0.26389308818679874,
0.21374183900346744,
0.17162317156031626,
0.13749506855829963,
0.11098119655313365,
0.09145140809507168,
0.07810623274348305,
0.07005942222826156,
0.0664112865898393,
0.06630776907895042,
0.06898351455640062,
0.07378973437677439,
0.08020890343167197,
0.08785845749560461,
0.0964850876375295,
0.10595025643013334,
0.11620634801581808,
0.12726147320712544,
0.1391296935043539,
0.15176834079602214
],
[
0.44161802510497117,
0.46434402259199425,
0.4899245024954628,
0.5181635011894032,
0.5487728644695945,
0.5813901202141403,
0.6155956280259091,
0.6509245108065728,
0.6868707397179998,
0.7228825512044863,
0.7583499621086067,
0.7925866622646972,
0.8248099910468493,
0.854123546391038,
0.8795064673345441,
0.8998115423005143,
0.9137728986630786,
0.9200289590605757,
0.9171858750344515,
0.9039541089282299,
0.8793433648024229,
0.8428688071958543,
0.7947430688084511,
0.7360556875212997,
0.668927794704921,
0.5963806652443996,
0.5217835868642895,
0.4483068232484715,
0.3785780667488923,
0.3145561182773358,
0.25755345739901414,
0.20831981276339961,
0.16713341066464826,
0.1338842415142799,
0.10815217963699197,
0.08928542489429869,
0.07648011017902756,
0.06885702835429308,
0.06552976450558334,
0.06565993768027278,
0.06849786834439542,
0.0734091840032316,
0.07988903582233331,
0.08756579343319348,
0.09619560795662219,
0.10564834292854941,
0.11588421635321466,
0.12691912050787357,
0.1387750329590342,
0.15141442052713955
],
[
0.45176960931551935,
0.4746989325484433,
0.5003661883027882,
0.5285782324335583,
0.559054139765658,
0.5914408407376655,
0.6253284133072043,
0.6602608821820969,
0.695739839442517,
0.7312197668377483,
0.7660954771993903,
0.7996837312280783,
0.8312027916546105,
0.8597548217101202,
0.8843155598417948,
0.9037333640991327,
0.9167373513665428,
0.9219580474506472,
0.9179878611524134,
0.9035248902106029,
0.8775821054662825,
0.8397038075435926,
0.7901611842186054,
0.7301289059982201,
0.6618380138075399,
0.5884323571324706,
0.5133739574775755,
0.4398652747819195,
0.3704980615004047,
0.3071459354356289,
0.2510155745029149,
0.2027528573755139,
0.16254749625518955,
0.1302228278499704,
0.1053155646866718,
0.08715214465653265,
0.07492380958875222,
0.06775792390349145,
0.06478115257586692,
0.06517092163710547,
0.06819360458486645,
0.07322973494551466,
0.07978760485612946,
0.08750683537461901,
0.09615310224549667,
0.10560438380473736,
0.11582799741322303,
0.12684635015545487,
0.1386877224010663,
0.1513190710997036
],
[
0.46191637443743305,
0.48504252364126094,
0.5107896214940518,
0.5389663593003255,
0.5692978604741565,
0.6014393160426694,
0.6349895957787033,
0.6695010220428482,
0.7044825869967741,
0.7393952133821667,
0.7736391185838254,
0.8065350837926821,
0.8373034327265335,
0.865046042550089,
0.8887363146352885,
0.9072192256622873,
0.9192202948563314,
0.9233642282100413,
0.9182313164782542,
0.902508452297464,
0.8752132006653346,
0.8359208495618556,
0.784964608933973,
0.7236111767017157,
0.6542040087979011,
0.57999995661353,
0.504547881055966,
0.4310780399688951,
0.3621407628005647,
0.29952013573658526,
0.24431577934461202,
0.19707094042121714,
0.15788893853488306,
0.12652826151427476,
0.10248339237296566,
0.08505909089830788,
0.0734413024531052,
0.06676347808004246,
0.0641650697872802,
0.0648392991386676,
0.0680688181008482,
0.0732494186891528,
0.0799028874227532,
0.08768033180002777,
0.09635696042398523,
0.10581854463553786,
0.11603874137642856,
0.12704515374952086,
0.1388704200337087,
0.15148475965984992
],
[
0.4720309585033381,
0.4953468954823292,
0.5211665417564415,
0.5492994849525549,
0.5794757424100717,
0.6113576031846895,
0.6445517309342969,
0.6786180341878344,
0.7130725655359756,
0.747382781772065,
0.7809548548637062,
0.8131145429849369,
0.8430854443817368,
0.8699704325744719,
0.8927418125486613,
0.9102423959125423,
0.9211955911658314,
0.9242226708479783,
0.917894227606649,
0.9008880963036561,
0.8722282485910091,
0.8315226027163114,
0.779168973956947,
0.7165310763508765,
0.6460649815205319,
0.5711305095506615,
0.495357067474298,
0.42199818079242535,
0.35355720211056557,
0.2917249615627375,
0.23749391910303064,
0.19130694488659822,
0.15318376143881496,
0.12282019965337376,
0.09966967676584859,
0.08301550252562129,
0.07203798650981308,
0.06587616526165774,
0.06368189828003556,
0.06466406116067969,
0.06812166576255418,
0.07346597907059993,
0.08023251954867705,
0.08808402458206233,
0.09680517579477421,
0.10628916793202903,
0.11651520577731822,
0.1275147455500617,
0.13932274357655366,
0.15191115780594788
],
[
0.4820865380089978,
0.5055846063588453,
0.5314690395026768,
0.5595494301845623,
0.5895595672865053,
0.6211676643867492,
0.6539871188335299,
0.6875846106372241,
0.7214827901337466,
0.7551556248070947,
0.7880157117534119,
0.8193947282423216,
0.848520822649567,
0.8744992829359703,
0.8963027743557427,
0.9127734296089024,
0.9226341810561544,
0.9245054755481659,
0.9169516860482279,
0.898645124457369,
0.8686186085344627,
0.8265141832623689,
0.7727957676859685,
0.7089254364177964,
0.6374682463176771,
0.5618784721264026,
0.485859773700859,
0.4126842650429857,
0.3448027431540853,
0.2838099347249785,
0.23059237101646485,
0.1854958302257077,
0.14845981186128943,
0.11911996923888091,
0.09688997258420606,
0.08103200518919262,
0.07072044559110058,
0.0650993976689086,
0.06333267313964519,
0.06464454351565452,
0.0683503277516232,
0.07387685199331395,
0.08077348594931699,
0.0887146412756108,
0.0974943333542273,
0.10701274894873614,
0.11725380265617813,
0.12825143446544507,
0.14004098508741314,
0.15259501984654084
],
[
0.49205678044901724,
0.5157286238699993,
0.5416695088045193,
0.5696881930493439,
0.5995211528676722,
0.6308413504095083,
0.6632678024964934,
0.6963730468402797,
0.7296857421242208,
0.762686212541771,
0.7947938471158205,
0.8253471417816266,
0.8535801082868562,
0.8786019880735916,
0.8993874952755377,
0.9147799357358368,
0.9235037198340552,
0.924181181329719,
0.9153752915241888,
0.8957580740884152,
0.8643742943697695,
0.820901424339299,
0.7658693929618579,
0.7008355554284755,
0.6284666902116706,
0.5523038846415508,
0.4761192756807431,
0.4031989173627334,
0.33593565499010297,
0.2758265353957612,
0.22365490732850896,
0.17967370394049675,
0.1437460201185376,
0.11544998643186444,
0.09416092505655882,
0.07912026887193702,
0.06949619674021401,
0.06443734618398478,
0.06311896231851444,
0.06478035260818893,
0.06875296783055396,
0.07447915137837446,
0.08152212561533234,
0.08956791733349467,
0.09841964933773983,
0.1079839991650392,
0.11824870608672933,
0.1292488400363513,
0.14101853580690382,
0.15353038500720623
],
[
0.5019157944635747,
0.5257522734480383,
0.5517405980634783,
0.579687905794638,
0.6093323200727269,
0.6403503810309757,
0.6723655645069195,
0.7049552576376734,
0.7376534090577267,
0.7699464017130787,
0.8012606530768255,
0.8309423001070921,
0.8582325340985463,
0.8822461779103248,
0.9019619005140487,
0.9162264470526227,
0.9237682057075886,
0.9232142973006343,
0.9131326464375646,
0.892201964826095,
0.8594827161524842,
0.8146887727520478,
0.7584139000319357,
0.6923034335585669,
0.6191154866836109,
0.5424698528551304,
0.46620178029872206,
0.3936069014067728,
0.32701532234801894,
0.2678266498480401,
0.2167254359982957,
0.17387683516173275,
0.13907163705931536,
0.11183316805541255,
0.09149981702042631,
0.07729266290731485,
0.06837343329620871,
0.06389475602589367,
0.06304274172227953,
0.06507128849483801,
0.0693276949940741,
0.07526966266587676,
0.08247415372859157,
0.09063864728826154,
0.09957505884815443,
0.1091959888622751,
0.11949209247380643,
0.13049832181951881,
0.1422464796876749,
0.15470898888048057
],
[
0.5116380803690685,
0.5356291877008684,
0.5616551615413587,
0.5895207923767481,
0.6189648603041238,
0.6496663256715322,
0.68125192431341,
0.713302795605794,
0.7453573308644159,
0.776907519080241,
0.8073868854523784,
0.8361499130666581,
0.8624462485967459,
0.8853979671899999,
0.9039897754722003,
0.9170745254851276,
0.9233877370157546,
0.9215650630480557,
0.910187109987723,
0.8879477126752418,
0.8539274894778301,
0.8078772276135949,
0.750450032345607,
0.6833683258666958,
0.6094685457113271,
0.5324395141449009,
0.4561738273988173,
0.3839727396359652,
0.3181001199618107,
0.2598608376801045,
0.20984666848630928,
0.16814065123833977,
0.13446547766905592,
0.1082923562777347,
0.0889241282839015,
0.07556191941340784,
0.067360772196569,
0.06347676352106857,
0.06310627006757319,
0.0655172684331593,
0.07007252837839717,
0.07624484442318924,
0.0836246988790138,
0.09192076144176897,
0.1009533433352795,
0.11064034886169238,
0.12097445828805009,
0.13198944975486004,
0.14371411063802952,
0.15612072463456966
],
[
0.5211984836767136,
0.5453332593682285,
0.5713862147557911,
0.5991591297403907,
0.6283905062486649,
0.6587605872428255,
0.6898981388032669,
0.7213868734143096,
0.7527686524724774,
0.7835404574920787,
0.8131428186895859,
0.8409391095163814,
0.8661886182433243,
0.888022332930559,
0.9054332080448456,
0.9172832430311,
0.9223189504118814,
0.9191898400946203,
0.9064979799781803,
0.8829618674810239,
0.8476875323611307,
0.8004626378355983,
0.7419927706458025,
0.6740636375002034,
0.5995749233405693,
0.5222726260323287,
0.4460992315834677,
0.3743578911322756,
0.3092450170928889,
0.2519765028447155,
0.2030587844651337,
0.16249876671682806,
0.12995520420116258,
0.10484977842682353,
0.08645112208762518,
0.07394081556355558,
0.0664670130947187,
0.06318871959945516,
0.06331196758944935,
0.06611825362358126,
0.07098536678382517,
0.07740083791573527,
0.08496835345401266,
0.0934074227457955,
0.10254628652191045,
0.11230750683317359,
0.12268496174808696,
0.1337104364788757,
0.14540937569005669,
0.1577540733764941
],
[
0.5305721540578362,
0.5548386005641274,
0.5809068966586167,
0.6085752160068275,
0.6375809094118644,
0.6676043923909568,
0.6982752088921007,
0.729178391979105,
0.7598581829644468,
0.7898157825141645,
0.8184984222968882,
0.845278704741204,
0.8694266034743273,
0.8900836167029379,
0.9062532450642251,
0.9168100602874183,
0.9205162862887224,
0.916042245255436,
0.9020211989341624,
0.8772068081478523,
0.8407366376198031,
0.7924345636400104,
0.7330494644127301,
0.6644142305341166,
0.5894752993749148,
0.5120218460087318,
0.43603559334438635,
0.36481753475843187,
0.30049904035092123,
0.24421609137399003,
0.196398179805036,
0.15698209974238808,
0.12556668308224828,
0.10152656345093725,
0.08409747260715283,
0.07244188415016051,
0.06570091601282446,
0.06303602490622351,
0.06366230206948831,
0.06687418133053569,
0.07206396366599455,
0.0787334839173075,
0.08649923430815254,
0.09509113754792897,
0.10434484644398756,
0.11418693525937706,
0.12461175245180511,
0.13564851337095574,
0.1473192527509387,
0.15959648177503405
],
[
0.5397345120873456,
0.5641195108782855,
0.5901904414509709,
0.6177413486938487,
0.6465076276897003,
0.6761687914400674,
0.7063538951316518,
0.736647976538774,
0.7665964615147635,
0.7957038467648603,
0.8234235525580078,
0.8491375007251394,
0.8721271963028834,
0.8915461333780359,
0.9064107267206583,
0.9156119841484252,
0.9179335156215569,
0.9120747055430304,
0.8967105888220389,
0.8706414961434543,
0.8330436658852637,
0.7837758264253876,
0.7236186324410497,
0.6544342770444957,
0.5791986792070113,
0.5017287255206477,
0.42603037894034457,
0.35539708695975186,
0.29190281289803544,
0.23661547551868944,
0.18989639460137625,
0.15161813214764613,
0.12132344843683118,
0.098342334676778,
0.08187894574904098,
0.071077160515579,
0.06507100315435588,
0.06302398056425729,
0.06415968499165514,
0.06778490404152804,
0.07330590800131975,
0.08023834561682042,
0.08821105043342192,
0.09696387371845117,
0.10633933222983671,
0.1162673934145243,
0.12674227040626962,
0.1377902511002987,
0.1494300707010759,
0.16163468586632873
],
[
0.5486612259819889,
0.5731504568219573,
0.599210162840177,
0.6266298160905931,
0.6551421263443362,
0.684424671506235,
0.7141047456746625,
0.7437660233468076,
0.7729538309751922,
0.8011749090340492,
0.82788815150587,
0.8524846066143095,
0.8742579007062485,
0.8923748561641476,
0.9058672406583537,
0.9136468597887275,
0.9145253141395778,
0.9072402110576703,
0.8905195651597017,
0.8632228571855866,
0.8245734621852981,
0.774462806792684,
0.7136895077123151,
0.6441258541273417,
0.568759654058864,
0.491419516162405,
0.4161165432380538,
0.3461288082850928,
0.28348649245519714,
0.22920270642356433,
0.1835793177281928,
0.14643036488574218,
0.11724630065790131,
0.09531489510904556,
0.07981014301820488,
0.06985797214359246,
0.06458538920926704,
0.06315765767574477,
0.06480637993482685,
0.06885013680596974,
0.07470861105166249,
0.08191073622729317,
0.09009717431711795,
0.09901718020415529,
0.10851957635895204,
0.11853715178776159,
0.12906350744516604,
0.14012182976920529,
0.15172777879495253,
0.16385498537634802
],
[
0.5573282004419728,
0.5819060650215305,
0.607939453501578,
0.6352129049169818,
0.6634557958163083,
0.6923427864175022,
0.7214981403111846,
0.7505027604301849,
0.7789005211669521,
0.8061992561910346,
0.8318624441238531,
0.8552897636531114,
0.8757872320442855,
0.8925361414824469,
0.9045861366215635,
0.9108747050761626,
0.9102488589337085,
0.9014941857055927,
0.8834032451324513,
0.8549078395932435,
0.8152885489740553,
0.7644664762836435,
0.7032423760271667,
0.6334785007463425,
0.5581567837159636,
0.4811014867158325,
0.40630793574547575,
0.33702927575435976,
0.2752684963209826,
0.2219973092740805,
0.17746674974118193,
0.14143800932864176,
0.1133530609887281,
0.09246001665169645,
0.07790431505518947,
0.06879477508931886,
0.064251643040652,
0.0634417876435368,
0.06560442460198712,
0.07006941340681094,
0.07626929875016875,
0.08374574980852123,
0.09215071392515328,
0.10124230303163306,
0.11087509567812304,
0.12098419257782522,
0.13156223023341806,
0.14262926437051826,
0.15419817159156107,
0.166243473926385
],
[
0.5657115795978688,
0.5903611314793006,
0.6163518024638517,
0.6434629273998344,
0.6714199898564298,
0.699893807209302,
0.7285043546412633,
0.7568283267285272,
0.7844067457001842,
0.8107473282857003,
0.8353171253046265,
0.8575236567591812,
0.8766852087038361,
0.8919984565497352,
0.9025335550126858,
0.9072590446552041,
0.9050654286575388,
0.8947964084094984,
0.8753207855743281,
0.845656147612591,
0.8051515131318395,
0.7537540583732961,
0.6922497140752216,
0.6224699083641405,
0.547372720039283,
0.47076184920042097,
0.396597245482452,
0.328098794391029,
0.2672553470753799,
0.21501024474030794,
0.17157237613884113,
0.13665593777558238,
0.10965849302187802,
0.08979133860058175,
0.07617324773360157,
0.06789703907726896,
0.06407668210641582,
0.06388067436211309,
0.0665555671903364,
0.07144205157063033,
0.07798500920405904,
0.08573829384967835,
0.09436458269173031,
0.10363029396114598,
0.113395236877746,
0.12359638366359116,
0.13422516698191644,
0.14529859101044318,
0.15682707498297344,
0.16878623036933338
],
[
0.5737877659542395,
0.5984906491269829,
0.6244208330792308,
0.6513522708827386,
0.6790060874768218,
0.7070483970267685,
0.7350936486896255,
0.7627128747291725,
0.7894428182749267,
0.8147898514441271,
0.8382235317078714,
0.8591581939440041,
0.8769238078264909,
0.8907330767315425,
0.8996794385058889,
0.9027682263088884,
0.8989419887520097,
0.8871129131844537,
0.8662376945522691,
0.8354331742448031,
0.7941276364279334,
0.7422911507865969,
0.6806780849695695,
0.6110677929173298,
0.5363763382986436,
0.46037084919403753,
0.3869597832775816,
0.3193232835806349,
0.25944276097360586,
0.20824457259079776,
0.16590416153416992,
0.1320948951071097,
0.10617439026892816,
0.08732037402636073,
0.07462721971875597,
0.067173180652076,
0.06406669941831411,
0.06447812831689526,
0.0676612171479225,
0.07296712702584673,
0.07985259465451311,
0.08788312228667883,
0.09673156543922146,
0.10617210917719,
0.11606930415795635,
0.12636162591085087,
0.13703916118788217,
0.14811601887820125,
0.15960049829538486,
0.1714694760934954
],
[
0.5815334571024916,
0.6062698557860631,
0.6321203641595696,
0.6588534730409521,
0.6861855821829673,
0.7137773142193728,
0.7412363843064949,
0.7681267022206512,
0.7939792964446374,
0.8182979889121323,
0.8405538029349044,
0.860166735714961,
0.8764773570722745,
0.8887147297874878,
0.8959985090532805,
0.8973767129034231,
0.8918527515634058,
0.8784178228832351,
0.8561279222910957,
0.8242121048240754,
0.7821872024222079,
0.730044175428115,
0.6684907160196069,
0.5992328419493922,
0.5251265604575576,
0.4498873474801802,
0.37735961128911455,
0.31067803303278096,
0.2518178156007113,
0.2016967503733213,
0.16046512963436405,
0.12776195073805086,
0.10290981675467092,
0.0850566158287821,
0.07327502641788952,
0.06663054138064584,
0.06422712135705533,
0.0652374216840812,
0.0689224097639356,
0.07464345588152133,
0.08186872713890947,
0.09017486781578998,
0.09924437871665026,
0.10885869646529778,
0.11888666835295714,
0.12926797512845678,
0.13999129606490224,
0.15106805244827531,
0.1625047569004548,
0.17427970266316578
],
[
0.5889257018442668,
0.6136743045120981,
0.639424496743485,
0.6659393256807661,
0.6929302018400954,
0.720051547231007,
0.7469031754570651,
0.7730404187526131,
0.797987162001744,
0.8212435263858211,
0.8422810539066398,
0.8605242655506212,
0.8753228377737268,
0.885922183868457,
0.8914712000492335,
0.8910663443105842,
0.8837807135613097,
0.8686951211940004,
0.8449757841670229,
0.8119756577980367,
0.7693076835431268,
0.716983144806813,
0.6556506734761529,
0.5869225191762388,
0.5135772189100588,
0.43926480267929224,
0.3677553538674812,
0.3021322188289535,
0.24436182626805264,
0.19535841329143616,
0.15525445309314528,
0.12366114913068948,
0.0998714763161096,
0.08300772793743871,
0.07212406161614793,
0.06627540594013537,
0.0645625933305981,
0.0661612626852438,
0.07033978352258252,
0.07646958452599628,
0.08402990705601232,
0.09260807257842074,
0.10189572457481344,
0.11168107020191231,
0.12183685786012921,
0.13230374075831097,
0.14306899328202244,
0.15414158792839056,
0.16552656929052673,
0.17720377370997514
],
[
0.5959419772208637,
0.6206799581302077,
0.6463077287954277,
0.6725830099465763,
0.6992120623307796,
0.7258424845568862,
0.7520650749419788,
0.7774251516341735,
0.8014380466876929,
0.823599110507723,
0.8433796015646206,
0.8602075469902212,
0.8734401176490254,
0.8823388044746646,
0.8860845317759242,
0.8838275530669993,
0.8747191792179487,
0.8579404061629856,
0.8327779195064103,
0.7987182444309113,
0.7554763203907078,
0.7030848255282429,
0.642124556831049,
0.5740954807576472,
0.5016823751324283,
0.428456954926549,
0.3581054396495237,
0.29365338112220013,
0.2370535111720627,
0.1892184331739667,
0.15026874866233964,
0.119794300986102,
0.09706417719081017,
0.08117980195385177,
0.07118044508660692,
0.06611305313409255,
0.06507698916101246,
0.06725178676089916,
0.07191356873229082,
0.0784437860387096,
0.0863324738303144,
0.09517721650825539,
0.10467833725645226,
0.11463037415828958,
0.12490963241794717,
0.1354575637228289,
0.14626008941275348,
0.15732398752981425,
0.16865313213434302,
0.18022900456583218
],
[
0.6025602877833931,
0.6272633095597512,
0.6527450999088763,
0.6787582655136489,
0.7050038578570528,
0.7311221225613567,
0.7566938002330936,
0.7812527948026434,
0.8043045094193502,
0.825338555847391,
0.8438252939516311,
0.8591954407697642,
0.8708123155187251,
0.8779531173244126,
0.8798329050374752,
0.8756604905351291,
0.8646732704074882,
0.8461626713951517,
0.8195454064038452,
0.7844485161387333,
0.740693192165453,
0.6883363675252883,
0.6278866505434088,
0.5607164013230539,
0.48940173443934354,
0.4174230746133033,
0.3483727563562283,
0.28521148162851967,
0.22987209371655293,
0.18326504826764017,
0.14550346005268106,
0.11616184765001536,
0.0944913524789941,
0.07957765594354393,
0.07044918232763064,
0.06614783158346471,
0.06577343927681778,
0.06851056161662172,
0.07364358563628126,
0.0805640619713407,
0.08877261789943247,
0.09787674283476167,
0.10758502265555248,
0.11769793260321193,
0.1280950411844589,
0.13871847593213948,
0.14955289320767767,
0.16060313473835353,
0.17187217643579433,
0.1833432227419548
],
[
0.6087592882651859,
0.6334015292731883,
0.6587123677744928,
0.6844395959746181,
0.7102790903007582,
0.7358633133452785,
0.7607620000388018,
0.7844963018362521,
0.8065603669956304,
0.8264372254891668,
0.8435959591407418,
0.8574694814843423,
0.8674264388904916,
0.8727593754215869,
0.8727187667438867,
0.8665759773037844,
0.8536613642145277,
0.833386133609259,
0.805305965387661,
0.7691920334526615,
0.724974597323093,
0.6727393915216298,
0.6129234884644998,
0.5467610824628518,
0.4767059583381208,
0.40613269819824516,
0.33852866868033693,
0.27678237560401453,
0.2228000951933029,
0.177487879941003,
0.1409542127156267,
0.11276372876418006,
0.09215559462305378,
0.078205150381646,
0.06993434147656663,
0.06638325112463006,
0.06665437231593874,
0.06993860288480169,
0.07552925002513367,
0.08282814828555451,
0.09134639330164407,
0.10070108041759929,
0.11060869068923618,
0.12087529051092949,
0.131383466768351,
0.14207594388222639,
0.15293622649884442,
0.16396747340322654,
0.17517200756300377,
0.1865348120083643
],
[
0.6145184306390313,
0.6390726409364359,
0.6641862177582397,
0.6896025120802756,
0.7150123394310054,
0.7400400541373261,
0.7642435620684385,
0.7871300221314766,
0.8081810753995906,
0.826872477775763,
0.8426719455295832,
0.8550145474176182,
0.8632740493647473,
0.866758069148787,
0.8647530851058856,
0.8565961490725283,
0.8417162494612911,
0.8196520731346024,
0.7901059416155217,
0.7529936898717144,
0.7083564240362511,
0.6563144228408629,
0.5972388061981639,
0.5322217810284782,
0.46358169566526786,
0.3945697156114426,
0.328556314264293,
0.2683506107808443,
0.21582566111565904,
0.17187969129643188,
0.1366180377701307,
0.10960018714390374,
0.09005916316922458,
0.07706549651618289,
0.06963923243936343,
0.06682208085040675,
0.06772156462828882,
0.07153639704298054,
0.07756958430847993,
0.08523352423132946,
0.09404973021441587,
0.10364466274117423,
0.11374238093607614,
0.12415424387302876,
0.13476565692353515,
0.14551989862345538,
0.15639945124423377,
0.16740603313447366,
0.17854153159511382,
0.1897927425122134
],
[
0.6198181363689429,
0.6442557259404745,
0.6691445063882673,
0.6942238136926286,
0.7191795748539098,
0.7436278188627635,
0.7671139614038269,
0.7891300772520865,
0.8091441547028373,
0.8266241627918781,
0.8410367053349104,
0.8518194882635952,
0.8583518092239029,
0.8599563063863139,
0.8559555764236986,
0.8457546647104512,
0.828885587193139,
0.8050200407781072,
0.7740114775948005,
0.7359194727337948,
0.690897067079574,
0.6391053704567867,
0.5808588799208899,
0.5171126908531409,
0.4500360237865274,
0.38273559390447776,
0.31845306758914754,
0.25991149180367346,
0.20894432760152648,
0.16643778386731795,
0.13249438207550202,
0.10667245393536551,
0.08820442938314721,
0.07616153453259111,
0.06956657432758562,
0.06746644523905376,
0.06897619239951913,
0.07330392833054811,
0.07976323205640323,
0.08777742300725155,
0.09687844688512648,
0.10670194352788298,
0.11697928203781649,
0.12752686120771928,
0.1382327455855462,
0.14904075418831808,
0.15993248493729267,
0.17090844320505705,
0.181970270146239,
0.19310658908871892
],
[
0.6246399945175324,
0.6489311571695119,
0.6735665388412482,
0.6982819101406786,
0.7227585093043123,
0.7466039315750946,
0.7693506480475909,
0.790474773055091,
0.8094296481644143,
0.8256751496824452,
0.838677384841548,
0.847877692091298,
0.8526619101246158,
0.8523680269907231,
0.8463546552595086,
0.8340964076707394,
0.8152313562166585,
0.7895669882669482,
0.7571083690520433,
0.7180571911773429,
0.6726793488589207,
0.621183342133519,
0.563838234274332,
0.5014751956550831,
0.43609974423638187,
0.3706514641321325,
0.3082320577499734,
0.2514723647564341,
0.20216017659473734,
0.16116496577045314,
0.12858584420007546,
0.10398326973308458,
0.08659422816037843,
0.07549596261655356,
0.0697186392852368,
0.06831791086976746,
0.07041888166628174,
0.07524070669108374,
0.08210847418020195,
0.09045684315495561,
0.09982826049857196,
0.10986740903505976,
0.12031274545068071,
0.1309854973847473,
0.141776264839506,
0.15262941636274718,
0.1635258063445476,
0.17446493688871134,
0.185448365567229,
0.1964665396625908
],
[
0.6289669862713492,
0.653080861983479,
0.6774333796059958,
0.7017571769892739,
0.725728990989467,
0.7489479802018417,
0.7709334716857921,
0.7911450426299269,
0.8090206056007756,
0.824011868292757,
0.8355854037303677,
0.8431876052347497,
0.8462124119366324,
0.8440140607452659,
0.835987125132713,
0.8216767226842763,
0.8008284462575764,
0.7733852256812563,
0.7395006640833317,
0.6995159426104909,
0.6538109054382734,
0.6026485191836285,
0.5462644864048141,
0.485381258196965,
0.4218287838939567,
0.3583588118830782,
0.29792265241039284,
0.24305309749798465,
0.19548635951289883,
0.15607005623617476,
0.12489859926159941,
0.10153721206724187,
0.08523209636202067,
0.07507150294242126,
0.07009736352303142,
0.06937755771909104,
0.07204975230404032,
0.07734579420776277,
0.08460324516980489,
0.09326855979460891,
0.10289479663875922,
0.11313558718763084,
0.12373629418042431,
0.13452280086119262,
0.14538814928973148,
0.15627728348148628,
0.1671704532950859,
0.17806634792639653,
0.18896657819351076,
0.19986339540809078
],
[
0.6327837364308445,
0.6566886140568309,
0.6807281943137955,
0.7046323448543469,
0.7280734299647139,
0.7506422673152173,
0.7718451414629599,
0.7911249154143265,
0.8079035821153574,
0.821624852509365,
0.8317570158855573,
0.8377532198827129,
0.8390175269764552,
0.8349220700781095,
0.8248976706590401,
0.808560317828106,
0.7857627941131956,
0.7565800668408912,
0.7213083427809038,
0.6804242526570057,
0.6344226839243061,
0.583628832283077,
0.52825710304367,
0.46893222678615054,
0.4073031278752786,
0.34591862822358793,
0.2875698774202139,
0.23468576085210913,
0.18894499422973138,
0.1511679180844791,
0.12144249810727392,
0.09934081533968253,
0.0841223864480336,
0.07489099631508567,
0.07070441961137108,
0.07064603083814058,
0.07386845306921197,
0.07961782805491013,
0.08724514811980533,
0.09620913499570705,
0.10607359712102515,
0.11650105376932729,
0.12724362715309334,
0.13813171536981694,
0.14906073416689603,
0.15997624073293248,
0.17085801402903977,
0.1817041006005668,
0.19251627709887803,
0.20328856412981505
],
[
0.6360767925191043,
0.6597403534513107,
0.6834366191195422,
0.7068929126203101,
0.7297772496925616,
0.7516722919758971,
0.7720717184396548,
0.79040200903193,
0.8060691453022515,
0.8185092756831368,
0.8271938438253033,
0.8315845347476583,
0.8310978855261664,
0.8251264382610098,
0.8131382415390811,
0.7948199846335833,
0.7701293077563015,
0.739267166585525,
0.7026642656184646,
0.6609269495588611,
0.6146655362916347,
0.5642753935056457,
0.5099599865915039,
0.45225306389634323,
0.39262333806692434,
0.3334090746429672,
0.2772328186672179,
0.2264135502496486,
0.18256646279293592,
0.14647903308390192,
0.11823084777906767,
0.09740248501848647,
0.0832702543333178,
0.07495742318750453,
0.07154124754057167,
0.07212357017407112,
0.07587418588575612,
0.08205503861483021,
0.09003146763320713,
0.09927492678489569,
0.10936012609035894,
0.11995843595269962,
0.13082861986999583,
0.1418054770300855,
0.15278674837076517,
0.16371864927684598,
0.17458061341719888,
0.18537019470519056,
0.19608942562847537,
0.20673404814176083
],
[
0.6388349324389372,
0.6622245341234044,
0.6855471516891919,
0.7085275730660707,
0.7308293498440648,
0.7520272524796536,
0.7716031378656468,
0.7889680423524719,
0.8035123867647449,
0.8146654698983732,
0.8219033711976157,
0.8246979751149428,
0.8224808069539261,
0.8146681736529311,
0.8007674307572684,
0.7805352571787033,
0.7540296665750114,
0.7215695405357684,
0.6837104630254742,
0.641180912548164,
0.5947052168645024,
0.5447558586630353,
0.49153311315198256,
0.4354847828279842,
0.3779053501048593,
0.3209219160927425,
0.2669821298416433,
0.2182890211931663,
0.17638815751466064,
0.1420286572162544,
0.11527990086505602,
0.09573222297417361,
0.08268153004367773,
0.0752738545871543,
0.0726090454572631,
0.07381001826386702,
0.0780657186958078,
0.0846552620581491,
0.09295918006584014,
0.10246209650702609,
0.11274977439835765,
0.12350241349395097,
0.1344853219775135,
0.14553760777125202,
0.1565593035116366,
0.16749733131127154,
0.17833089518907036,
0.1890571865285166,
0.19967856281734336,
0.21019242775717478
],
[
0.6410495020969633,
0.6641324978628321,
0.6870515541598967,
0.7095286334656468,
0.7312225601661789,
0.7517005532579828,
0.7704337561656496,
0.786819370903852,
0.8002334371870653,
0.8100994205556663,
0.8158993657054852,
0.8171167305325133,
0.8132005639358079,
0.8035949025645024,
0.7878499447532441,
0.7657910691036224,
0.7375700296451136,
0.7036143102746576,
0.6645938497839036,
0.6213498744426021,
0.5747162323009409,
0.5252469095120904,
0.4731444887777464,
0.41877684873563914,
0.3632744430526391,
0.3085581038280573,
0.256896826818306,
0.21037173847589463,
0.17045274159143986,
0.13784561606114304,
0.11260810131187271,
0.09434119451081657,
0.08236248831416215,
0.07584334166227702,
0.07390872406494775,
0.07570480734518259,
0.08044138726172334,
0.08741594731202396,
0.09602496093981994,
0.10576661446435098,
0.1162378623797029,
0.12712771795381805,
0.13820795235484323,
0.14932190587302557,
0.16037187988569485,
0.17130555207343467,
0.1821020011505759,
0.19275816681308044,
0.20327678165187535,
0.213656841354247
],
[
0.6427147851571829,
0.6654588727641395,
0.6879452522551541,
0.709892407556097,
0.7309540585393219,
0.7506902896128697,
0.7685629106368362,
0.783957548807854,
0.7962379883867197,
0.8048232244110728,
0.8092021914381309,
0.8088709386656135,
0.8032985485751978,
0.7919610035158968,
0.7744562163560371,
0.7506763840194172,
0.7208586772286375,
0.6855292767178408,
0.6454615215575213,
0.601598476506856,
0.5548749408369889,
0.5059264633073722,
0.45496247846870663,
0.40228006702744135,
0.3488591112072679,
0.2964229241413081,
0.24706057499295153,
0.20272545378934292,
0.16480601078136037,
0.13396082739154447,
0.11023515303307208,
0.09324117897894724,
0.08231954309314016,
0.07666875670709894,
0.0754408312069319,
0.07780692896889219,
0.08299908724014426,
0.09033415790272048,
0.09922518968865546,
0.10918426394997471,
0.11981964124493316,
0.13082913033066945,
0.1419908922888824,
0.15315243434597747,
0.16421831020049366,
0.17513699962287826,
0.1858875482335074,
0.1964667365216453,
0.20687770499871988,
0.21712096285120647
],
[
0.6438284081153002,
0.6662019898796013,
0.6882277046974667,
0.7096195494246378,
0.7300257206577092,
0.7489996718924488,
0.7659954625484361,
0.7803899234355924,
0.7915378306813866,
0.7988554871321494,
0.8018389583768355,
0.7999976288476537,
0.7928231469108156,
0.7798276998021809,
0.7606619499581555,
0.7352826946381381,
0.7040036256867054,
0.6674394864524018,
0.626455901561213,
0.5820858134857105,
0.5353521514171113,
0.486965825415594,
0.43714863982223207,
0.38614018907251446,
0.33478533576221564,
0.28462110843591476,
0.23755767265025274,
0.19541492773011382,
0.1594944765530787,
0.13040566973775236,
0.10818099331993414,
0.09244395368494451,
0.08255889440321329,
0.07775260133594453,
0.07720545496013187,
0.08011489036282626,
0.0857362585902508,
0.09340656962399274,
0.10255595218078517,
0.1127106439554717,
0.12349029338553341,
0.13460147750667373,
0.14582867726722132,
0.1570235077932905,
0.16809276175759763,
0.17898576313290476,
0.1896816040952788,
0.20017698111704618,
0.21047545990743566,
0.22057897730725434
],
[
0.6443917852120552,
0.6663642932705439,
0.6879027034019689,
0.7087152963836237,
0.7284443662994604,
0.7466373393257539,
0.7627422599695641,
0.7761302587699918,
0.7861514164090455,
0.7922216034889858,
0.7938434522998532,
0.7905403567040878,
0.7818291165520961,
0.767262251190378,
0.7465469219341807,
0.7197022883349293,
0.6871102868596215,
0.6494640066420847,
0.6077101381894753,
0.5629588866233022,
0.5163053274619777,
0.4685219855322351,
0.4198513756394566,
0.370492462276817,
0.3211715974444109,
0.2732522796579834,
0.22846893062943768,
0.18850250623595716,
0.15456286174646983,
0.1272103474692392,
0.10646476213668321,
0.091960663895434,
0.08308615773312233,
0.07909679876397158,
0.0792021145591949,
0.08262666252606077,
0.08864986489089655,
0.09662946532721717,
0.10601304168855719,
0.11634117096146102,
0.12724493194693332,
0.1384396279119866,
0.14971598787882184,
0.16092967831871957,
0.17198971769999788,
0.18284631030735032,
0.19347866187788132,
0.2038834439567676,
0.21406465088818877,
0.22402555526165413
]
],
"zauto": true,
"zmax": 0.9245054755481659,
"zmin": -0.9245054755481659
},
{
"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.182780024793145,
0.18425887371055535,
0.19124193147413682,
0.20155032972038572,
0.21289633188608054,
0.22342608990145027,
0.2318350039371981,
0.2372923487715372,
0.23933086471634232,
0.23775939472402208,
0.23261097090270214,
0.2241244429094589,
0.21275431519100566,
0.19920105151756456,
0.18444703539110954,
0.1697654215006725,
0.15663536639207817,
0.1464655933463279,
0.1400860914186764,
0.1372778260432872,
0.1370095448526102,
0.13820801941204924,
0.14028748934418178,
0.1431860407112178,
0.14700054096886453,
0.15147762755507616,
0.15589556849884503,
0.1594675113590902,
0.16176230816113266,
0.16296589825444055,
0.16396518032950302,
0.16620292052173435,
0.171210631029174,
0.17986225484836724,
0.19185304535528905,
0.20601720817161087,
0.22095526359971568,
0.23544114762015864,
0.2485764108887071,
0.25980030952527383,
0.26884649381448683,
0.2756909606370869,
0.28050612979738393,
0.2836217646538214,
0.285487602328135,
0.28663092967218956,
0.28760399683824384,
0.2889213303772467,
0.2909948647279002,
0.29408177604223695
],
[
0.18274564786260641,
0.18409545020728224,
0.1909011656021146,
0.20100292240810697,
0.2121248901623799,
0.22241748217612234,
0.2305757244574696,
0.23576639393659457,
0.23751897001411132,
0.23563900157946047,
0.23015687029569307,
0.2213105203432558,
0.20955725646612805,
0.19560724039023109,
0.1804638688783024,
0.165436861796862,
0.1520567746806011,
0.14178437351730427,
0.13547290861126007,
0.1328817395500442,
0.13292665905921955,
0.1344820691534412,
0.1369300838388255,
0.14019275238443266,
0.14435599728957152,
0.149160694111726,
0.15388784903386876,
0.15775497852279774,
0.16033432454597718,
0.16181122480028154,
0.16306445273602507,
0.16551835699763565,
0.1706773744685749,
0.1793914509842713,
0.19135332614686237,
0.2054074945476956,
0.2201660539351273,
0.23441095486887095,
0.2472477161639511,
0.25811727309400917,
0.26675512746941615,
0.27314193112971813,
0.27746021927484127,
0.28005777215999667,
0.2814118588405333,
0.28208654908302766,
0.28267678170875304,
0.2837387039540943,
0.2857153991128214,
0.2888761945006182
],
[
0.1836533506362641,
0.18483107387335945,
0.19135477169806717,
0.20111986304691376,
0.21188990551804882,
0.22183378832354658,
0.22965124121813763,
0.23450708780443652,
0.23592634622426567,
0.23370962912449647,
0.22788306318054763,
0.21868221012478414,
0.20656575379837772,
0.19225205843192142,
0.1767637629965397,
0.16144456661650577,
0.14787147487620722,
0.13754742373813314,
0.13133624477858388,
0.1289765846353952,
0.12934533702840526,
0.13127562751521682,
0.13411892440706055,
0.1377728632764814,
0.1422998237513554,
0.14743394839102614,
0.15247369946645867,
0.1566551970710904,
0.1595614112199191,
0.16137566564570327,
0.16295683483519685,
0.1656881428962262,
0.17101816921911697,
0.1797551969175066,
0.19160168994289412,
0.2054368604740469,
0.21990333552173846,
0.23380149034397954,
0.24624471173674414,
0.2566757158237679,
0.2648301245914435,
0.27069089677726493,
0.27444851325043895,
0.2764674146768735,
0.27725242997998417,
0.2774062236728962,
0.277569942482313,
0.2783456987102187,
0.2802112363721168,
0.28344898152065406
],
[
0.18543867889501178,
0.18640720200142752,
0.1925553298489282,
0.20186468217386644,
0.21216364368297552,
0.2216536135753427,
0.22904460206638347,
0.2335006048295507,
0.23454145651026903,
0.231961539711194,
0.22578134482812806,
0.21623266568528862,
0.20377407619605448,
0.18913037974717653,
0.1733412034221279,
0.15778103201003071,
0.1440678706727693,
0.1337370837104712,
0.12765282226982966,
0.12553353637008882,
0.12622972131984866,
0.12854476300698794,
0.131801494306046,
0.1358659030038561,
0.1407676648137543,
0.14623447366645323,
0.15159315630767178,
0.1561106170368443,
0.1593867479320315,
0.1616008926945466,
0.16358054278817505,
0.16664681512746843,
0.17216765741759074,
0.1808966697025937,
0.19255410474921092,
0.20607398376287225,
0.2201467084268878,
0.23360114944722787,
0.24556271764676196,
0.2554763971489668,
0.2630765062504284,
0.26834612782462164,
0.2714815471031495,
0.27286245404865705,
0.27302123327571415,
0.2726010918966541,
0.27229332491063546,
0.272751022069824,
0.2744907440989786,
0.27780921372283246
],
[
0.18800925931920287,
0.188738635420703,
0.1944331240631666,
0.20318378300063233,
0.21290572367475613,
0.2218463024769021,
0.2287319754932255,
0.23272783713478742,
0.23334850148110395,
0.2303813339562082,
0.22384014055817986,
0.2139517201302066,
0.2011730009425479,
0.1862331503179616,
0.1701859039747082,
0.15443251296185584,
0.1406260210456095,
0.13032538137555802,
0.12438744086910508,
0.12251092370175427,
0.1235304641717557,
0.12623082378303732,
0.1299087700263102,
0.13439353378848118,
0.13967701424131515,
0.14548162870406212,
0.15116944584171121,
0.15604709799147726,
0.15973593271287503,
0.16240875909008448,
0.16485097082874847,
0.1683035839044042,
0.1740349523440924,
0.18273529680502357,
0.1941467427784542,
0.20727230919965225,
0.2208646354648166,
0.23379052071488246,
0.2451918635878691,
0.25451694889434523,
0.26149783664185167,
0.26611584024497703,
0.26857100914459897,
0.2692568359269592,
0.2687331995182846,
0.2676858941414408,
0.26686071840901354,
0.2669674787078102,
0.2685664461578698,
0.27197013629873235
],
[
0.19125360469865493,
0.19172129172968316,
0.1969015364836894,
0.20500980541304006,
0.21406514299411253,
0.22237316655260153,
0.22868342048825174,
0.23216490295898234,
0.2323277788355606,
0.22895223104909582,
0.22204475986221253,
0.21182617263352313,
0.19875022069319706,
0.18354806770775015,
0.16728401076149832,
0.15138111400239657,
0.13752102633952096,
0.12727868929633368,
0.1214981887474499,
0.11985928664838336,
0.12118975910859739,
0.12426591145350288,
0.12836160639862812,
0.13326694473205453,
0.1389347395029929,
0.1450837727619866,
0.1511147056918089,
0.15637907840015494,
0.1605221633282653,
0.16370710261601,
0.16666770011596824,
0.17055077462626933,
0.17651240479172545,
0.18517424166933874,
0.19630114728047712,
0.20897325938367126,
0.2220163243350032,
0.2343434415767775,
0.2451176568579703,
0.2537921714655907,
0.26009638777373817,
0.26400832701295407,
0.26572991348664143,
0.2656669622299242,
0.2644066810907459,
0.26267952213099754,
0.2612905184007151,
0.2610126976799394,
0.2624557652918648,
0.26594987538043585
],
[
0.19504976185043674,
0.19524017114116024,
0.19986303248084636,
0.20726557521707506,
0.21558275132275145,
0.22318902709134078,
0.2288638740613951,
0.23178380851973543,
0.23145615533744832,
0.22765443439791627,
0.22037771600734904,
0.20984012228111515,
0.19649077869295334,
0.18106027154494653,
0.1646193178579948,
0.14860691756748007,
0.13472639294405317,
0.12456215089050277,
0.11894158971553813,
0.11752682656128516,
0.11914695098604315,
0.12257894737877652,
0.1270775529242685,
0.13239422481472243,
0.1384444407702817,
0.14494513939710196,
0.1513360522254409,
0.1570151475149587,
0.16165186850242186,
0.16539604557262988,
0.1689219570600213,
0.17327236735432633,
0.1794841654726744,
0.1881079719994196,
0.19892988891778832,
0.21110996778771385,
0.2235540229566805,
0.23522834100038437,
0.24532173110831462,
0.25329443033903026,
0.2588733460730484,
0.26203209148031986,
0.2629727527034897,
0.26211193965254825,
0.2600638516074032,
0.25760558960823793,
0.25560644381376896,
0.25490993959304464,
0.2561818537170836,
0.2597722276667039
],
[
0.1992728324298259,
0.19917646131741049,
0.20321487794534074,
0.2098681289929218,
0.21739390059120328,
0.2242439307793807,
0.2292342804176772,
0.23155322063445555,
0.23070762518175514,
0.22646556429213316,
0.21881909384999912,
0.20797532510939834,
0.19437748598539384,
0.17875294647017478,
0.16217429010784962,
0.14608977180368127,
0.13221682157692657,
0.12214335023714845,
0.11667703677584111,
0.11546441519209792,
0.11734390557771468,
0.12110146893311377,
0.12597714230106105,
0.13168687648354638,
0.13811288288414086,
0.1449719825105412,
0.15174121272442168,
0.15786333099963884,
0.16303008468221777,
0.1673739497971426,
0.17150345267881312,
0.1763514872072182,
0.1828335927124275,
0.19142897081818108,
0.20194193300929614,
0.21361106664144283,
0.22542548002672777,
0.23640974528015724,
0.24578271638638688,
0.2530141240364363,
0.257829044502821,
0.2601959687628161,
0.2603156132428813,
0.25861378277975205,
0.2557310733220924,
0.2524930036962292,
0.2498382964988078,
0.24868897810078092,
0.24977450907323104,
0.2534675217724961
],
[
0.20380084403720244,
0.2034132180905583,
0.20685402031177624,
0.2127324072501229,
0.21943102569408568,
0.2254848986495987,
0.22975278280772965,
0.23143930406002614,
0.23005392642965666,
0.2253611384767373,
0.217346950307325,
0.2062115562398079,
0.19239128860266694,
0.17660776628698077,
0.15993073481637857,
0.14381044744574373,
0.1299700383677581,
0.11999480760756621,
0.11467001070438505,
0.11362953801516372,
0.11572947270205537,
0.11977248030222797,
0.12498901184670659,
0.1310649709418343,
0.1378550567700383,
0.14507750167724323,
0.15224320684764434,
0.15883559885864207,
0.1645650702769961,
0.16954244635541862,
0.17430594963859397,
0.17967625942048965,
0.18644899976003215,
0.19503309154602783,
0.20524720918809936,
0.2164041562990005,
0.22757634405228194,
0.23784982214086178,
0.24647716582691806,
0.2529401908704435,
0.25696320176739446,
0.2585092199320125,
0.25777623470343247,
0.255197546105949,
0.25143920117920865,
0.24737650609879722,
0.24402273848432376,
0.24238704008339482,
0.24327116384810038,
0.2470735360824756
],
[
0.2085188621828044,
0.20783945891243585,
0.21068086767221036,
0.2157743575992632,
0.22162596920226796,
0.22685758943924875,
0.23037590536781694,
0.23140657900718697,
0.22946518755790854,
0.22431508253474355,
0.21593773529514323,
0.204526967824758,
0.19051157323603213,
0.1746051512208963,
0.15787004298377133,
0.1417509972622555,
0.1279674522559488,
0.1180950343838179,
0.1128937693595638,
0.11198879543994245,
0.11426261754326729,
0.11854195118382845,
0.12405355045769023,
0.13046076239431612,
0.1375977345928677,
0.14518538150867674,
0.1527638471515825,
0.15985134235735252,
0.1661718909336486,
0.1718102635451805,
0.17723131749563326,
0.18314389722768523,
0.1902276442201257,
0.19882341465279466,
0.20876014716261768,
0.21941871751570438,
0.22995232523641793,
0.23950985323451454,
0.24738047667101712,
0.25306062111129923,
0.2562751497398616,
0.25698158378735997,
0.2553739932117661,
0.2518913554367811,
0.24722378381128945,
0.24229714001312405,
0.2382040472788213,
0.23604977323341497,
0.23671792130322158,
0.2406364426616633
],
[
0.21332151709707298,
0.2123527818431202,
0.2146019389753063,
0.21891333629873944,
0.22391193497610562,
0.2283077896736301,
0.23105966525384009,
0.23141875971306866,
0.22891057881908386,
0.22330025429039818,
0.21456672503584123,
0.20289844296445503,
0.18871642236699498,
0.1727243611676662,
0.15597302056419549,
0.139894294872372,
0.12619358451337798,
0.1164280598270522,
0.11132940995617478,
0.11051882732814715,
0.1129140377372069,
0.11737281117352884,
0.12312502952534721,
0.12982081976171223,
0.13728161018134216,
0.14523200946533715,
0.15323605420536154,
0.16083977337499455,
0.16777492225541438,
0.17409583025576617,
0.18019213999929432,
0.1866631900993895,
0.194078139571555,
0.20271271065984817,
0.21240215413401384,
0.22258836034839372,
0.23250100812125435,
0.24135155040651513,
0.24846775165106316,
0.2533629436185112,
0.2557640314065195,
0.25562327222622244,
0.2531297896061094,
0.2487263064105691,
0.24312511285974578,
0.23730258220653477,
0.2324347876215911,
0.2297321862352863,
0.23017058750892913,
0.23421172389885647
],
[
0.21811425895487985,
0.21686076932464748,
0.21853150850855668,
0.222073811222667,
0.22622502281595194,
0.22978267707895694,
0.23176057189509774,
0.23143954293860336,
0.2283589473298866,
0.22228896947005125,
0.21320846349754521,
0.20130195363994133,
0.18698284908882876,
0.1709434956217152,
0.1542194371015513,
0.13822289367319454,
0.1246343783777104,
0.11498153721155008,
0.10996444001143063,
0.10920573436889193,
0.11166627688247362,
0.11624147532137565,
0.12217234787819016,
0.12910687580687832,
0.13686224102819664,
0.14516756253406082,
0.15360512066251508,
0.16174134001242704,
0.16930936289245832,
0.17632879417616698,
0.1831131059105255,
0.19015570512049562,
0.19792160286257465,
0.20662474675197334,
0.2161031431277514,
0.2258524075137798,
0.23517326393026597,
0.2433381605558251,
0.2497145590459164,
0.25383466080521555,
0.2554289542624071,
0.25444489782644675,
0.2510658253952512,
0.24573619716459041,
0.23918806393103614,
0.23244726080321576,
0.22677630932783252,
0.2234994729901703,
0.22369561451253803,
0.22786497580416476
],
[
0.2228136841843085,
0.22128147960709552,
0.22239243817816595,
0.22518644240670274,
0.22850534912071718,
0.23123183532021563,
0.23243648725781677,
0.2314333243290657,
0.22777941980142374,
0.221253519000326,
0.21183721053608154,
0.19971293521739722,
0.18528705304835863,
0.16923950331171897,
0.15258751161698986,
0.13671754619446763,
0.1232746577719446,
0.11374377163152496,
0.10879023861059364,
0.10804323046569889,
0.11051247406681196,
0.11513705110802294,
0.12117860769076902,
0.12829564696369297,
0.13631004576691555,
0.14495619480654126,
0.1538291188294235,
0.16250832409458016,
0.17072192722742838,
0.17845066890866948,
0.18593147132246726,
0.1935560441211117,
0.20169187768470587,
0.21049471472350667,
0.21980228530093476,
0.22915687754922412,
0.23792426082542117,
0.2454353322604254,
0.251097563636398,
0.25446361225832376,
0.2552690879543201,
0.2534573262054514,
0.2492052539197823,
0.2429570646674319,
0.23546166731987167,
0.22779215988166257,
0.22129894553182097,
0.21742758675298063,
0.21737082143061104,
0.2216724676419134
],
[
0.2273472399461501,
0.22554330830696342,
0.22611640430164148,
0.22818865177274103,
0.23069779356642306,
0.2326080229986988,
0.23304733634062536,
0.23136582945168924,
0.22714196187164465,
0.22016667111697913,
0.21042739660430912,
0.1981066902247763,
0.18360473896703047,
0.1675883105946415,
0.15105360015936944,
0.13535594362621972,
0.12209528798861283,
0.11270043301070369,
0.1077990136433208,
0.10702986621733994,
0.10945396644622052,
0.11405944442825885,
0.12013976848991288,
0.12737787085386854,
0.13560959132308698,
0.14457554480155982,
0.15387865181735919,
0.16310480554577525,
0.17197090838150397,
0.18041483502450578,
0.18859686785602575,
0.1968114622364085,
0.20533513342393653,
0.21426904039860464,
0.2234481727482833,
0.2324549671876014,
0.2407141042656756,
0.24761174111978773,
0.2525950144376887,
0.25523825457601595,
0.2552836997028558,
0.252671450901376,
0.24757170108600612,
0.24042650125945866,
0.23199834726638466,
0.2234041959668175,
0.21608174662159654,
0.2116033732379211,
0.2112856978524872,
0.21572127237799216
],
[
0.23165255150781341,
0.2295844523604741,
0.22964370572160256,
0.2310248014424074,
0.23275243040043703,
0.23386771706576048,
0.23355566936772032,
0.23120465406906762,
0.22641788753769032,
0.21900215362563932,
0.20895408362563722,
0.19645883000126022,
0.18191152775907968,
0.1659651526067069,
0.14959231028252326,
0.13411230660427226,
0.12107161569366126,
0.11183235228124973,
0.10698096206470241,
0.10616571214676705,
0.10849701494387624,
0.11301664167405377,
0.11906262815600432,
0.12635677034100187,
0.13475835548688517,
0.14401574121801092,
0.15373612459981448,
0.16350616629066486,
0.17302578980194686,
0.18218609491335913,
0.1910706838906857,
0.19988108939082436,
0.20880907825147524,
0.21790478944171518,
0.22699856204895838,
0.23570714149991076,
0.24350815899044143,
0.2498394883955767,
0.25418708707409987,
0.2561478522363352,
0.25547212623591375,
0.2520978946712497,
0.2461886595171877,
0.23818274068374615,
0.22885277867419335,
0.219355045551918,
0.21121154983349835,
0.20612400933447414,
0.20554102176462008,
0.21010872150656026
],
[
0.23567655203898397,
0.23335215159473935,
0.23292280580928454,
0.233646090994188,
0.2346247088024539,
0.2349714607370221,
0.23392708580416957,
0.23091971428470034,
0.22558031586596988,
0.21773511311956328,
0.2073934301560959,
0.19474575567362545,
0.1801834702803753,
0.16434514058836083,
0.14817714032914067,
0.13295813361859693,
0.1201745156432716,
0.11111537368936071,
0.1063222384653412,
0.1054488980063879,
0.10764900088349316,
0.11202152885937434,
0.11796236859610311,
0.12524610243990847,
0.13376509427622785,
0.14327803952686757,
0.15339467794853567,
0.16369827993594338,
0.1738665550945437,
0.1837399412856593,
0.1933251898657089,
0.2027349294720035,
0.21208195789659012,
0.22136883243519484,
0.2304198391185773,
0.23888093389953755,
0.24627711179219713,
0.25209429891787305,
0.25585608822417716,
0.25718258096262614,
0.25583368620226016,
0.2517466477933471,
0.24507877162772293,
0.23626352200489925,
0.22608033379256307,
0.21571931634687944,
0.20678116662240104,
0.20109544046671185,
0.20024745602775756,
0.20494088478360736
],
[
0.23937453809118175,
0.23680183158604673,
0.2359097243493079,
0.2360102668458803,
0.23627544417177498,
0.23588404999366597,
0.23413053554453392,
0.23048361143131008,
0.2246045748318145,
0.21634254880049822,
0.2057231569080386,
0.1929451716719089,
0.1783976506406429,
0.16270403833475724,
0.14678157692143085,
0.13186386319071933,
0.11937269775858239,
0.11052170050095243,
0.10580412088221669,
0.10487254410174918,
0.10691471322464338,
0.11108870087561636,
0.11685987834468806,
0.12406789870720944,
0.13264789256304824,
0.14237318318326028,
0.15285689790087362,
0.16367650460449554,
0.1744828129083737,
0.185061657537202,
0.19534252691931298,
0.20535275464304453,
0.21513145633851427,
0.22463688464686005,
0.2336863135435296,
0.24195054376850292,
0.2489968337977719,
0.2543555502079982,
0.25758653645914176,
0.2583335506746131,
0.25636754188082167,
0.25162666061132993,
0.24426303011247166,
0.23470476487090433,
0.22373513119141375,
0.2125719991051848,
0.20288649069691136,
0.19662949162935403,
0.19552275133400354,
0.2003297556992266
],
[
0.24270923046094092,
0.23989623018399073,
0.23856736266354228,
0.23808121758854087,
0.23767067491682245,
0.23657459252672747,
0.23413851496843321,
0.2298719190581158,
0.22346855381587605,
0.2148037189341196,
0.20392300678041522,
0.19103661780376688,
0.17653284597494912,
0.16101916959304155,
0.1453804590127562,
0.13080093105663934,
0.11863518358221951,
0.11002191051526722,
0.10540353043900544,
0.10442335564843168,
0.10629390421945542,
0.11023171176374479,
0.11577901609243228,
0.12284995830263837,
0.13143194029048058,
0.14131956117129707,
0.1521333924904753,
0.1634445707238376,
0.17487282278756872,
0.18614533126451577,
0.19711363599107015,
0.20772296807494586,
0.21794357168687087,
0.22769249767216074,
0.23677942127145604,
0.2448963026351773,
0.25164809574494973,
0.25660616660579144,
0.2593651381612618,
0.25959275945751115,
0.25707252306780937,
0.2517454134552232,
0.24375993722671258,
0.23353911850894102,
0.22186775531040523,
0.20998522098944494,
0.19962241523089863,
0.19283938410734353,
0.19148722378200655,
0.19638887498016472
],
[
0.24564988882219094,
0.2426045595380738,
0.2408648190497116,
0.23982851098315527,
0.23878143014751055,
0.2370164701216026,
0.23392717573291388,
0.22906340037356168,
0.2221530070659629,
0.2131005180749328,
0.20197519231168976,
0.1890020015049514,
0.17457019751544375,
0.15927035031251138,
0.14395137240185907,
0.1297437734196992,
0.11793363399572368,
0.10958722018172562,
0.10509472233356255,
0.10408268040020004,
0.10578082479316978,
0.10946102485583817,
0.11474391192629345,
0.1216231238379941,
0.1301470644629584,
0.14014123395557124,
0.15124131725106688,
0.16301343467696325,
0.1750424811324877,
0.18699283205929912,
0.19863717276092854,
0.20984147685373497,
0.22051151012428682,
0.23052605179930993,
0.23968689069542107,
0.24770406370610215,
0.25421618226161213,
0.2588324111721675,
0.26118067939580547,
0.26095299294555413,
0.25794692897785715,
0.2521084914533734,
0.24358467510139017,
0.2327944756644922,
0.22052278172341125,
0.20802444710829662,
0.1970776214153572,
0.18983356516104666,
0.1882573441942373,
0.19322728969869885
],
[
0.24817150728385587,
0.24490173420102307,
0.24277673188356036,
0.241226913052151,
0.23958344443517568,
0.2371872313061577,
0.23347636290999488,
0.2280401643579116,
0.22064181046828246,
0.21121782312953152,
0.19986482323596044,
0.18682611117170406,
0.17249384602760204,
0.15744073867590377,
0.14247586238803256,
0.12867148271205364,
0.11724430982954996,
0.10919168047480536,
0.104851595354863,
0.10382868138397315,
0.10536496741114666,
0.1087826558072238,
0.11377634707684922,
0.1204183633864473,
0.1288250733652565,
0.13886592480176682,
0.1502029282710352,
0.16240015145192935,
0.17500430358475316,
0.18761278112040358,
0.19991843123311975,
0.21171059579123078,
0.22283462069583204,
0.23313377833752844,
0.242401909169916,
0.2503645556987747,
0.2566904431434935,
0.26102360538207764,
0.2630238550632531,
0.2624076851161806,
0.2589883255932444,
0.25271919390262315,
0.2437483460710851,
0.2324925657233097,
0.2197363093279233,
0.20674443030056017,
0.19532856711949834,
0.18770807778138363,
0.18593760931464817,
0.19094205326558994
],
[
0.2502541043908034,
0.24676768185432119,
0.2442826737361712,
0.24225591770538962,
0.24005684755033063,
0.2370684365609999,
0.2327695970259391,
0.22678776783427124,
0.21892217341248313,
0.20914380610497335,
0.19758030751776576,
0.18449709434427786,
0.17029149262426585,
0.15551751703915248,
0.1409403101321514,
0.12756893538171482,
0.11654947758210243,
0.1088139917581049,
0.10464996448713075,
0.10363854084100531,
0.10503220810795107,
0.1081974025850717,
0.1128932634929958,
0.11926370814551372,
0.12749706049026022,
0.13752311582929597,
0.14904423896928218,
0.16162680178052136,
0.17477642019573983,
0.18801952227162705,
0.2009682837190556,
0.21333798998635495,
0.224917381521552,
0.23551682848827724,
0.24492231420775087,
0.252872730841316,
0.25906381209102364,
0.2631718029789797,
0.2648870558179652,
0.2639507568261173,
0.26019335600845683,
0.25357820727712,
0.2442573426970417,
0.2326477521906554,
0.21953374859288513,
0.20618535562505358,
0.19443333034013927,
0.1865381466793776,
0.18461133758716086,
0.1896099137458202
],
[
0.2518821128349602,
0.24818674445829664,
0.24536661043629426,
0.24289930646682278,
0.24018585029948242,
0.23664547415965512,
0.23179401224635013,
0.22529526941716424,
0.2169848065186143,
0.2068702109218524,
0.1951137204619131,
0.18200688991670477,
0.16795486092357528,
0.15349235498532776,
0.13933638564231834,
0.12642728623211966,
0.11583811509504302,
0.10843867330293303,
0.10446931957570073,
0.1034903522397752,
0.10476608395989108,
0.10770065937707358,
0.11210464073208981,
0.11818118320253354,
0.1261909959412479,
0.13614242325410797,
0.147793844302555,
0.16071948882266204,
0.17438158176774807,
0.1882320908810989,
0.20180213601086058,
0.21473565725873137,
0.226768441562993,
0.23768039786490625,
0.24724982503058202,
0.2552271284969929,
0.26133231678966595,
0.2652714404131603,
0.2667641314941395,
0.26557644764873,
0.26155757995402745,
0.25468336743989806,
0.24511290071262032,
0.23326615336996406,
0.21992812598325417,
0.20636971219989542,
0.19442625566791458,
0.18637018617963838,
0.1843315218345558,
0.1892793720438041
],
[
0.2530438695521451,
0.24914717257655838,
0.2460164330362612,
0.24314475167373245,
0.23995844238987768,
0.2359073611621586,
0.23054026079048884,
0.22355523975707917,
0.21482404465191093,
0.20439259080040453,
0.19246113758754074,
0.1793516098264209,
0.16548005456245513,
0.15136164362720417,
0.13766105873504822,
0.12524378637435224,
0.1151058275744652,
0.10805641766713388,
0.10429383898992918,
0.10336457112651301,
0.1045491358028756,
0.10728292240940689,
0.11141244404311593,
0.11718453282469238,
0.12493011161710714,
0.13475241169953847,
0.14648194537325376,
0.1597073949643267,
0.17384615980689483,
0.18827316875532832,
0.20243889274657034,
0.21591894952556495,
0.22839971972553968,
0.2396329119734982,
0.24938932474523198,
0.2574292697427248,
0.2634945987405821,
0.2673189823914348,
0.2686501474477797,
0.26727915489180204,
0.26307535599784465,
0.2560295303978448,
0.24631087458485226,
0.23434517946956018,
0.22091912575010203,
0.20730039680993062,
0.19531445978625325,
0.1872159892019097,
0.18511327002168812,
0.18996483590437735
],
[
0.25373120469133464,
0.24964071306138355,
0.24622356716953075,
0.24298347249394636,
0.23936611458795892,
0.2348465414389918,
0.22900239196313102,
0.2215637311607409,
0.21243792313170887,
0.20171050128352605,
0.18962292715992896,
0.1765318708794541,
0.16286782092736893,
0.14912653120978006,
0.13591621941125748,
0.12402095288247775,
0.11435395120922143,
0.10766357271779847,
0.10411263111040629,
0.10324501042950457,
0.10436427592513091,
0.10693102816559599,
0.11081139015248759,
0.11627948516140615,
0.1237324493034369,
0.1333799118492237,
0.14513955754953417,
0.15862186237393988,
0.17319910996492383,
0.1881680098565408,
0.20289992888346164,
0.21690563374288566,
0.22982556355255118,
0.24138527664972034,
0.2513482002618553,
0.25948309388615975,
0.2655514568061486,
0.2693125774157999,
0.2705411475530917,
0.26905329131153183,
0.2647397762038125,
0.2576085626533305,
0.2478417562620349,
0.23587353704172423,
0.2224930018203086,
0.20896038615046736,
0.1970770133233577,
0.18905103898972597,
0.18693096609404306,
0.19164473264247014
],
[
0.25393912728367785,
0.24966228935509344,
0.24598266257643023,
0.24240995076420807,
0.23840361513850147,
0.2334586909424065,
0.22717771320204272,
0.2193202087823389,
0.20982820354984874,
0.19882764184369361,
0.18660399688827187,
0.17355307962994126,
0.1601237435133832,
0.14679282222249196,
0.13410803014813852,
0.12276522147338262,
0.11358789960873247,
0.10726081266769515,
0.10391934213433025,
0.10311944693195375,
0.10419611914997355,
0.1066299344688067,
0.11029110654750213,
0.1154657609645841,
0.12261140273067582,
0.1320497528501481,
0.14379782677118141,
0.15749543645797728,
0.17247086242645626,
0.1879433247704862,
0.2032080685848142,
0.217714997328399,
0.2310619720585633,
0.2429501976474175,
0.2531357453767331,
0.26139444485444224,
0.2675054248643663,
0.2712517348621402,
0.27243393477310657,
0.27089317023138426,
0.2665426586718388,
0.2594094528351911,
0.24969093566924205,
0.2378316997687045,
0.22462337160254728,
0.2113140391647318,
0.19966701420872682,
0.19181770019038014,
0.1897227072055284,
0.19426433139045213
],
[
0.25366560572314,
0.24920977377170964,
0.2452913650689468,
0.24142171257816467,
0.23706874927240232,
0.2317425397768431,
0.2250666404365228,
0.2168274454593133,
0.20700034446203924,
0.1957519362941202,
0.18341398584902327,
0.1704256711226834,
0.15725838816521212,
0.14437081912657235,
0.13224619256387346,
0.121485373909227,
0.11281491009749803,
0.106851228772673,
0.1037114137702659,
0.10297994868163741,
0.10403218423553867,
0.10636466590465087,
0.10983859542976064,
0.11473916823136032,
0.12157668091425597,
0.13078468763888568,
0.14248733064152735,
0.15636079646420747,
0.17169210625606274,
0.18762612252068606,
0.20338658235439985,
0.21836700918048915,
0.23212589049120078,
0.24434157452470695,
0.25476263157757006,
0.26317061319226004,
0.26936039107054666,
0.2731370321591502,
0.2743258774020653,
0.2727929237637896,
0.26847459883993957,
0.2614185369889877,
0.2518391799765208,
0.24019279312435488,
0.22727277955872865,
0.21430979327944455,
0.2030160485087837,
0.19543202221341568,
0.19339852422356824,
0.197742174435291
],
[
0.2529114420155882,
0.24828385187566893,
0.24415017350240625,
0.24001918139956496,
0.2353622304354824,
0.22969972089800114,
0.22267254596997693,
0.21409138324068552,
0.2039634118635844,
0.19249553921209747,
0.1800673870919653,
0.16716529512179096,
0.15428742055212147,
0.14187518042472047,
0.13034333167881698,
0.12019121480772532,
0.11204172339047835,
0.10643847910569997,
0.10348936383159978,
0.10282303082864494,
0.10386385639177934,
0.1061220367813996,
0.10944034752442466,
0.11409332296916262,
0.12063516205839489,
0.12960524104361212,
0.14123722173949893,
0.15524949998292686,
0.17089245257252905,
0.18724252738428088,
0.20345822609606762,
0.21888155449544527,
0.23303458818821154,
0.2455739750358628,
0.2562404505887283,
0.2648199377047787,
0.27112126381379503,
0.27496985795161244,
0.2762147463626487,
0.2747464568454103,
0.2705250761447528,
0.2636198217834101,
0.2542632908214289,
0.24292379921220897,
0.23039482217366183,
0.2178837973425908,
0.20704005459874722,
0.19979210212299053,
0.19784970929171633,
0.20197820170218736
],
[
0.2516802399088981,
0.24688798020411923,
0.2425623851280219,
0.23820560895889017,
0.2332875923973019,
0.2273346563860627,
0.22000161410907512,
0.21112096707058586,
0.20072992545210314,
0.189074752974521,
0.1765835790613713,
0.1637929314538893,
0.15123169366482989,
0.13932483838689314,
0.12841465269571534,
0.11889297759078309,
0.11127375618830296,
0.10602609082464629,
0.10325639677666325,
0.10264969807495238,
0.10368700710338655,
0.10589188847878397,
0.10908386599792487,
0.11352084837659424,
0.1197913403434104,
0.12852925382752625,
0.14007409029556123,
0.15419049487957887,
0.17009899742225085,
0.18681661516461812,
0.2034443602482598,
0.21927776829089754,
0.2338051334038692,
0.2466621968816745,
0.25758133206963296,
0.26635146929116565,
0.2727936873691091,
0.27675219474058393,
0.2780985864213329,
0.2767474370316261,
0.2726826089938496,
0.26599538382085425,
0.25693688687092703,
0.24598696394215452,
0.23393657778881996,
0.22196393945974335,
0.21164552686571173,
0.2047863662067143,
0.2029578276391829,
0.2068619462994694
],
[
0.2499784683159689,
0.2450284399035438,
0.24053413379459743,
0.2359870910637512,
0.23085117241697953,
0.2246544940261259,
0.2170627178462841,
0.20792796025325427,
0.1973156400392142,
0.18550983896781648,
0.17298673600090814,
0.16033490066669928,
0.1481172775781305,
0.13674296970288002,
0.12647791006864795,
0.11760158735887208,
0.11051620225699056,
0.10561816678567292,
0.10301839639919895,
0.10246535265659916,
0.10350218793564683,
0.105667729642708,
0.108758569311503,
0.1130140467854202,
0.11904728620210814,
0.12757099854790657,
0.13902048096927033,
0.15320840979856087,
0.1693348610631139,
0.1863693446441336,
0.20336420050571344,
0.21957349736570997,
0.23445398025338585,
0.24762092347265202,
0.2587976389312181,
0.267774698035824,
0.2743838083630643,
0.27848644235904585,
0.27997562192728076,
0.27878931761106884,
0.2749349482757631,
0.2685258197261958,
0.2598312543845044,
0.24934128380408518,
0.23784108815559168,
0.22647377682135264,
0.21673521830979667,
0.21030074212891733,
0.2086024111925003,
0.21227974041761308
],
[
0.24781562275979896,
0.2427144902317486,
0.23807452666873902,
0.23337267648738128,
0.2280621768995295,
0.22166910914402033,
0.2138673339087602,
0.20452675741909795,
0.1937392680369264,
0.18182470881319102,
0.16930558078991753,
0.1568227198595991,
0.14497537432245758,
0.13415695642470876,
0.12455359717710503,
0.11632947618031282,
0.10977558811966831,
0.10522057815795564,
0.10278408353774633,
0.1022794756178603,
0.10331434564438635,
0.10544679922952538,
0.10845617865537363,
0.11256517549693293,
0.11840223227168731,
0.12673987548239693,
0.1380930844092093,
0.1523217338082666,
0.16861785183573744,
0.1859176887984758,
0.20323426026832758,
0.21978492181832016,
0.23499668211986507,
0.2484644790208045,
0.25990174126899285,
0.2690993430345535,
0.27589809241548685,
0.28017528174878575,
0.28184419573442343,
0.2808653897050434,
0.27726929796167904,
0.271190720810674,
0.2629162104391053,
0.25294396140833986,
0.24204968210224295,
0.2313360084543979,
0.22221284034121025,
0.21622422622243806,
0.2146668393666299,
0.21812039123621724
],
[
0.24520448878607048,
0.23995862718435707,
0.23519588627779953,
0.23037457806190306,
0.2249328421796086,
0.21839118894598475,
0.2104295180691619,
0.20093421864182548,
0.19002215956765794,
0.1780464894296812,
0.16557294108129186,
0.15329273989342546,
0.1418420352326181,
0.13159823009670268,
0.12266518088165927,
0.11509152614901827,
0.10906113108155788,
0.10484199244583324,
0.10256505218772712,
0.10210496525461528,
0.10313205042038451,
0.10522968553272129,
0.10817079438290204,
0.11216656517899747,
0.11785208165213538,
0.12603886931977878,
0.13730072604298144,
0.1515411578738205,
0.167959472938473,
0.1854740864811033,
0.20306804504607956,
0.21992636394025117,
0.23544774257367468,
0.2492066856565297,
0.26090586786148373,
0.2703352026825789,
0.27734318865700236,
0.28182157684854325,
0.28370273836660964,
0.28296885766521473,
0.2796725507415539,
0.273969147577453,
0.2661609307729484,
0.25675174225656466,
0.24650399648527535,
0.2364752910536185,
0.2279865729513453,
0.22245276325262506,
0.22104235343098783,
0.2242792018612437
],
[
0.2421615122560978,
0.23677695358743175,
0.23191410554977027,
0.2270084957251894,
0.22147870386772742,
0.21483641853399252,
0.20676596717601337,
0.19716955756712232,
0.18618797181616675,
0.17420497234950869,
0.16182507551371372,
0.14978549385864356,
0.13875758404146443,
0.12910187366785722,
0.12083919676060535,
0.11390584514813772,
0.1083857844657067,
0.10449459296867245,
0.10237554872207977,
0.10195705714530744,
0.10296630716786946,
0.10501974305079768,
0.10789892000101843,
0.11181086667974915,
0.11738927943116642,
0.12546330027230965,
0.1366424871171405,
0.15086857043814497,
0.16736452362817195,
0.18504632759366715,
0.20287604783761756,
0.22001030369950658,
0.23582060900044968,
0.24986082140985785,
0.26182203159108425,
0.2714920612585423,
0.2787258382562632,
0.2834283109916008,
0.2855497632498623,
0.2850929312815496,
0.2821315269780079,
0.2768400826019127,
0.2695347048109615,
0.2607220735271837,
0.25114761720652434,
0.24182033804896144,
0.23397142458149653,
0.22889162005654137,
0.22763043432122246,
0.23066048700094754
],
[
0.23870728193192786,
0.23318966763234028,
0.22824912386201954,
0.22329406120998727,
0.21771898814547674,
0.2110237887121614,
0.20289619801135472,
0.19325432568051198,
0.1822623780417158,
0.17033198569917873,
0.15810075776870497,
0.14634469319528143,
0.13576565362933884,
0.12670587358879742,
0.11910507566454254,
0.11279423506492849,
0.10776694539765852,
0.10419454102973214,
0.10223212373924928,
0.1018518866605386,
0.10282922120713164,
0.10482264341887396,
0.10763968741767321,
0.11149167462802527,
0.11700348261716663,
0.12500099364775763,
0.13610736809306523,
0.1502973032716436,
0.1668314989301306,
0.18463794691748978,
0.20266607162786945,
0.2200476065026805,
0.23612780606055783,
0.25043967303175796,
0.26266202215189177,
0.27257964567797716,
0.2800528216547624,
0.28499855305758354,
0.28738388296658507,
0.28723092802405714,
0.2846332063645657,
0.2797828447126577,
0.27300759231415894,
0.26481405348488646,
0.2559273206681528,
0.2473053414966556,
0.24009060868373427,
0.23545655774471866,
0.23434389884608944,
0.2371788692635578
],
[
0.23486712944758284,
0.22922167666443516,
0.2242255315200934,
0.21925541285141611,
0.21367713692839393,
0.2069760448983945,
0.19884287462325165,
0.18921254213862898,
0.17827288655815648,
0.1664607675475175,
0.1544401526680762,
0.1430158335152712,
0.13291177446397245,
0.12444997706390097,
0.11749466544512432,
0.11178231677442833,
0.10722683160482704,
0.10396227664054553,
0.10215349701118262,
0.101805422575904,
0.10273325733579187,
0.1046464067890416,
0.10739546338188824,
0.11120465557049859,
0.1166832144267565,
0.1246346157712954,
0.13567697797618775,
0.14981389957627994,
0.1663538509303698,
0.18424913808577956,
0.2024438734323466,
0.2200479518916307,
0.23638119654075623,
0.2509556721620223,
0.2634374562395778,
0.27360762438005715,
0.2813309379566788,
0.28653544774647965,
0.2892038409727517,
0.2893763786978337,
0.28716494331115966,
0.28277745225735634,
0.2765509675545431,
0.2689891637246691,
0.26079393758339425,
0.25287081291703273,
0.24627615225827248,
0.24207412799235287,
0.24110708084125745,
0.24375967373245605
],
[
0.23067185006991428,
0.22490334150796737,
0.2198733079581655,
0.214921905947632,
0.2093814751614646,
0.20272029295033991,
0.19463231373237305,
0.18507102111357152,
0.17424885570853701,
0.16262546715497567,
0.15088360473076182,
0.13984442581466083,
0.1302415138439727,
0.12237423021234475,
0.11604152194434116,
0.11089933993928588,
0.10679253263742088,
0.1038227013814327,
0.1021608784059133,
0.10183413406753752,
0.1026918743499222,
0.10450209250275992,
0.10717288287552286,
0.11094914237810834,
0.11641830928432656,
0.12434534349327997,
0.13532964418833374,
0.1494010624715395,
0.16592199199082458,
0.1838781254732264,
0.20221408927432755,
0.2200204335014956,
0.23659234712410834,
0.25142109779628824,
0.26415987235169863,
0.2745856385986876,
0.2825670089230081,
0.28804222376035504,
0.291008553037552,
0.2915231304037448,
0.2897146590160897,
0.28580492800341833,
0.28013794679958837,
0.27321179406048696,
0.26570288605175224,
0.2584639610948197,
0.25246894841504275,
0.24868138180111132,
0.24785541399445749,
0.2503387086427368
],
[
0.22615854371817518,
0.22027135281536456,
0.21522869433910105,
0.21032895824782444,
0.2048660216244595,
0.19828877030210262,
0.1902951904729408,
0.1808599430670465,
0.1702217946409291,
0.158860940693184,
0.14747059279752234,
0.13687398611085644,
0.12779826959803145,
0.12051746590295953,
0.11478014621959738,
0.11017774326157018,
0.106495718073928,
0.10380517699124653,
0.10227857299874553,
0.10195664779096611,
0.10272113354190135,
0.10440502132463456,
0.10698419563668121,
0.1107300020751506,
0.11620270289731757,
0.12411671716151694,
0.13504453123774524,
0.14904113398216254,
0.16552578235091658,
0.1835228686163251,
0.2019813675860934,
0.21997428346892575,
0.23677296722497065,
0.251848322939257,
0.26484085466709156,
0.27552335490901353,
0.2837678993416084,
0.2895222134028168,
0.29279715278305324,
0.29366544147220913,
0.29227100521142785,
0.28884754249403605,
0.2837437026002153,
0.2774495812670717,
0.27061443198611956,
0.2640387236295994,
0.2586184351701225,
0.25522521900639467,
0.25453466147259324,
0.2568616637676067
],
[
0.22137156820965928,
0.21536973347357577,
0.21033519269767792,
0.20551902002175015,
0.20017143305942045,
0.19371977795963596,
0.18586745222290801,
0.17661369953476302,
0.16622602291972485,
0.15520301291170788,
0.14423923955923895,
0.1341442970650342,
0.12562116144593613,
0.11891623336003161,
0.11374540228270247,
0.10965255089751326,
0.10637196264656902,
0.10394317878647612,
0.10253440749398332,
0.10219507394809041,
0.10284131422998781,
0.10437615763920091,
0.10684867611642074,
0.1105594833471454,
0.11603709625279819,
0.1239381104943483,
0.13480539005800027,
0.1487195655007842,
0.16515719961396114,
0.1831829358707577,
0.2017516149598887,
0.21991966069839028,
0.23693538136193917,
0.25225007930700427,
0.2654921685142617,
0.2764305270804207,
0.284940545247958,
0.2909788771428509,
0.29456903607980917,
0.29579806398332475,
0.2948234965220951,
0.2918889962164268,
0.28734567378452214,
0.28167358888096844,
0.275493736295958,
0.26955555511241897,
0.26468204378704374,
0.2616615452543181,
0.26109996740851404,
0.26328329800951544
],
[
0.21636358370225436,
0.21025094790324325,
0.20524466920899667,
0.20054264175857772,
0.19534605324533588,
0.1890587486729071,
0.18139142456640991,
0.17237201025470372,
0.1622997184454263,
0.1516893174442854,
0.14122675547630925,
0.1316911929698659,
0.12374453894815336,
0.1176047076730558,
0.11297231824925134,
0.10936070097179885,
0.10645965648209613,
0.1042734253092801,
0.10295959053855352,
0.10257568404127561,
0.1030780342135953,
0.10444322806101078,
0.10679377092863011,
0.11045871257237758,
0.1159311222000663,
0.12380756712665963,
0.1346037485807239,
0.1484280528679159,
0.16481291860789518,
0.18286137407286446,
0.20153324529338906,
0.21986843337459974,
0.2370929903968255,
0.2526397114294603,
0.2661258889346732,
0.2773170550295227,
0.2860919815992053,
0.29241582703247454,
0.29632389964928685,
0.29791631052117096,
0.29736261014070214,
0.2949145436475578,
0.29092368335945673,
0.2858583571167408,
0.280310743497278,
0.2749810558402494,
0.2706245221756693,
0.26795435048080046,
0.26751484711149637,
0.26956653499820576
],
[
0.21119664616929926,
0.20497707721660746,
0.20001851566170295,
0.19545958717121573,
0.1904470113661408,
0.18435939659548492,
0.17691705829357193,
0.16818126523512308,
0.15848631220248946,
0.14836069928097534,
0.13847090861627748,
0.12954852452174934,
0.12220006146405218,
0.1166157469819238,
0.11249634128480968,
0.10934040747129217,
0.10679855166098023,
0.10483437586550746,
0.10358789766248766,
0.10312896411873985,
0.10346272813450313,
0.1046412392411621,
0.10685564864620799,
0.1104585207563327,
0.11590476152590806,
0.1237338776184672,
0.13444143227009883,
0.14816715530141344,
0.1644965914573498,
0.18256641152387273,
0.20133832057497433,
0.21983488237312412,
0.23726067488344524,
0.25303139085432347,
0.26675450398715017,
0.27819302913553706,
0.28722936157739615,
0.2938368434987027,
0.2980617699894862,
0.3000161028656135,
0.299879853021622,
0.2979110641402659,
0.29445997808371244,
0.28998185096724005,
0.28503995866612314,
0.2802875056962298,
0.27641720684382887,
0.274074782214377,
0.2737501890251148,
0.27568154411100587
],
[
0.20594327516115157,
0.1996209848667406,
0.19472878710679078,
0.19033990169433496,
0.18554127489853606,
0.17968485131906242,
0.17250321749115086,
0.16409598214558058,
0.15483609593793884,
0.1452629930905288,
0.13601217807520455,
0.12775111712163204,
0.12101971546916114,
0.11598268311774047,
0.11235392751826487,
0.1096306458623129,
0.10742820959072558,
0.10566413641951844,
0.104454445711999,
0.10388922745536952,
0.10403249755338244,
0.10501219191439477,
0.1070788630829219,
0.11059933497571066,
0.11598886255112797,
0.12373784161969677,
0.1343323559383838,
0.1479482942099674,
0.16422067396233733,
0.18231285146477294,
0.20118347639596015,
0.2198362536198053,
0.23745509500739526,
0.253440262579051,
0.267390975833575,
0.2790687493917705,
0.28835996071004644,
0.29524588091854576,
0.2997830196294251,
0.30209400134842607,
0.30236779801006153,
0.3008670857885327,
0.2979392037268084,
0.2940253318724487,
0.2896601509714292,
0.28545235067627084,
0.28203729195123045,
0.28000025769035836,
0.27978331060067063,
0.28160485411538183
],
[
0.20068737359611324,
0.1942673464185295,
0.18945918108875046,
0.18526479418698857,
0.18070650909719063,
0.17510862225709095,
0.16821884448813706,
0.16018019196897282,
0.15140780524123038,
0.14244883034262337,
0.13389596625454175,
0.12633746078333355,
0.12023842565082299,
0.11574112329400818,
0.11258317761301856,
0.11027078935122538,
0.1083868648144625,
0.10679862399657794,
0.10559469902560478,
0.10489403593661431,
0.10482944087170579,
0.10560394923929255,
0.10751493165336887,
0.11092996339637748,
0.11622472826802224,
0.12385270239695237,
0.1343035491729356,
0.14779505785639327,
0.1640076803250309,
0.18212303332599647,
0.20109053510942299,
0.21989309356874395,
0.2376948462278899,
0.25388249941661756,
0.2680487453137532,
0.27995471080212886,
0.28949116041113815,
0.2966470584871151,
0.3014883686847566,
0.30414721455343113,
0.3048200912471613,
0.30377276899114597,
0.3013483293821819,
0.2979731748360472,
0.2941540136849093,
0.29045767547338686,
0.28746712568657046,
0.28571363873192296,
0.2855970896765965,
0.2873185257588024
],
[
0.1955248125804619,
0.18901334621032662,
0.1843056524566819,
0.18032712133603757,
0.17603152828129692,
0.17071516838528147,
0.16414375834289244,
0.15650847631686238,
0.14826983752939818,
0.13997901436116758,
0.1321742012401209,
0.12535144408861065,
0.11989566258650129,
0.11593008264162026,
0.1132241323088206,
0.11130028278685145,
0.10971103331808227,
0.10827170033711368,
0.1070441962589946,
0.10618359389338425,
0.10589961302839307,
0.10646843222879127,
0.10821977331166198,
0.11150531140765423,
0.11666285695518717,
0.12412375494623668,
0.13439536772315314,
0.14774373596307505,
0.16389076317035647,
0.18202725543425163,
0.20108672289431467,
0.22002931253969338,
0.23800043772055857,
0.25437524568264713,
0.26874166958396944,
0.28086154901485094,
0.2906304072967909,
0.29804463414741683,
0.3031788706851456,
0.30617358989619115,
0.3072314338527297,
0.30661985655485086,
0.3046765330049939,
0.3018126491505324,
0.29850780322187054,
0.29528968460852334,
0.29269355132407043,
0.29120248029765117,
0.2911791798844344,
0.2928093958701673
],
[
0.19056341403313568,
0.18396875398076282,
0.17937637006878562,
0.17563118525827526,
0.17161604988046905,
0.1665997699624124,
0.16036875646525212,
0.15316628714935152,
0.14550067664695587,
0.13792295096297597,
0.13090574710762834,
0.1248426614530094,
0.12003561800250198,
0.11659194634590635,
0.1143183406526534,
0.11275808110943206,
0.11143549144093205,
0.11011597671905321,
0.10883868069950633,
0.10780008310057787,
0.107291739723645,
0.10765954578254903,
0.10925045378528361,
0.11238354608822457,
0.11736101560377245,
0.12460711305160682,
0.13466081172188205,
0.14784298830271198,
0.16391351718715502,
0.18206356696817724,
0.20120442422165974,
0.2202719357859153,
0.23839407196036158,
0.2549364391918104,
0.26948388728608336,
0.28179994328411634,
0.2917851466227767,
0.29944296069989207,
0.30485588263013996,
0.30817158636062797,
0.30959754131660877,
0.3094015969703912,
0.3079150588691399,
0.30553367734000625,
0.3027109736594199,
0.29993820646362856,
0.2977073016371306,
0.2964583554749942,
0.29652131072034776,
0.2980683968719509
],
[
0.18592197887015824,
0.17925499698418218,
0.1747906312986885,
0.17129148126204777,
0.16756939819985153,
0.16286733140656764,
0.1569946126769745,
0.15024910467231153,
0.14318804628318757,
0.13635764369104292,
0.130155188256302,
0.12486498514179918,
0.12070568075478329,
0.11777097486617585,
0.11590741094792112,
0.11468152193486804,
0.11359292514246358,
0.11236293050827907,
0.1110139273488773,
0.10978674025318302,
0.1090557180333633,
0.10923123952111445,
0.1106628777503422,
0.11362359796293217,
0.11838180379404466,
0.12536758472082002,
0.13516383807378662,
0.14815253062998388,
0.1641289051946837,
0.1822768547053388,
0.20148043056364615,
0.22065052227418025,
0.23889921804749858,
0.25558450973046826,
0.2702896113574851,
0.2827804772774056,
0.29296273030719444,
0.3008464245766669,
0.30652102016220745,
0.31014023128782375,
0.311915084265372,
0.31211264706855807,
0.31105705607689343,
0.3091285837509113,
0.30675581830625703,
0.3043962287208764,
0.3025024497154399,
0.30147625492230723,
0.3016186684733847,
0.30308995042511605
],
[
0.18172794478055165,
0.17500276664854297,
0.1706762896520546,
0.1674299985496351,
0.1640077852892039,
0.1596297237724751,
0.15412953683535224,
0.1478599710189377,
0.1414263415385656,
0.13536488029742033,
0.12998977744649914,
0.12547334575396762,
0.12195320203952054,
0.11951032117208042,
0.1180304442281736,
0.11710442115777064,
0.1162128424682526,
0.1150421338229704,
0.11360483323998546,
0.11218644059610611,
0.11124081849960667,
0.11123570886981246,
0.1125105118428815,
0.11528308359297397,
0.11978972171477298,
0.12647558209787296,
0.13597654753943886,
0.1487407223927117,
0.1645972209636067,
0.18271718038219117,
0.20195467284821192,
0.22119625659536613,
0.23953998817131644,
0.25633796240186574,
0.2711728556119888,
0.28381346177031613,
0.294170302104838,
0.3022593690724144,
0.3081760995843949,
0.3120790636009412,
0.31418161434950576,
0.31474895970725125,
0.3140974057367455,
0.31259184150124225,
0.3106371261351744,
0.3086594696290271,
0.3070759157348568,
0.3062540561679933,
0.3064693519426402,
0.30787143105203923
],
[
0.1781132617531123,
0.17134769733139385,
0.16716527752700822,
0.16417173582789685,
0.16104987234553725,
0.1570013552064497,
0.15188473840581362,
0.14610503354885337,
0.14031204296139513,
0.13502648289366653,
0.13047466176929248,
0.12671901622563142,
0.12382087645920563,
0.12184782157965543,
0.1207205025360603,
0.12005444038066951,
0.11931975428572718,
0.11817966444158833,
0.11664368710025369,
0.11503964126537888,
0.11389344707992952,
0.11372136318975197,
0.11484261793881471,
0.11741591879230986,
0.1216476553001901,
0.12800303169278143,
0.13717517927834377,
0.14968098757187936,
0.16538305051979707,
0.18343737691912626,
0.20266847183995917,
0.2219407497993916,
0.2403403449747346,
0.25721486477288397,
0.27214710715285706,
0.2849087266262006,
0.29541466444514497,
0.3036860049940263,
0.3098230691607882,
0.31398806620781555,
0.31639547894996334,
0.3173076615210733,
0.3170325430261764,
0.3159198242482948,
0.3143518580598784,
0.31272598675518964,
0.31142702718054105,
0.3107920569575431,
0.3110738959595062,
0.31241269417152706
],
[
0.17520820876743878,
0.1684238043086627,
0.16438699714637423,
0.1616383096483038,
0.15881054190673458,
0.15509289684671443,
0.15036798329562434,
0.14508700127924087,
0.1399371420024438,
0.13541787861075663,
0.13166690623080626,
0.1286440867361646,
0.12634143959059382,
0.12481110385586679,
0.12400052291859187,
0.12355008292425214,
0.12293093275577767,
0.12179596599313591,
0.12015778130891945,
0.11838170066254675,
0.11705438923819289,
0.11673025379975233,
0.11770168833175315,
0.12006930129323519,
0.1240127950050976,
0.13001839241543944,
0.1388349791853437,
0.151047110387207,
0.16655128660754373,
0.18448999345729797,
0.20366239738727362,
0.222914618387518,
0.24132318595504587,
0.25823226662486276,
0.2732249619925412,
0.2860753923677068,
0.2967021330903565,
0.30513031265403573,
0.31146393269121,
0.3158675905498564,
0.31855572825925044,
0.31978692512872775,
0.3198602791138967,
0.3191105674205898,
0.31789884596005735,
0.31659582307387124,
0.31555712892940957,
0.3150925664567818,
0.3154348556035391,
0.31671566246915567
],
[
0.1731331980935226,
0.16635474189857768,
0.16245977305020137,
0.15993994370004877,
0.15739321318006808,
0.1540035160688128,
0.14967548433449213,
0.14489687939407592,
0.1403810886025345,
0.13660072077180696,
0.1336092290480511,
0.1312761285636001,
0.12953271021955307,
0.12841277011981203,
0.12787932032361304,
0.1275979379389427,
0.12705423027098234,
0.12590356550424242,
0.12416670776603489,
0.1222397727014996,
0.12075562315252136,
0.12029498313624187,
0.12112036389618833,
0.12328031889490577,
0.12693227327786372,
0.1325811264385948,
0.1410242176502691,
0.15290762064996855,
0.16816239565712546,
0.18592379009932558,
0.20497389140771113,
0.2241459432967151,
0.24250936721524377,
0.2594055892093097,
0.2744177454031381,
0.2873216338462488,
0.2980383869868674,
0.3065959398283432,
0.31310066872517794,
0.31771827636532735,
0.3206620180729952,
0.3221858395707777,
0.3225796268420067,
0.32216354212704623,
0.32127851586701,
0.32027068911449325,
0.31946923911408764,
0.3191595482199416,
0.3195564443077337,
0.3207839645440443
],
[
0.17198912590054716,
0.16524355970330948,
0.16148119799415686,
0.1591666875805273,
0.1568815532041809,
0.15381251765950696,
0.14988307110100016,
0.1456049230911827,
0.1417022978492244,
0.13861572674289255,
0.13632459817933096,
0.13462412168685037,
0.13339414304022457,
0.13264676514486543,
0.1323487119296976,
0.132190900229625,
0.131686462900476,
0.13050510347948277,
0.1286797945599606,
0.12662964052099784,
0.12501697145015914,
0.124435414926511,
0.12511834459686685,
0.12707272650129076,
0.13043907388713877,
0.13573624265177883,
0.14379787347595402,
0.15531968910260704,
0.17026733093347626,
0.18778011017209648,
0.2066348691085981,
0.2256587366270954,
0.24391674025991386,
0.260748026101327,
0.2757351410108939,
0.28865444978226285,
0.2994283213710255,
0.308086100684217,
0.3147351489606307,
0.31954096971212115,
0.32271451135063006,
0.32450428215903526,
0.3251906331575871,
0.3250794438448244,
0.3244926356758948,
0.32375367922442816,
0.3231677465835492,
0.32299830919060213,
0.3234442195724482,
0.32462262008188447
],
[
0.17184741905915354,
0.16516241667874051,
0.1615188967592191,
0.15938025021851476,
0.1573319038982552,
0.15457178130401975,
0.15103816752466528,
0.14725226709714692,
0.14393061866024942,
0.1414771363701402,
0.13981277753555996,
0.1386764696857567,
0.13790577656073374,
0.13748777505387005,
0.13738324490556264,
0.13730790500452691,
0.13681272704877073,
0.1355920701925996,
0.13369417265334174,
0.13155299983473107,
0.129842974751755,
0.12915570928347342,
0.12969992548770934,
0.1314545086145702,
0.13454888895716566,
0.13950975202641408,
0.14719172051518817,
0.158323137076433,
0.17290272069428414,
0.19008956765175156,
0.20866955096684314,
0.22747155635824862,
0.24555927961191013,
0.26226999908815934,
0.277184853111561,
0.2900794521371901,
0.30087591229143246,
0.3096034807377759,
0.316369059357049,
0.32133664215796615,
0.3247137812822223,
0.32674279436804615,
0.3276942205212086,
0.327859997137223,
0.3275440870357142,
0.32704901965532857,
0.32665814589066505,
0.3266152294842262,
0.3271048106159235,
0.3282377662555037
]
]
},
{
"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.955 (SEM: None)
lr: 0.000350932
momentum: 0.82667",
"Arm 6_0
accuracy: 0.924833 (SEM: None)
lr: 0.000161455
momentum: 0.637237",
"Arm 7_0
accuracy: 0.2065 (SEM: None)
lr: 1e-06
momentum: 0",
"Arm 8_0
accuracy: 0.836667 (SEM: None)
lr: 0.000504806
momentum: 0",
"Arm 9_0
accuracy: 0.0991667 (SEM: None)
lr: 0.00110748
momentum: 1",
"Arm 10_0
accuracy: 0.6755 (SEM: None)
lr: 1e-06
momentum: 1",
"Arm 11_0
accuracy: 0.878167 (SEM: None)
lr: 7.37363e-05
momentum: 0.502615",
"Arm 12_0
accuracy: 0.922 (SEM: None)
lr: 8.87217e-05
momentum: 0.778085",
"Arm 13_0
accuracy: 0.099 (SEM: None)
lr: 0.00464165
momentum: 0",
"Arm 14_0
accuracy: 0.18 (SEM: None)
lr: 0.000200608
momentum: 1",
"Arm 15_0
accuracy: 0.109833 (SEM: None)
lr: 0.000869143
momentum: 0.611898",
"Arm 16_0
accuracy: 0.8275 (SEM: None)
lr: 9.77749e-05
momentum: 0",
"Arm 17_0
accuracy: 0.8935 (SEM: None)
lr: 0.00016482
momentum: 0.303499",
"Arm 18_0
accuracy: 0.8395 (SEM: None)
lr: 7.42075e-06
momentum: 1"
],
"type": "scatter",
"x": [
2.1216593661487738e-05,
3.418102921796241e-05,
0.30446023318884685,
7.354792459527615e-05,
0.0003995053549220097,
0.0003509319685019149,
0.000161455126942277,
1e-06,
0.0005048064797179445,
0.0011074811558543548,
1e-06,
7.373632355035814e-05,
8.872166340400411e-05,
0.004641652147206619,
0.00020060800761833014,
0.000869142819964029,
9.777491129232307e-05,
0.00016481983703666057,
7.420754279837426e-06
],
"xaxis": "x",
"y": [
0.7110699415206909,
0.9521583393216133,
0.42647070437669754,
0.2430550940334797,
0.4136803150177002,
0.8266700931990206,
0.6372371233067262,
0.0,
0.0,
1.0,
1.0,
0.5026145045603742,
0.7780851831227409,
0.0,
1.0,
0.6118977783938059,
0.0,
0.30349949288610467,
1.0
],
"yaxis": "y"
},
{
"hoverinfo": "text",
"legendgroup": "In-sample",
"marker": {
"color": "black",
"opacity": 0.5,
"symbol": 1
},
"mode": "markers",
"name": "In-sample",
"showlegend": false,
"text": [
"Arm 0_0
accuracy: 0.846667 (SEM: None)
lr: 2.12166e-05
momentum: 0.71107",
"Arm 1_0
accuracy: 0.876 (SEM: None)
lr: 3.4181e-05
momentum: 0.952158",
"Arm 2_0
accuracy: 0.1015 (SEM: None)
lr: 0.30446
momentum: 0.426471",
"Arm 3_0
accuracy: 0.887167 (SEM: None)
lr: 7.35479e-05
momentum: 0.243055",
"Arm 4_0
accuracy: 0.9275 (SEM: None)
lr: 0.000399505
momentum: 0.41368",
"Arm 5_0
accuracy: 0.955 (SEM: None)
lr: 0.000350932
momentum: 0.82667",
"Arm 6_0
accuracy: 0.924833 (SEM: None)
lr: 0.000161455
momentum: 0.637237",
"Arm 7_0
accuracy: 0.2065 (SEM: None)
lr: 1e-06
momentum: 0",
"Arm 8_0
accuracy: 0.836667 (SEM: None)
lr: 0.000504806
momentum: 0",
"Arm 9_0
accuracy: 0.0991667 (SEM: None)
lr: 0.00110748
momentum: 1",
"Arm 10_0
accuracy: 0.6755 (SEM: None)
lr: 1e-06
momentum: 1",
"Arm 11_0
accuracy: 0.878167 (SEM: None)
lr: 7.37363e-05
momentum: 0.502615",
"Arm 12_0
accuracy: 0.922 (SEM: None)
lr: 8.87217e-05
momentum: 0.778085",
"Arm 13_0
accuracy: 0.099 (SEM: None)
lr: 0.00464165
momentum: 0",
"Arm 14_0
accuracy: 0.18 (SEM: None)
lr: 0.000200608
momentum: 1",
"Arm 15_0
accuracy: 0.109833 (SEM: None)
lr: 0.000869143
momentum: 0.611898",
"Arm 16_0
accuracy: 0.8275 (SEM: None)
lr: 9.77749e-05
momentum: 0",
"Arm 17_0
accuracy: 0.8935 (SEM: None)
lr: 0.00016482
momentum: 0.303499",
"Arm 18_0
accuracy: 0.8395 (SEM: None)
lr: 7.42075e-06
momentum: 1"
],
"type": "scatter",
"x": [
2.1216593661487738e-05,
3.418102921796241e-05,
0.30446023318884685,
7.354792459527615e-05,
0.0003995053549220097,
0.0003509319685019149,
0.000161455126942277,
1e-06,
0.0005048064797179445,
0.0011074811558543548,
1e-06,
7.373632355035814e-05,
8.872166340400411e-05,
0.004641652147206619,
0.00020060800761833014,
0.000869142819964029,
9.777491129232307e-05,
0.00016481983703666057,
7.420754279837426e-06
],
"xaxis": "x2",
"y": [
0.7110699415206909,
0.9521583393216133,
0.42647070437669754,
0.2430550940334797,
0.4136803150177002,
0.8266700931990206,
0.6372371233067262,
0.0,
0.0,
1.0,
1.0,
0.5026145045603742,
0.7780851831227409,
0.0,
1.0,
0.6118977783938059,
0.0,
0.30349949288610467,
1.0
],
"yaxis": "y2"
}
],
"layout": {
"annotations": [
{
"font": {
"size": 14
},
"showarrow": false,
"text": "Mean",
"x": 0.25,
"xanchor": "center",
"xref": "paper",
"y": 1,
"yanchor": "bottom",
"yref": "paper"
},
{
"font": {
"size": 14
},
"showarrow": false,
"text": "Standard Error",
"x": 0.8,
"xanchor": "center",
"xref": "paper",
"y": 1,
"yanchor": "bottom",
"yref": "paper"
}
],
"autosize": false,
"height": 450,
"hovermode": "closest",
"legend": {
"orientation": "h",
"x": 0,
"y": -0.25
},
"margin": {
"b": 100,
"l": 35,
"pad": 0,
"r": 35,
"t": 35
},
"template": {
"data": {
"bar": [
{
"error_x": {
"color": "#2a3f5f"
},
"error_y": {
"color": "#2a3f5f"
},
"marker": {
"line": {
"color": "#E5ECF6",
"width": 0.5
},
"pattern": {
"fillmode": "overlay",
"size": 10,
"solidity": 0.2
}
},
"type": "bar"
}
],
"barpolar": [
{
"marker": {
"line": {
"color": "#E5ECF6",
"width": 0.5
},
"pattern": {
"fillmode": "overlay",
"size": 10,
"solidity": 0.2
}
},
"type": "barpolar"
}
],
"carpet": [
{
"aaxis": {
"endlinecolor": "#2a3f5f",
"gridcolor": "white",
"linecolor": "white",
"minorgridcolor": "white",
"startlinecolor": "#2a3f5f"
},
"baxis": {
"endlinecolor": "#2a3f5f",
"gridcolor": "white",
"linecolor": "white",
"minorgridcolor": "white",
"startlinecolor": "#2a3f5f"
},
"type": "carpet"
}
],
"choropleth": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"type": "choropleth"
}
],
"contour": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0.0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1.0,
"#f0f921"
]
],
"type": "contour"
}
],
"contourcarpet": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"type": "contourcarpet"
}
],
"heatmap": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0.0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1.0,
"#f0f921"
]
],
"type": "heatmap"
}
],
"heatmapgl": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0.0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1.0,
"#f0f921"
]
],
"type": "heatmapgl"
}
],
"histogram": [
{
"marker": {
"pattern": {
"fillmode": "overlay",
"size": 10,
"solidity": 0.2
}
},
"type": "histogram"
}
],
"histogram2d": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0.0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1.0,
"#f0f921"
]
],
"type": "histogram2d"
}
],
"histogram2dcontour": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0.0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1.0,
"#f0f921"
]
],
"type": "histogram2dcontour"
}
],
"mesh3d": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"type": "mesh3d"
}
],
"parcoords": [
{
"line": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "parcoords"
}
],
"pie": [
{
"automargin": true,
"type": "pie"
}
],
"scatter": [
{
"fillpattern": {
"fillmode": "overlay",
"size": 10,
"solidity": 0.2
},
"type": "scatter"
}
],
"scatter3d": [
{
"line": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scatter3d"
}
],
"scattercarpet": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scattercarpet"
}
],
"scattergeo": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scattergeo"
}
],
"scattergl": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scattergl"
}
],
"scattermapbox": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scattermapbox"
}
],
"scatterpolar": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scatterpolar"
}
],
"scatterpolargl": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scatterpolargl"
}
],
"scatterternary": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scatterternary"
}
],
"surface": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0.0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1.0,
"#f0f921"
]
],
"type": "surface"
}
],
"table": [
{
"cells": {
"fill": {
"color": "#EBF0F8"
},
"line": {
"color": "white"
}
},
"header": {
"fill": {
"color": "#C8D4E3"
},
"line": {
"color": "white"
}
},
"type": "table"
}
]
},
"layout": {
"annotationdefaults": {
"arrowcolor": "#2a3f5f",
"arrowhead": 0,
"arrowwidth": 1
},
"autotypenumbers": "strict",
"coloraxis": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"colorscale": {
"diverging": [
[
0,
"#8e0152"
],
[
0.1,
"#c51b7d"
],
[
0.2,
"#de77ae"
],
[
0.3,
"#f1b6da"
],
[
0.4,
"#fde0ef"
],
[
0.5,
"#f7f7f7"
],
[
0.6,
"#e6f5d0"
],
[
0.7,
"#b8e186"
],
[
0.8,
"#7fbc41"
],
[
0.9,
"#4d9221"
],
[
1,
"#276419"
]
],
"sequential": [
[
0.0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1.0,
"#f0f921"
]
],
"sequentialminus": [
[
0.0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1.0,
"#f0f921"
]
]
},
"colorway": [
"#636efa",
"#EF553B",
"#00cc96",
"#ab63fa",
"#FFA15A",
"#19d3f3",
"#FF6692",
"#B6E880",
"#FF97FF",
"#FECB52"
],
"font": {
"color": "#2a3f5f"
},
"geo": {
"bgcolor": "white",
"lakecolor": "white",
"landcolor": "#E5ECF6",
"showlakes": true,
"showland": true,
"subunitcolor": "white"
},
"hoverlabel": {
"align": "left"
},
"hovermode": "closest",
"mapbox": {
"style": "light"
},
"paper_bgcolor": "white",
"plot_bgcolor": "#E5ECF6",
"polar": {
"angularaxis": {
"gridcolor": "white",
"linecolor": "white",
"ticks": ""
},
"bgcolor": "#E5ECF6",
"radialaxis": {
"gridcolor": "white",
"linecolor": "white",
"ticks": ""
}
},
"scene": {
"xaxis": {
"backgroundcolor": "#E5ECF6",
"gridcolor": "white",
"gridwidth": 2,
"linecolor": "white",
"showbackground": true,
"ticks": "",
"zerolinecolor": "white"
},
"yaxis": {
"backgroundcolor": "#E5ECF6",
"gridcolor": "white",
"gridwidth": 2,
"linecolor": "white",
"showbackground": true,
"ticks": "",
"zerolinecolor": "white"
},
"zaxis": {
"backgroundcolor": "#E5ECF6",
"gridcolor": "white",
"gridwidth": 2,
"linecolor": "white",
"showbackground": true,
"ticks": "",
"zerolinecolor": "white"
}
},
"shapedefaults": {
"line": {
"color": "#2a3f5f"
}
},
"ternary": {
"aaxis": {
"gridcolor": "white",
"linecolor": "white",
"ticks": ""
},
"baxis": {
"gridcolor": "white",
"linecolor": "white",
"ticks": ""
},
"bgcolor": "#E5ECF6",
"caxis": {
"gridcolor": "white",
"linecolor": "white",
"ticks": ""
}
},
"title": {
"x": 0.05
},
"xaxis": {
"automargin": true,
"gridcolor": "white",
"linecolor": "white",
"ticks": "",
"title": {
"standoff": 15
},
"zerolinecolor": "white",
"zerolinewidth": 2
},
"yaxis": {
"automargin": true,
"gridcolor": "white",
"linecolor": "white",
"ticks": "",
"title": {
"standoff": 15
},
"zerolinecolor": "white",
"zerolinewidth": 2
}
}
},
"width": 950,
"xaxis": {
"anchor": "y",
"autorange": false,
"domain": [
0.05,
0.45
],
"exponentformat": "e",
"range": [
-6.0,
-0.3979400086720376
],
"tickfont": {
"size": 11
},
"tickmode": "auto",
"title": {
"text": "lr"
},
"type": "log"
},
"xaxis2": {
"anchor": "y2",
"autorange": false,
"domain": [
0.6,
1
],
"exponentformat": "e",
"range": [
-6.0,
-0.3979400086720376
],
"tickfont": {
"size": 11
},
"tickmode": "auto",
"title": {
"text": "lr"
},
"type": "log"
},
"yaxis": {
"anchor": "x",
"autorange": false,
"domain": [
0,
1
],
"exponentformat": "e",
"range": [
0.0,
1.0
],
"tickfont": {
"size": 11
},
"tickmode": "auto",
"title": {
"text": "momentum"
},
"type": "linear"
},
"yaxis2": {
"anchor": "x2",
"autorange": false,
"domain": [
0,
1
],
"exponentformat": "e",
"range": [
0.0,
1.0
],
"tickfont": {
"size": 11
},
"tickmode": "auto",
"type": "linear"
}
}
},
"text/html": [
"