{
"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 09-15 02:39:24] 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": "dd5b86aae289471a8770e149d631b72f",
"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": "2bb940b9a74b490fbe88762af6370279",
"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": "aa7b9167fd2d4fe5aa90ef3d1fb0c1ea",
"version_major": 2,
"version_minor": 0
},
"text/plain": [
" 0%| | 0/1648877 [00:00, ?it/s]"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Extracting ./data/MNIST/raw/t10k-images-idx3-ubyte.gz to ./data/MNIST/raw\n"
]
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"\n",
"Downloading http://yann.lecun.com/exdb/mnist/t10k-labels-idx1-ubyte.gz\n",
"Downloading http://yann.lecun.com/exdb/mnist/t10k-labels-idx1-ubyte.gz to ./data/MNIST/raw/t10k-labels-idx1-ubyte.gz\n"
]
},
{
"data": {
"application/vnd.jupyter.widget-view+json": {
"model_id": "36a715bcca934826b2e372956917bbd4",
"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"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"/opt/hostedtoolcache/Python/3.7.11/x64/lib/python3.7/site-packages/torchvision/datasets/mnist.py:498: UserWarning:\n",
"\n",
"The given NumPy array is not writeable, and PyTorch does not support non-writeable tensors. This means you can write to the underlying (supposedly non-writeable) NumPy array using the tensor. You may want to copy the array to protect its data or make it writeable before converting it to a tensor. This type of warning will be suppressed for the rest of this program. (Triggered internally at /pytorch/torch/csrc/utils/tensor_numpy.cpp:180.)\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 09-15 02:39:25] 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 09-15 02:39:25] 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 09-15 02:39:25] 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 09-15 02:39:25] 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 09-15 02:39:25] ax.service.managed_loop: Started full optimization with 20 steps.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 09-15 02:39:25] ax.service.managed_loop: Running optimization trial 1...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"/opt/hostedtoolcache/Python/3.7.11/x64/lib/python3.7/site-packages/torch/nn/functional.py:718: UserWarning:\n",
"\n",
"Named tensors and all their associated APIs are an experimental feature and subject to change. Please do not use them for anything important until they are released as stable. (Triggered internally at /pytorch/c10/core/TensorImpl.h:1156.)\n",
"\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 09-15 02:39:32] ax.service.managed_loop: Running optimization trial 2...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 09-15 02:39:39] ax.service.managed_loop: Running optimization trial 3...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 09-15 02:39:45] ax.service.managed_loop: Running optimization trial 4...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 09-15 02:39:52] ax.service.managed_loop: Running optimization trial 5...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 09-15 02:39:58] ax.service.managed_loop: Running optimization trial 6...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 09-15 02:40:05] ax.service.managed_loop: Running optimization trial 7...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 09-15 02:40:12] ax.service.managed_loop: Running optimization trial 8...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 09-15 02:40:19] ax.service.managed_loop: Running optimization trial 9...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 09-15 02:40:26] ax.service.managed_loop: Running optimization trial 10...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 09-15 02:40:34] ax.service.managed_loop: Running optimization trial 11...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 09-15 02:40:41] ax.service.managed_loop: Running optimization trial 12...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 09-15 02:40:48] ax.service.managed_loop: Running optimization trial 13...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 09-15 02:40:55] ax.service.managed_loop: Running optimization trial 14...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 09-15 02:41:03] ax.service.managed_loop: Running optimization trial 15...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 09-15 02:41:11] ax.service.managed_loop: Running optimization trial 16...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 09-15 02:41:18] ax.service.managed_loop: Running optimization trial 17...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 09-15 02:41:26] ax.service.managed_loop: Running optimization trial 18...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 09-15 02:41:34] ax.service.managed_loop: Running optimization trial 19...\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 09-15 02:41:42] ax.service.managed_loop: Running optimization trial 20...\n"
]
}
],
"source": [
"best_parameters, values, experiment, model = optimize(\n",
" parameters=[\n",
" {\"name\": \"lr\", \"type\": \"range\", \"bounds\": [1e-6, 0.4], \"log_scale\": True},\n",
" {\"name\": \"momentum\", \"type\": \"range\", \"bounds\": [0.0, 1.0]},\n",
" ],\n",
" evaluation_function=train_evaluate,\n",
" objective_name='accuracy',\n",
")"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"We can introspect the optimal parameters and their outcomes:"
]
},
{
"cell_type": "code",
"execution_count": 6,
"metadata": {},
"outputs": [
{
"data": {
"text/plain": [
"{'lr': 0.0005084473167264391, 'momentum': 0.16242224757301063}"
]
},
"execution_count": 6,
"metadata": {},
"output_type": "execute_result"
}
],
"source": [
"best_parameters"
]
},
{
"cell_type": "code",
"execution_count": 7,
"metadata": {},
"outputs": [
{
"data": {
"text/plain": [
"({'accuracy': 0.9311611763190136},\n",
" {'accuracy': {'accuracy': 0.00012250083678216547}})"
]
},
"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.3479413845761967,
0.3688361530881504,
0.39414774687834014,
0.4238922226827384,
0.45785117996607594,
0.4955352911978945,
0.5361658972650418,
0.5786809304548923,
0.6217700830847818,
0.6639432882377698,
0.7036370843285845,
0.7393657448480027,
0.769928204172233,
0.7946858195552314,
0.8138190137503897,
0.828208659519476,
0.8390882791068808,
0.847683163289795,
0.8548012902426706,
0.8603363912766169,
0.8626949246034405,
0.8585201864326034,
0.843095222820621,
0.8112152289334545,
0.7585612968978404,
0.6832821956432542,
0.5870204338560272,
0.47487538119672723,
0.354494177583468,
0.23474699067301352,
0.12422480368984357,
0.029540369996270743,
-0.04603711658119303,
-0.10210370038809868,
-0.13996885340491427,
-0.1618398011605039,
-0.17029006959586412,
-0.16792547259871093,
-0.15718552182088075,
-0.1402362705300253,
-0.1189236749291056,
-0.09476597881678661,
-0.06897036266453027,
-0.042463846886698464,
-0.015931710672359767,
0.010141139350474782,
0.03542904154101456,
0.059727041932090774,
0.08291673795170784,
0.10493779894702604
],
[
0.339811046547783,
0.36062640561496423,
0.3860893572345804,
0.4162475870835232,
0.45090029188362024,
0.48955737779135183,
0.5314187466556999,
0.575380633873697,
0.620074043189411,
0.6639389581487638,
0.7053382845114177,
0.7427178626214292,
0.774823248290832,
0.8009856203389708,
0.8213752161033538,
0.836900814000866,
0.8488790733483875,
0.8586761773864862,
0.8672882650816329,
0.8748146543808395,
0.8798411566059673,
0.8790894840441809,
0.8676854479951737,
0.8399522394815929,
0.7909012765428889,
0.7181272750719419,
0.6230637078569397,
0.5109054104418874,
0.38953133060166273,
0.2680539761506972,
0.155261425138004,
0.05791903512671437,
-0.020528925387618968,
-0.07952438809290485,
-0.12026760431724592,
-0.14489243422147136,
-0.1559265170512889,
-0.15595019529692367,
-0.14739207867760473,
-0.13241714802409954,
-0.1128763711814148,
-0.09029623352247151,
-0.06589333558151722,
-0.040603975132547765,
-0.015121910817049722,
0.010060333264917065,
0.034609924344285226,
0.05831445799654178,
0.08104699361057877,
0.1027369324323536
],
[
0.3312375089265806,
0.35188621846797885,
0.3774139197867032,
0.4079033798054675,
0.4431741308399937,
0.4827367323005928,
0.5257694515278066,
0.5711251827876359,
0.6173737720064758,
0.6628829060897892,
0.705940749522503,
0.7449260176223078,
0.7785353153846434,
0.8060708047333195,
0.8276741675999612,
0.8442530385952058,
0.8571838171719447,
0.8679609032756112,
0.8777701206633102,
0.8869375483810245,
0.8942901014134529,
0.8967396116996201,
0.8893663678427759,
0.8660609849992162,
0.8211091255160206,
0.751475696079752,
0.6583509202288244,
0.5469994014821035,
0.42547677778190485,
0.3030515290749145,
0.18860185872734792,
0.08896455592099861,
0.007779864462166053,
-0.05417042384918236,
-0.0979197053313764,
-0.1254869300724688,
-0.13932484257112931,
-0.14196860738243677,
-0.13582298414011507,
-0.12304374796747786,
-0.10548209403286912,
-0.0846702193027189,
-0.06183306170576819,
-0.03791598049811806,
-0.0136214695474014,
0.010549838938283651,
0.03425731668803311,
0.057280346472123767,
0.07948248588493045,
0.10078163864222245
],
[
0.32228309180659703,
0.34267787504717906,
0.36818305297096765,
0.3989203437465782,
0.434732816262755,
0.47513350016814543,
0.5192790964163645,
0.5659776528088917,
0.6137354673897188,
0.6608456479212036,
0.7055204692901021,
0.7460721716610693,
0.7811493421107815,
0.8100185615789777,
0.8327762122692521,
0.850302376734555,
0.8640063085194359,
0.8754919482770693,
0.8861308358860451,
0.8964975652294895,
0.9057232466396161,
0.9110209561851691,
0.907560881227794,
0.8888696381702054,
0.8484552435774828,
0.7825706176216742,
0.6921283871267221,
0.5824273621419057,
0.46162855490476534,
0.3390615173902353,
0.22360031398812147,
0.12210215041292294,
0.038402337631347705,
-0.02644771415490932,
-0.07326117569158763,
-0.10390007959183778,
-0.12071195379884325,
-0.12616572886893684,
-0.12262816200747773,
-0.11223665831304086,
-0.09683698585546319,
-0.07796379150140098,
-0.05684864933227063,
-0.03444523301410807,
-0.011464559471096147,
0.011584563655573032,
0.034353475047978255,
0.05661292742504509,
0.07821630077838093,
0.0990689874687094
],
[
0.3130225972488885,
0.333077434973101,
0.35847335737726793,
0.3893753542851277,
0.42565376126294674,
0.46682637363624113,
0.5120287397552388,
0.56002278109724,
0.6092490339668528,
0.6579238797057818,
0.7041823974849192,
0.7462696415277801,
0.782782771437788,
0.8129414977630061,
0.8367809255535279,
0.8551302396163811,
0.8694031849199961,
0.8812895232225576,
0.8923375322036864,
0.9033892629186914,
0.9139360380874396,
0.9215972324103231,
0.9217882295658986,
0.9077778140706343,
0.8722574699475985,
0.8106827135472229,
0.7236536234976307,
0.6164507709535594,
0.497251546830182,
0.3753503525454674,
0.25954327711064296,
0.156676537628466,
0.07076880796469431,
0.0031625446234574417,
-0.04669285741859874,
-0.08046298267414365,
-0.1003595291820828,
-0.10876306771716637,
-0.10798698937124751,
-0.10014001965736685,
-0.08705582938593392,
-0.07026737779881354,
-0.05101042645250964,
-0.030245575552793835,
-0.008691593126320729,
0.01313497215331394,
0.034877644686456266,
0.056298537550591776,
0.07724051939801324,
0.09759571576331982
],
[
0.3035436321173681,
0.32317514545871834,
0.3483768574848913,
0.37936180790093643,
0.4160319008670512,
0.4579125224265212,
0.5041188644904537,
0.5533656874405516,
0.6040257304808506,
0.6542365756787487,
0.7020543981114319,
0.7456546066044227,
0.7835761321451798,
0.814978670111135,
0.8398209410570454,
0.8588606485789076,
0.873488137475903,
0.8854520775903324,
0.8964637021992008,
0.9076442650921054,
0.9188871982343565,
0.9283076471609109,
0.9317318116569645,
0.9223211625814893,
0.8919414653725598,
0.8351697520195969,
0.7522544815142291,
0.6483793523423079,
0.5316338988762425,
0.41118783002739784,
0.2957056502528921,
0.19200271795146417,
0.10426539316304317,
0.03413054343979627,
-0.01866210007820568,
-0.055548282867966314,
-0.07857495642844992,
-0.09001207759400598,
-0.09210350212145224,
-0.08691796352370262,
-0.07626936619025837,
-0.06168392983790538,
-0.044398349574800045,
-0.025378063755354896,
-0.0053482044653381244,
0.015167925783686864,
0.03580676163934349,
0.05632222334925985,
0.07654672152499564,
0.09635865396737786
],
[
0.29394674905256374,
0.31307567408695325,
0.3380012628012971,
0.3689898159095486,
0.40597969324801053,
0.44850724288289845,
0.49566846617287774,
0.546130127073171,
0.5981952424429868,
0.6499204941633959,
0.6992809207900198,
0.7443783258550958,
0.7836848581713951,
0.8162872815327388,
0.842054568782659,
0.8616555258121023,
0.8764315309992036,
0.8881622078899681,
0.898703318788084,
0.9094567721746507,
0.9207417447764926,
0.9312314357901217,
0.9373183516636524,
0.932249182675947,
0.9071132813738634,
0.8555480787665144,
0.7773957295608696,
0.6776296518870502,
0.5641403048534134,
0.4458966069254417,
0.3313950112310323,
0.22740694831154573,
0.13826940370760565,
0.0659050095753888,
0.010357058029704436,
-0.029555849576687887,
-0.05569094808637243,
-0.07018656333969531,
-0.07520078922575091,
-0.07275043589712227,
-0.06462115445361682,
-0.05232653237718077,
-0.03710015917747589,
-0.019909518626109235,
-0.001484091272443755,
0.017647625494465524,
0.03711623222439586,
0.05666839143424396,
0.07612652984057666,
0.09535517951617478
],
[
0.28434536973276764,
0.30289813220107026,
0.3274700277262388,
0.3583861980461566,
0.3956269114081254,
0.4387433778419312,
0.48681388606075193,
0.538456472365774,
0.5919025206228572,
0.6451256337462714,
0.696017081850553,
0.7426003140663227,
0.7832719900458859,
0.8170347609365508,
0.8436574213426641,
0.863706805588438,
0.8784541622654085,
0.8896835094218052,
0.8993730707113425,
0.9091953066335978,
0.9198995606114511,
0.9307447310843568,
0.9388025193157329,
0.9376157427151536,
0.9176440998298223,
0.8715738512878761,
0.7987453726119869,
0.7037765425295468,
0.5942546308866974,
0.478888906064719,
0.36598398172614066,
0.262257305224639,
0.17217800849305365,
0.09793750221242892,
0.039882981119121586,
-0.0028982892091264922,
-0.032054682659222955,
-0.04957456301343521,
-0.05751491297119071,
-0.05782862659082799,
-0.05226411452581414,
-0.04231577299563605,
-0.029209355682870197,
-0.013910946447208028,
0.0028482400448279765,
0.020536626626195043,
0.03878076490370874,
0.05732149564508082,
0.07597217779870791,
0.09458368218463631
],
[
0.2748654472412053,
0.2927758496474645,
0.31692218100377095,
0.3476942627714211,
0.3851202353059969,
0.42877055117215684,
0.47770748344817715,
0.5304995900550921,
0.5853046448182145,
0.6400109715904938,
0.6924233959899161,
0.7404823743821495,
0.782501522523711,
0.8173910041271981,
0.8448130657779368,
0.8652253537445908,
0.8798146015961108,
0.8903469480767379,
0.898899888542597,
0.9073958925204524,
0.9170000933867863,
0.927552822069937,
0.936838881322918,
0.9388788539277885,
0.923767455998665,
0.8833243093788808,
0.816226476603742,
0.726587361363089,
0.6216061181713639,
0.5096887718840338,
0.39893073448283917,
0.2959842917901814,
0.20542925560843517,
0.1297020813147557,
0.06944321087517669,
0.02401256491779391,
-0.008017247242788295,
-0.02847022077193162,
-0.039288697042942355,
-0.04235023482985478,
-0.03935692069125274,
-0.031776984272267494,
-0.02082307747937695,
-0.007455887268066563,
0.00759478010864123,
0.023796888568254793,
0.04077522509751608,
0.058266737001381186,
0.07607708092795606,
0.0940440236262865
],
[
0.2656448157009071,
0.28285585039840183,
0.3065118830865319,
0.33707334765995334,
0.3746226388630678,
0.41875424054577637,
0.4685162101802645,
0.5224267258203619,
0.5785678696866077,
0.6347406362460687,
0.6886611896429834,
0.7381833590963389,
0.7815322854118595,
0.8175207534280582,
0.8457029175570658,
0.8664271577910602,
0.8807904733226756,
0.8905263667944071,
0.8977911051795155,
0.9047304429736585,
0.9128943185293343,
0.9226716460627226,
0.9324987489529959,
0.9369819019520547,
0.9261793856680457,
0.8912460286182151,
0.8300332612475094,
0.7460286472773032,
0.6459752707562194,
0.5379391849539394,
0.4297880509402143,
0.32809228056177486,
0.2375157276973378,
0.16070977305488776,
0.09858804628208351,
0.050777384246613266,
0.016076002538444656,
-0.007166094830804881,
-0.02076569551309093,
-0.026514791065989307,
-0.026060395357466626,
-0.020837471626692028,
-0.012039965401631436,
-0.0006187569231411727,
0.012701321409003374,
0.02739081823259304,
0.04307547972420922,
0.05949074903587537,
0.07643638811275921,
0.09373797030145514
],
[
0.2568321659251458,
0.2732979648049336,
0.29640765309898137,
0.3266980742240411,
0.36431254339147195,
0.4088746818225507,
0.45942010699113495,
0.5144154429392055,
0.571864914081309,
0.6294805500396202,
0.6848886541257275,
0.7358545789685654,
0.7805123503862788,
0.817576272871975,
0.8464959001875342,
0.8675178821639016,
0.881655168766755,
0.890604465439888,
0.8965865067161536,
0.9019424120369648,
0.9085653073278148,
0.9173227954159937,
0.9271699525616756,
0.9332966859493659,
0.9260176871959981,
0.8961097519445684,
0.8405918231961953,
0.7622395947471783,
0.6672783903142984,
0.5633947178725291,
0.45820201375533137,
0.35816292928019816,
0.26799167065043267,
0.19051801675292634,
0.1269006480000494,
0.07701886416921766,
0.039893749912437104,
0.014053759948975397,
-0.002184602354821874,
-0.01051922820087825,
-0.012534048758140015,
-0.009623834144712684,
-0.002958096282550393,
0.006526751739196368,
0.018114708722592354,
0.031282263102934915,
0.04565919480094116,
0.060982237657091876,
0.07704748610310619,
0.0936695757465047
],
[
0.24858557674470333,
0.2642734984485668,
0.2867911865692083,
0.31675724744435163,
0.3543826798992256,
0.3993255610153624,
0.4506106911827628,
0.5066515959860405,
0.5653724785382688,
0.6243955119476867,
0.6812574906762484,
0.7336358411128692,
0.7795740365396574,
0.8176905797543408,
0.8473385908419516,
0.8686774634222592,
0.8826527426495389,
0.8909330341996498,
0.8957964404121279,
0.8997508638999718,
0.904979311788821,
0.9127287022677564,
0.9223044925055031,
0.929325434739452,
0.9245838401701212,
0.8988478955468806,
0.8484644313576795,
0.7754747585760299,
0.6855335948982302,
0.5859021578774583,
0.4839022380321961,
0.3858520852600309,
0.29647474400201,
0.21873571985834128,
0.1540038183674265,
0.10238891264321881,
0.06312547620610398,
0.034919713242849704,
0.016225706310772803,
0.005446142699583878,
0.001067114191834806,
0.0017405261971865649,
0.00632693790405503,
0.013909144910347448,
0.023783980897428614,
0.03543740725235567,
0.04850654629469997,
0.06273254132635797,
0.07791042705788243,
0.09384548463198017
],
[
0.2410705247562987,
0.2559633609211604,
0.2778556611773152,
0.30745230167488524,
0.3450385686647575,
0.3903124074455076,
0.44228915189061596,
0.4993272584294196,
0.5592689168644818,
0.61964666125269,
0.6779101211325225,
0.7316521554274481,
0.7788296472037932,
0.8179715146760543,
0.8483465109395324,
0.8700465537039122,
0.8839748106169739,
0.8917935271871567,
0.8958359476564287,
0.8987442397369235,
0.9029216326393695,
0.9098717838306307,
0.9190637163601454,
0.9263050484681359,
0.9230143079687871,
0.9003412096218435,
0.8542223358977943,
0.7860279079299735,
0.7008149912971431,
0.6053731791331332,
0.5066862935351701,
0.4108820219945102,
0.3226437245096276,
0.24502478200658379,
0.17956388206832075,
0.12657362810019013,
0.08548662890537972,
0.05518137599518824,
0.03425037612584192,
0.021201140872525226,
0.01459542514375356,
0.013137628033541016,
0.015723738629524253,
0.021460422627682885,
0.029661350937285835,
0.03982552214423829,
0.05160080143977075,
0.06473607386867752,
0.07902824523502283,
0.09427512719910647
],
[
0.23445729343934119,
0.24855554249878398,
0.269803401288692,
0.29899516201213716,
0.3364964864856653,
0.3820505560660783,
0.43466421478463163,
0.49263846566257263,
0.553731942436209,
0.6153892482362682,
0.6749774677229756,
0.7300112101029853,
0.7783681296321703,
0.8184969266174003,
0.8495969371862746,
0.8717157111358156,
0.8857432170908616,
0.8933642179431912,
0.8969668790238228,
0.8992903626466536,
0.9028713108970542,
0.9093208586548788,
0.9180739666475578,
0.9249526919886024,
0.922062872475671,
0.9012406590322563,
0.8583237564677085,
0.7941542175361407,
0.7132040113460335,
0.6217541837763731,
0.526401426267399,
0.43303103385110214,
0.34623356814950584,
0.26909904448378863,
0.20329223895938975,
0.14929634273740444,
0.10672228683385454,
0.0746113012664239,
0.05169196997187597,
0.036578641510856436,
0.027912956321248128,
0.024456807606842212,
0.02514654341875,
0.02911714154103473,
0.035702974390709685,
0.04441952327617982,
0.05492872479553024,
0.06699060851299166,
0.0804071248665239,
0.09497076833321239
],
[
0.22891771040858105,
0.24224181645543985,
0.2628427445976901,
0.29160535415657984,
0.32898075087274053,
0.3747624991211137,
0.427949483666088,
0.48678258324019885,
0.5489362143576415,
0.6117706287983102,
0.6725773299818887,
0.7288017761184336,
0.7782529259978574,
0.819311311181302,
0.8511234687528395,
0.8737167423778529,
0.8879967641934259,
0.8956957592396694,
0.8992572886348028,
0.9014784506580927,
0.9049323473660036,
0.9111699009262453,
0.9194172104683863,
0.9254349513433135,
0.9220146304750891,
0.9018631202916483,
0.8610252374831732,
0.8000068981130244,
0.7227469250664601,
0.6349984991972527,
0.5429267037085389,
0.4521223860382352,
0.3670291918793339,
0.2907216126292876,
0.22494520916289745,
0.1703190905492169,
0.12660949787556897,
0.09300763162031911,
0.06837305674660288,
0.05142689249353072,
0.04089346127604143,
0.03559625132424371,
0.03451636432393357,
0.036821205476859076,
0.04186946150628568,
0.04919628407199872,
0.05848076031410798,
0.06949735758478859,
0.08205637663517318,
0.09594737059104053
],
[
0.2246211654572715,
0.2372135466035109,
0.25718392912783317,
0.285506156728517,
0.32272010663050377,
0.3686743979463152,
0.42236001340783974,
0.4819550676272134,
0.5450506249333243,
0.6089283886099759,
0.6708133902969844,
0.7280932439075931,
0.778521375081527,
0.8204244045675563,
0.852912964840265,
0.8760163766708853,
0.8906789803528901,
0.8986959286506522,
0.9025639511264475,
0.9050994600199133,
0.9088172574038492,
0.9150507970907937,
0.9226911801905991,
0.9274250974557735,
0.9226919841763117,
0.9021593014818436,
0.8623383087963363,
0.8035987240839347,
0.7294254273158469,
0.6450452107945877,
0.5561582592333083,
0.4680143614498584,
0.3848591745721093,
0.3097014071013194,
0.24432276593316554,
0.1894428833276679,
0.144958510895693,
0.11019580480075686,
0.0841380383674788,
0.06561123080801201,
0.05342384360872843,
0.046464147595881355,
0.04376180173629618,
0.04452035750660166,
0.04812609742090401,
0.05413666068153389,
0.06225093769854473,
0.07226079744196012,
0.08398817481361953,
0.09722222479501608
],
[
0.22172991036057405,
0.23365650554800377,
0.25303380358651106,
0.2809195487607539,
0.3179429538494569,
0.3640114751255772,
0.4181078203280816,
0.4783453642879927,
0.5422351085097659,
0.6069884896593324,
0.6697748415801066,
0.7279364828590663,
0.7791860928276259,
0.8218124042570533,
0.854906038720801,
0.8785149843792681,
0.8936352459753183,
0.9021298997844532,
0.9065410465111663,
0.9096667913392928,
0.9138815188373258,
0.9201890003153754,
0.9270827479619479,
0.930176658993931,
0.9235084594461885,
0.9017387310391156,
0.8620307728519621,
0.8047921048358154,
0.7331439158419788,
0.6518073143139465,
0.56599949597302,
0.48059270035317303,
0.39959031469799244,
0.32588964511830554,
0.2612666747545904,
0.20650715692254462,
0.16161313567929592,
0.12602945590574322,
0.09885428925297524,
0.07901523436548397,
0.06540516852017275,
0.05697946256994635,
0.05281953221172919,
0.05216836482723164,
0.05444274844024066,
0.05922518735726945,
0.06623644892606917,
0.07528818254258318,
0.08621700082115413,
0.09881429519986507
],
[
0.22039372304616367,
0.2317446785232985,
0.25058917590441643,
0.27805966426290796,
0.3148711070796907,
0.3609919555114364,
0.4153960012351578,
0.4761317085706732,
0.5406368335222568,
0.606063329116761,
0.6695365359510701,
0.728366067822169,
0.7802387388483076,
0.8234225028996037,
0.8570022639323909,
0.8810526547185931,
0.8966226688413851,
0.9056384923147345,
0.9106738337886088,
0.9144735637941702,
0.9192118189071136,
0.9255119930132428,
0.9314681154793487,
0.9326220501092621,
0.9235614880349745,
0.8999378301728916,
0.8596651518421643,
0.8033156633094282,
0.7337336846965279,
0.6551700177140648,
0.5723571059673334,
0.48976616961223224,
0.41112365623707503,
0.3391767573343427,
0.27565844640611264,
0.22138869835747782,
0.17645045108031177,
0.1403906615094076,
0.11241269889742034,
0.09154136393512657,
0.07675325118795251,
0.06707236347281953,
0.06163448905221913,
0.0597249094372545,
0.06079345355386223,
0.0644494155446852,
0.07043684087961255,
0.07858868581313527,
0.08875873146209334,
0.1007432186802657
],
[
0.22074413893530054,
0.23163316763479064,
0.2500286927752405,
0.27712443525186226,
0.3137117227053574,
0.35981917200625735,
0.41441113613581604,
0.4754747010056487,
0.5403857521126267,
0.6062496310479731,
0.6701594223102914,
0.7294035404532524,
0.7816562557245729,
0.8251812264234977,
0.8590702785236892,
0.8834223503769852,
0.8993304211698145,
0.9087708925888854,
0.9143311161917672,
0.9186737661856352,
0.9237410797213048,
0.9297810608062934,
0.9345374106400159,
0.9334973422288776,
0.9217547795895209,
0.8959170078642014,
0.8546635089250338,
0.7988014482551231,
0.7309714735856814,
0.6549983110005434,
0.5751427634227124,
0.49546541893668106,
0.4193922493902632,
0.34949003511493704,
0.2874173848935601,
0.23400029487455432,
0.18938005058075846,
0.15318966379974852,
0.12472771349148992,
0.10311116124211483,
0.08739887003376445,
0.07668432951020276,
0.07015977412305097,
0.06715522291675924,
0.06715573107027717,
0.06979889728398891,
0.07485277801260903,
0.08217209493565103,
0.09162930117066248,
0.10302788930371243
],
[
0.22288860430969987,
0.23345054774163893,
0.2515033676439549,
0.27828512544183925,
0.31464697421694193,
0.3606714012694652,
0.415313765961945,
0.47650978461039534,
0.5415896842539378,
0.6076261816428207,
0.6716909612819001,
0.7310608502241248,
0.7834083053428013,
0.8270059837673455,
0.8609611177603584,
0.8853879508071664,
0.9014069636878926,
0.9110261719685986,
0.916827389773705,
0.9213712439281113,
0.9263637090783138,
0.9317226187832625,
0.9349309788494654,
0.9314776880797141,
0.9169295849123799,
0.8887712119326097,
0.8463864000288441,
0.7908348321899583,
0.7246079848365176,
0.6511516343513706,
0.5742795264390811,
0.49764477041151367,
0.4243605944430287,
0.3567921015663096,
0.2964988841715399,
0.2442892700051849,
0.2003429739243282,
0.16436419556168091,
0.1357369693013748,
0.11366507375112933,
0.0972876617382522,
0.08576800258116224,
0.07835635688796028,
0.07442953050833323,
0.07350967129024277,
0.07526386427079224,
0.07948435934276799,
0.08604698773648012,
0.09484285691513861,
0.10568455378944897
],
[
0.22690506095938862,
0.23729135280804275,
0.25512637264856275,
0.2816737008983489,
0.3178209921203631,
0.3636889757930443,
0.41822716919728053,
0.47933921695600057,
0.5443293875084311,
0.6102515691881533,
0.6741652961002139,
0.7333430049080205,
0.7854628052492652,
0.8288141959620711,
0.8625216449119119,
0.8867044514302789,
0.9024903567669187,
0.9118977129224748,
0.9174856794198964,
0.9217039726748202,
0.92604064768362,
0.9301536491182191,
0.931380006639028,
0.9253179222063117,
0.907997606325351,
0.8776399602642323,
0.8342137422593079,
0.7790085853199488,
0.7144011780895904,
0.6435027473903733,
0.5697114347229265,
0.496286209099412,
0.4260254625413895,
0.36108012885127244,
0.3028930138026642,
0.25223599876429886,
0.20931043013039097,
0.1738785041844031,
0.14540060128675325,
0.12316197545919805,
0.10637975841055147,
0.09428683730277543,
0.08619262928383686,
0.08152239358529378,
0.07983693297857575,
0.08083373521399129,
0.08432906024494213,
0.0902183172468417,
0.09840931169504308,
0.10872435561060811
],
[
0.23283757065249922,
0.2432097006311466,
0.260963544873773,
0.2873690551655099,
0.32332355292498943,
0.36895858926467334,
0.4232258019861619,
0.48402475363574987,
0.5486543216784457,
0.6141622493409156,
0.677603218810486,
0.7362497019202111,
0.7877888438105591,
0.8305284112574703,
0.8636066823448599,
0.8871382045091274,
0.9022383582055479,
0.9109155384488367,
0.9156940100670934,
0.9189153473358298,
0.9218863444485018,
0.9240908729454875,
0.9228451215093587,
0.9139988081613661,
0.8940652005626124,
0.8618032959084032,
0.8176165538946368,
0.7629733282863386,
0.7001492919382826,
0.6319577472108999,
0.5614145589130589,
0.4914046297690555,
0.42441761883840157,
0.3623855986077209,
0.3066233428434824,
0.25785243113539474,
0.21628237633826985,
0.18172214859987756,
0.15370029765252535,
0.13157844746311143,
0.11464922595115112,
0.10221461118309183,
0.09364388995026973,
0.0884120535739269,
0.08611980086446513,
0.08649568605011315,
0.08937956263891889,
0.0946844407043278,
0.10233118745766301,
0.11215038612756911
],
[
0.24069356193688468,
0.25121519164640915,
0.26902687654193486,
0.29538591757542876,
0.33117225417295715,
0.37649812988085973,
0.43032663547418354,
0.4905827147229451,
0.5545799085220667,
0.6193713313989552,
0.682012212650005,
0.7397765449663565,
0.7903593765256953,
0.832082407082531,
0.8640908471255666,
0.8864860986582124,
0.9003559402593707,
0.907682998703478,
0.9109508963087315,
0.9124072774133873,
0.9132297714744171,
0.9128256112463589,
0.9086202333292884,
0.8968501368468766,
0.874521750601088,
0.8407497279078279,
0.7962109251014098,
0.7424783350652862,
0.6817194348255247,
0.6164745156556474,
0.5494078172166059,
0.48305334842123426,
0.4196038980252014,
0.3607743282138944,
0.3077458887534393,
0.26118060470945925,
0.22128598235785174,
0.1879086201296648,
0.16063815682367655,
0.13890787351475198,
0.1220833570098867,
0.10953485095453996,
0.10069182633363793,
0.09507987723856004,
0.09234047241742016,
0.09223359183683577,
0.0946220246652536,
0.09943418721230168,
0.10659976853307618,
0.1159548620969888
],
[
0.2504430896401845,
0.26127192851104014,
0.27927309337437667,
0.30567248047901213,
0.34130801622584533,
0.3862531753515498,
0.4394872688443808,
0.49898284385913916,
0.5620868812877776,
0.6258684000836838,
0.6873868747760119,
0.7439164450904422,
0.7931546873941127,
0.8334283985350428,
0.8638805657502495,
0.8845932032370512,
0.8966188789295602,
0.9019057935106599,
0.9028974978302473,
0.9017727572965363,
0.8996451304552509,
0.8959506033358675,
0.8883502631272171,
0.8735613323926431,
0.8490648988301005,
0.8142075955994941,
0.7697896654153573,
0.7173991829797898,
0.6590689690351079,
0.5970775488235404,
0.5337621597375011,
0.4713289813713878,
0.41168909164965284,
0.356346461993323,
0.30634804518095105,
0.2622910956942727,
0.22437398474778386,
0.19247381870703584,
0.16623538943754235,
0.1451593955830477,
0.1286818630557428,
0.1162402207585953,
0.10732404811455531,
0.10150997931503647,
0.09848070631680439,
0.09802761680086403,
0.1000354646449012,
0.10444569076943389,
0.11119309455024873,
0.12011804989359576
],
[
0.2620201730423113,
0.27330080396996376,
0.2916077189612813,
0.3181181580776299,
0.353609670577817,
0.3981085470963439,
0.4506116321629611,
0.509151220828914,
0.5711228406696686,
0.6336204611603768,
0.6937098311971222,
0.74866127286147,
0.796166036243505,
0.834544019534968,
0.8629254082163029,
0.8813686077248064,
0.8908929530296943,
0.8934123896763508,
0.8913359028981264,
0.8868086267825059,
0.8809545562710182,
0.8733448553452396,
0.8619847598916817,
0.8441203872017311,
0.8176735126568507,
0.7821430244066048,
0.7383321888890322,
0.6877515075119642,
0.6322584580029569,
0.5738679533656682,
0.5146071386203921,
0.45637498637344037,
0.40081718219112566,
0.34923614573302103,
0.30254733660706834,
0.2612813423165616,
0.22562291753180863,
0.19547440107085323,
0.17053089565668655,
0.15035676387707309,
0.13445599929112828,
0.12233190376270653,
0.11353370279315289,
0.10768905746134882,
0.10452188392713269,
0.10385455499267637,
0.10559253953629288,
0.10968804366930973,
0.11607877867296323,
0.12460988299194176
],
[
0.27532593126420984,
0.2871844278848358,
0.3058929770581235,
0.33256616352391005,
0.3679104670183691,
0.4119036282865047,
0.4635600619928023,
0.5209761534034993,
0.5816055936105758,
0.6425738226514515,
0.7009530037514039,
0.7540034124439502,
0.7993985639641918,
0.8354375822856123,
0.8612268112140526,
0.8767985776522282,
0.8831484588864752,
0.8821649728107747,
0.8762342515295483,
0.8675117521800881,
0.8572106288196709,
0.8451365352862873,
0.8297215768592783,
0.808755678552502,
0.7805619150007882,
0.7447366418901892,
0.7019973410437521,
0.6536924349361919,
0.6014563330470433,
0.5470282089031024,
0.4921343381789809,
0.4383834007261182,
0.38717157644586436,
0.3396106536456148,
0.2964898638995266,
0.2582737739469408,
0.2251311989561623,
0.19698600775858555,
0.17357973827594708,
0.15453710597384518,
0.13942764499185212,
0.12781899338062086,
0.11931917898358735,
0.11360642749434058,
0.11044543751525249,
0.10968879190475966,
0.11126132587839921,
0.11512431396174583,
0.12121778025919372,
0.1293929549860382
],
[
0.2902329874024907,
0.30277361214933307,
0.32195716059120194,
0.3488259046814324,
0.38401131699684554,
0.427445353156302,
0.4781599804875846,
0.5343153612493243,
0.5934275019336446,
0.652656511571329,
0.7090789160514531,
0.7599367420528916,
0.8028726419393848,
0.8361502731643761,
0.8588415737456078,
0.8709522521882962,
0.8734655417719883,
0.8682595453115172,
0.8577202756539719,
0.8440631395507592,
0.8286677751820278,
0.8116605637859814,
0.7919577900467208,
0.7678878764755189,
0.7381350178077338,
0.7023515619941395,
0.661105485944309,
0.6155126190862252,
0.5669364202194209,
0.5168219577347064,
0.46659755396083696,
0.41759455537779494,
0.37097412582635053,
0.327668806232944,
0.2883483363117551,
0.2534136900007149,
0.22301705378786008,
0.19710137090358337,
0.17545152517561557,
0.15774963152871946,
0.14362835181212696,
0.13271789623812857,
0.12468388065874092,
0.11925420770065076,
0.11623352473386817,
0.11550360913269186,
0.1170074313806232,
0.12071441000301986,
0.12656743348847743,
0.13442543784193162
],
[
0.3065905301677393,
0.3198943319084391,
0.3396036959867996,
0.36668341172674945,
0.4016911514046731,
0.4445183758210312,
0.49421519296576766,
0.5490030086968616,
0.6064600179262241,
0.6637807475250973,
0.7180416802201364,
0.7664566473787373,
0.8066231840881113,
0.8367546166265089,
0.8558787138271161,
0.8639750189428205,
0.8620247510440184,
0.8519151626893617,
0.8360656547290851,
0.8168045221964834,
0.7957495926929588,
0.773418666450787,
0.7492486874828473,
0.7220902266268511,
0.6909495320361532,
0.6555005191046683,
0.6161154540617999,
0.5736221133080492,
0.5290699603884602,
0.4835895191294136,
0.4383099310232509,
0.39429475755331855,
0.3524828528103391,
0.3136385932771784,
0.2783196255822559,
0.24686685121347274,
0.21941625683607502,
0.1959283043594252,
0.17622871074086155,
0.16005428311609604,
0.14709836482670136,
0.13705173855434627,
0.12963604064424727,
0.12462757943467984,
0.12186980178004525,
0.12127254823637745,
0.12279595621495176,
0.12641738636831312,
0.13208380739586956,
0.1396634834970769
],
[
0.3242294849097622,
0.3383543677403541,
0.35861903644851223,
0.3859096306324062,
0.420714909351054,
0.4628928431688939,
0.5115132742280841,
0.5648557474313483,
0.6205577646412668,
0.6758450485480704,
0.727787369692244,
0.7735588576380432,
0.810696856946431,
0.8373494831934546,
0.8524909971223187,
0.8560749406106267,
0.8490900084366306,
0.8334555537647297,
0.8116642485959369,
0.7862112196870142,
0.7590162754159397,
0.7310441473236822,
0.7022735835496607,
0.6720556583374206,
0.6396814189066179,
0.6048156478191181,
0.5676001784146529,
0.528532860827848,
0.488313813393928,
0.4477400293951702,
0.40763847852766605,
0.36881209751129973,
0.33198841627356485,
0.29777398863305093,
0.2666218204925193,
0.2388167687051464,
0.2144796937154032,
0.19358758063869463,
0.1760048247021182,
0.1615203403002864,
0.1498856162533848,
0.14084976185693132,
0.1341885358870245,
0.12972504918529015,
0.1273401638379995,
0.12697063397160524,
0.12859310032191196,
0.13219320401548595,
0.13772350762787544,
0.14506309851370214
],
[
0.34296738928305825,
0.35794917828780876,
0.37877913946028247,
0.4062668493914966,
0.4408396121344835,
0.48233022912154905,
0.5298311465343614,
0.5816774645204674,
0.6355617899399321,
0.6887356840828532,
0.7382536083637864,
0.7812370915447261,
0.8151474668395844,
0.8380525500700314,
0.8488635798662785,
0.8475074879497009,
0.8349899149025322,
0.8132872318233794,
0.785007260310921,
0.7528640255458656,
0.719134144742903,
0.6852714559074872,
0.6518071692460347,
0.6185693663718062,
0.5850986324011225,
0.5510218622752123,
0.5162231078528022,
0.48083980552006134,
0.44519630535953375,
0.4097411237266938,
0.37499647606865466,
0.3415106419014078,
0.3098094359949916,
0.28035100602989127,
0.2534908007861877,
0.22946170021869394,
0.2083707474742178,
0.19021070453582956,
0.17488263799756865,
0.16222498298165633,
0.1520446900081167,
0.14414669293503546,
0.13835866954123144,
0.13454865001579486,
0.13263336062548614,
0.13257535453463698,
0.13436737864269332,
0.13800402373628162,
0.14344501455568437,
0.15058156238821008
],
[
0.36261272732797045,
0.3784668257431033,
0.39985459011890806,
0.4275135923032601,
0.4618189208467151,
0.5025876464571262,
0.5489391548111615,
0.5992627687781039,
0.6513018784282192,
0.7023273583099978,
0.7493683464196634,
0.7894796569691543,
0.8200299779928579,
0.8389912003422968,
0.84520142192765,
0.8385597074727439,
0.8200984958159759,
0.7918766330752656,
0.756657640869306,
0.7174218389166291,
0.6768479686058666,
0.636909924669565,
0.5986952373846588,
0.5624856687272176,
0.5280380381908789,
0.49491362003292727,
0.4627162275030004,
0.431201834862703,
0.4003018153890141,
0.3701069684469489,
0.34083430068145765,
0.31278333205966213,
0.2862868566241326,
0.2616630943489681,
0.23917638455934398,
0.2190113856154252,
0.20126253292040974,
0.1859376000637062,
0.17297227811216553,
0.16225182103188107,
0.15363575610076063,
0.14698207576214328,
0.1421678931319067,
0.1391040402763456,
0.1377414371547856,
0.13806736818134924,
0.14009047450630796,
0.14381511209221154,
0.14920963882785743,
0.15617846461734342
],
[
0.38296861000443494,
0.3996919491916703,
0.4216145509034348,
0.4494082998632321,
0.4834065269604338,
0.5234210091672739,
0.5686039913981263,
0.6173994268036322,
0.6675979996370837,
0.7164831630917083,
0.7610479167471433,
0.7982652440476559,
0.8253936368029203,
0.8402926106714108,
0.8417162381014088,
0.82953414207059,
0.80481583441069,
0.7697274304757173,
0.7272250727205957,
0.6805958688469962,
0.6329560295840418,
0.5868208616771053,
0.543833731346941,
0.504708053755031,
0.4693854208158333,
0.4373343840993299,
0.407859745740137,
0.3803231323096124,
0.3542548267318349,
0.32938528987352106,
0.30562916335307766,
0.28304392236473086,
0.2617775667757463,
0.24201600617046382,
0.2239381314098584,
0.20768357344300314,
0.1933350129510435,
0.18091423451251265,
0.17038931023377812,
0.16168939966578366,
0.15472347666849906,
0.14939955842027997,
0.14564145293285724,
0.1434004782345335,
0.14265998403699154,
0.14343094704967596,
0.14573778247981872,
0.14959542997936692,
0.15498216372917095,
0.16181642776332128
],
[
0.4038357867815054,
0.42140887287570317,
0.44382974896199817,
0.47171207566285134,
0.5053586811490032,
0.5445873785519671,
0.5885908192725989,
0.6358700434033837,
0.6842611017780538,
0.7310539652064106,
0.7731945600460873,
0.8075581963169453,
0.8312746218700958,
0.8420735272519977,
0.838613368216398,
0.8207327781037663,
0.789548939465763,
0.7473585100708497,
0.6973420859566881,
0.6431255795909048,
0.5882875034838397,
0.5358971293538467,
0.48815013439405014,
0.446171400071904,
0.4100575386461614,
0.379157925966796,
0.3524630889861462,
0.3289350809960646,
0.30770386136050565,
0.28814388193683427,
0.26987418012497494,
0.2527182857162989,
0.23664750512783606,
0.22172229601929533,
0.20804090429534206,
0.19570040617039397,
0.18477204194696262,
0.17529021021940272,
0.16725280481766536,
0.1606296932539032,
0.15537588932326896,
0.15144613440828403,
0.14880795569037508,
0.14745066882664304,
0.14738820481393278,
0.1486541888422177,
0.15128869461430405,
0.15531796440068035,
0.16073123358397123,
0.16746157463247713
],
[
0.4250150340798928,
0.44340397647545965,
0.4662747050242905,
0.49419074299160004,
0.5274361247533464,
0.5658467888332366,
0.608664922831946,
0.6544533138877738,
0.701093542501854,
0.7458774873988272,
0.7856936745690283,
0.8173035590528533,
0.8376885744058511,
0.844430083064013,
0.836078852541396,
0.8124413061008929,
0.7746931335277345,
0.7252828159778432,
0.6676413822460383,
0.6057561164904892,
0.543681480257555,
0.4850443093667399,
0.43258624351845876,
0.3878253845050159,
0.35098521609307093,
0.3212705623243757,
0.29734665225590484,
0.2777786095171175,
0.2613055080929331,
0.24695694347431174,
0.2340671391918025,
0.2222353934087964,
0.21126448855040547,
0.20109561688487643,
0.19175030651668878,
0.18328474306866405,
0.17575838967556245,
0.169216360370821,
0.1636834161618108,
0.15916660373068647,
0.15566327765784882,
0.15317134394767962,
0.1516988583001908,
0.15127049160208283,
0.15192882127911234,
0.15372903424158024,
0.15672668022758274,
0.16095985533684432,
0.16642953868436206,
0.1730837892457444
],
[
0.446309000655747,
0.46546746496290536,
0.48872938661505483,
0.516616416103569,
0.5494056491642119,
0.586963810879912,
0.6285931878433559,
0.6729251806211956,
0.7178894959127289,
0.7607774168210375,
0.7984111045057716,
0.827422207618521,
0.844623321086326,
0.8474279661039175,
0.8342670229540595,
0.804914019633241,
0.7606142381106994,
0.703987174365391,
0.638734221791268,
0.5692167224527577,
0.4999668222529917,
0.43516251255054855,
0.37808136121664127,
0.3306180890969885,
0.29309646763661984,
0.2645534204205673,
0.24332370622355298,
0.22758677394092697,
0.21570864963843328,
0.20639151515316712,
0.19869927688437516,
0.19201825498435676,
0.18599099269874764,
0.180444987621183,
0.17532811725649045,
0.1706565066552942,
0.16647680478231186,
0.16284238937620488,
0.1598014998706332,
0.15739448285464963,
0.15565704255908852,
0.15462644621152022,
0.1543478932378436,
0.1548786271996534,
0.15628784423245323,
0.15865112860233854,
0.16203920369284763,
0.16650236196380264,
0.1720538396481408,
0.17865681384206955
],
[
0.4675236064906893,
0.48739467101967193,
0.5109804423202073,
0.538768755024038,
0.5710414696120266,
0.6077090734732226,
0.6481456777460547,
0.6910602116311256,
0.7344356959293711,
0.7755629354271738,
0.8111908614703849,
0.8378063716648873,
0.8520320883020899,
0.8510933002709331,
0.8332889987478944,
0.7983597392965689,
0.7476318786169741,
0.6839132372018855,
0.6111897089003377,
0.5341995929076557,
0.45794198007463144,
0.387127833741795,
0.3255548938880341,
0.27547878002570836,
0.2372986327826188,
0.20986387171757825,
0.19118193029427977,
0.17906740473352667,
0.1715389865219541,
0.16699425882445917,
0.16424434853499137,
0.16247508561540325,
0.16117710681679442,
0.1600692017201285,
0.15902785049055623,
0.15802914128755197,
0.15710517968916293,
0.15631460074935977,
0.15572529925428413,
0.15540669991379352,
0.15542859095952077,
0.15586357736392997,
0.15679044632159322,
0.1582961041649431,
0.16047423908192182,
0.1634195640371905,
0.1672175187990208,
0.17193070579618752,
0.17758486755637204,
0.18415821768643903
],
[
0.48846909796466614,
0.5089870122128286,
0.532822147980519,
0.5604360385240279,
0.5921265605753357,
0.627860918469642,
0.6670975301264077,
0.7086334857827162,
0.7505128681342228,
0.790029104919956,
0.8238538016421075,
0.8483160151943633,
0.8598276106209447,
0.8554047638618647,
0.8332025723059368,
0.7929292269553923,
0.7360043293876192,
0.6654398221360872,
0.585514960836685,
0.5013387183611628,
0.4183538778938582,
0.3417723741221813,
0.2758872686574134,
0.22329876065357246,
0.1844584817050463,
0.15801539202158832,
0.14166423263049632,
0.1328857986426225,
0.12938403133300502,
0.1292788418527706,
0.13114827377577287,
0.13399095546835238,
0.13715387339442386,
0.14025154096030168,
0.14309055857139386,
0.14560627116860658,
0.14781387855868022,
0.14977375585998243,
0.15156923154133184,
0.1532942777698154,
0.15504826055872256,
0.15693491177275398,
0.15906290598742423,
0.1615457895718908,
0.16449951498720228,
0.168036534294011,
0.1722563726892571,
0.17723382253045528,
0.18300713054576578,
0.18956926785198103
],
[
0.5089608636811799,
0.5300527133948226,
0.554057172343424,
0.5814161579710838,
0.6124540600007413,
0.6472073178612743,
0.6852313424658111,
0.7254232148007174,
0.7658981589183653,
0.8039585212207758,
0.836197865614575,
0.8587770641994197,
0.8678781948534948,
0.860287638033996,
0.8340040292624762,
0.7887046321709806,
0.725915453730925,
0.6488671463622416,
0.5621364508138667,
0.4711885649687835,
0.3818750929149969,
0.2998616663561302,
0.22989797118552574,
0.17490909943470978,
0.13537927551143836,
0.10975537837660265,
0.09544886269613129,
0.08964769088146152,
0.0897788830486198,
0.09371424027470165,
0.0998196425364748,
0.10692016501977042,
0.11422720969045896,
0.12125494609268972,
0.12774099387242777,
0.1335786400346768,
0.13876328704583185,
0.1433531053497088,
0.1474423041682158,
0.15114462026341136,
0.15458429976789445,
0.1578918448042529,
0.16120200406890461,
0.1646518466239596,
0.16837726404301256,
0.17250693070324818,
0.17715364734300953,
0.1824040493078879,
0.18830865261592022,
0.19487472730217847
],
[
0.5288201163442391,
0.550407395566817,
0.5744972507877703,
0.6015176062880494,
0.6318288093938947,
0.6655481265402018,
0.7023401483472322,
0.7412142554867333,
0.7803687894491806,
0.8171245576130192,
0.8480003278161088,
0.8689822755264446,
0.8760066748832426,
0.8656103350660471,
0.8356224291179211,
0.7856915747410163,
0.7174644422371613,
0.6344037256849071,
0.5413832605854215,
0.44420301506458904,
0.3490789428054057,
0.2620682834980263,
0.18831936379531766,
0.13105390775095993,
0.09077396915690972,
0.06574101924883535,
0.05312934838131822,
0.04988307474849252,
0.05319325545885534,
0.0607143354249744,
0.07062137643892108,
0.08157957769289659,
0.09267259058535604,
0.10331778100463085,
0.11318422992629584,
0.12212140645539804,
0.1301016370534669,
0.1371766315333981,
0.1434466893585985,
0.14904035294449858,
0.1541019217056403,
0.15878421539956256,
0.16324416751909598,
0.16763918086677265,
0.17212267406833304,
0.17683790339068917,
0.1819099620687722,
0.18743676971629963,
0.1934806661522247,
0.20006260141475685
],
[
0.5478745494359873,
0.5698746281973195,
0.5939638431732702,
0.6205605131376779,
0.6500690582588425,
0.6826976849696356,
0.7182310032625051,
0.75580256563269,
0.793707049065261,
0.8292963727800936,
0.8590222016523524,
0.8786944507846564,
0.883991801836032,
0.8711836242396687,
0.837916817535133,
0.7838145145811891,
0.7106591853194327,
0.6221569752730105,
0.5234734956750998,
0.420715880311957,
0.3204130869531696,
0.22894059715079934,
0.15176476335881606,
0.09235773968737215,
0.05123450570443633,
0.026514351177831297,
0.01519547510855701,
0.01403178348604417,
0.020020380476900912,
0.030629222546092016,
0.04386383723618936,
0.058243120789555514,
0.07273064886164904,
0.08665030642761773,
0.09960282777081553,
0.11139185736930157,
0.12196315192117146,
0.13135753491025481,
0.1396764818258175,
0.1470582969252915,
0.1536624496168959,
0.1596595853920697,
0.16522489896684955,
0.17053289434164576,
0.175752035344672,
0.18103840809217098,
0.18652825648884963,
0.19233003501339707,
0.19851727597289592,
0.20512385047484805
],
[
0.5659590851305574,
0.5882865447123676,
0.6122888478213235,
0.6383777625052265,
0.667008327165354,
0.6984877224411589,
0.7327291028637832,
0.7690005346564786,
0.8057066064247232,
0.8402457232236842,
0.8690148348615176,
0.8876519320923895,
0.8915720592392735,
0.8767627512035078,
0.8406768362174493,
0.7829160996137889,
0.7054141968286304,
0.6121287168328312,
0.5085055556440079,
0.40092539684205125,
0.2961742838130246,
0.20086700552903836,
0.1206890405674852,
0.05928601673917577,
0.017199310388162026,
-0.007520816022780208,
-0.017982779385928627,
-0.01756799091598027,
-0.009431517767454989,
0.003738650697430179,
0.019799647431269052,
0.03713763255973612,
0.05460381822492644,
0.07143195407075142,
0.08715461408678726,
0.10152758863197242,
0.114466547778312,
0.1259969912552883,
0.13621665990689902,
0.1452685925317213,
0.15332256877049988,
0.16056259048933497,
0.1671782017838256,
0.17335776429366645,
0.17928225838531375,
0.18511875535165834,
0.19101336997728036,
0.19708417670975475,
0.20341510950720354,
0.21005208254509578
],
[
0.582916843168301,
0.6054846322253489,
0.6293154504793719,
0.6548162257029854,
0.6824973978453277,
0.7127704467233316,
0.7456822466758153,
0.7806429742122489,
0.8161799560433121,
0.8497554898461953,
0.8777287574131482,
0.8955767173210769,
0.898452368378159,
0.8820528483177281,
0.8436272597218868,
0.7827612135991611,
0.7015539958247431,
0.6042167640936336,
0.49645607635316397,
0.38488594996366043,
0.2764898964773542,
0.17804145970254293,
0.09534047738043527,
0.032101556083544924,
-0.011074518886920126,
-0.03611585172336085,
-0.04616604683621728,
-0.044687023802080894,
-0.034944527973921,
-0.019752048285491264,
-0.0013795693784377505,
0.018440184669011206,
0.038454105597658716,
0.05780946236278761,
0.07597111573093929,
0.09264518552777912,
0.107713915628042,
0.12118319798165655,
0.1331422650114329,
0.14373398554917427,
0.15313369691207335,
0.16153437524011616,
0.1691360627057954,
0.17613776015359073,
0.18273041666073153,
0.1890901756541461,
0.19537163040871552,
0.20170142273220903,
0.20817296493673132,
0.21484323842841802
],
[
0.5986004796705259,
0.6213208278180099,
0.6448992071990157,
0.6697381555904295,
0.6964063856226228,
0.7254216432755072,
0.7569653393833188,
0.7905933842362521,
0.8249666214600225,
0.857629653421478,
0.8849247827302968,
0.9021855469826487,
0.9043142167789591,
0.8867181941321526,
0.8464370808555839,
0.7830464590422498,
0.6988227148667866,
0.5982234384977297,
0.4871859395366286,
0.3725100749106611,
0.26131346193093136,
0.1604470332080251,
0.07572351957183376,
0.010838154430215297,
-0.033523537508032386,
-0.05918355928209851,
-0.06924907947576464,
-0.06720728042720592,
-0.05639267640239398,
-0.039713313266662165,
-0.019544410179770155,
0.002276945884232884,
0.024402033360039987,
0.04589590171690994,
0.06615667127683511,
0.08483941907162229,
0.10178999662220767,
0.11699071994294463,
0.13051780822857906,
0.14250928445065858,
0.15314148191558175,
0.1626121213433369,
0.17112800220238433,
0.17889560959786777,
0.18611332523106838,
0.1929644111368325,
0.19961046234474134,
0.20618552684558566,
0.2127914667274856,
0.21949527811874625
],
[
0.6128740689044456,
0.6356590855005404,
0.6589094952426753,
0.6830228202118842,
0.7086268523392308,
0.7363435511897476,
0.7664844963314795,
0.7987499195778671,
0.8319414943428488,
0.8637041820943256,
0.8903871183865115,
0.9072041801639688,
0.9088297780040131,
0.8903959922157274,
0.8487338635959102,
0.7834157899447567,
0.696900393418161,
0.5938712295578706,
0.4804547195889655,
0.36358203819808543,
0.25043867113166723,
0.14787334438484312,
0.06162549975816678,
-0.004680415584227826,
-0.05026718127574059,
-0.0767912643469636,
-0.08725603659999681,
-0.08511866075324348,
-0.07373972780821636,
-0.056089945154577436,
-0.034626871612653765,
-0.011276421321941954,
0.012526741785564233,
0.03577058202834571,
0.05778821530951739,
0.07818295631356675,
0.09676185051815767,
0.11348013600009788,
0.1283969065890065,
0.14164099230005578,
0.15338543159382256,
0.16382867551485913,
0.1731806998791976,
0.1816524216629538,
0.18944716348696233,
0.19675334192289973,
0.20373802238590577,
0.21054141879747046,
0.2172727359012102,
0.22400787613800854
],
[
0.6256157249866886,
0.6483776201914795,
0.6712315172132838,
0.6945685072275156,
0.7190739340815413,
0.7454672383206453,
0.7741802046951554,
0.8050502857813154,
0.8370224075156778,
0.8678579084312691,
0.893937776990723,
0.9103847464998418,
0.9116806058541528,
0.892715467693729,
0.8501241959457146,
0.7834829141634432,
0.6954258637443342,
0.5908249034574498,
0.47594254143137926,
0.35778157818135226,
0.24352905641165995,
0.1399595016419738,
0.05267666843879171,
-0.014791055780504325,
-0.06157774712073982,
-0.08914209183655208,
-0.10032817564874863,
-0.09851062417198242,
-0.08703339607883465,
-0.06889710063581944,
-0.04661760556620598,
-0.0221929172375519,
0.002867190716584367,
0.027479800157563017,
0.05091570683018787,
0.07272656564843161,
0.09267890508840615,
0.11069797894044009,
0.12682214513818246,
0.14116711227876821,
0.1538986768875521,
0.16521227996806231,
0.17531769934660202,
0.18442737222228012,
0.19274714769714052,
0.20046865281561155,
0.20776286731934202,
0.21477488072941975,
0.22162008059988791,
0.22838213144268793
],
[
0.6367211693305255,
0.6593720862748151,
0.6817691095710211,
0.704295097005565,
0.7276884694059897,
0.7527541695147729,
0.7800289170095399,
0.8094746224891063,
0.8401757506876625,
0.8700220021282283,
0.8954508587484878,
0.9115253391766466,
0.9125813593246027,
0.8933232681630112,
0.8502212262709781,
0.7828607522192007,
0.6940252094065538,
0.588718291211278,
0.47327699880674157,
0.35471409622709854,
0.24015559985195678,
0.13624238545989475,
0.04840283487289132,
-0.01994132316025954,
-0.06784233711356591,
-0.0965488123956687,
-0.10870592863121231,
-0.10755971429494704,
-0.09639654770763739,
-0.07821404901519746,
-0.0555614867950035,
-0.030491073118567358,
-0.004575648021363232,
0.021038352880857425,
0.04556315065505723,
0.06849978223113651,
0.08957336288450324,
0.10867695312216041,
0.12582515494224134,
0.14111712121489428,
0.15470786602878717,
0.16678640551939117,
0.17755919429472156,
0.18723745467827035,
0.19602725681627753,
0.2041215440605073,
0.21169365886554015,
0.21889225373721588,
0.22583771095469118,
0.23262029611548551
],
[
0.6461083965214108,
0.6685600047975416,
0.6904486841112012,
0.7121474464247414,
0.7344390726802935,
0.7581966567139409,
0.7840424736070237,
0.8120453517211995,
0.8414186995010416,
0.8701861761363839,
0.8948643534225948,
0.9104896391928549,
0.9113082404901578,
0.8919164252067403,
0.8486804324199473,
0.7811971082612336,
0.6923433084105024,
0.5871829371141362,
0.47206194079708036,
0.3539427807743632,
0.23983468559950316,
0.13619955280253027,
0.04826806751663115,
-0.020647545122828848,
-0.06952574817054757,
-0.09940522188934098,
-0.11270796100611669,
-0.11251440579971694,
-0.1020162255124345,
-0.0841762014414088,
-0.06155182051831409,
-0.036230749285488084,
-0.009835755597520257,
0.01643171353882189,
0.04173014149328125,
0.06551198484459375,
0.08746093178539782,
0.10743640690287182,
0.12542689168658827,
0.14151210129887215,
0.1558331839158722,
0.16856968451053345,
0.17992189504686396,
0.19009729651322316,
0.19930001302431355,
0.2077224881151245,
0.21553890725010083,
0.22290017703579318,
0.2299304809511145,
0.23672552580685097
],
[
0.6537233401903979,
0.6758867981700117,
0.6972247126846469,
0.7180997148485073,
0.7393239237270153,
0.7618169152591088,
0.7862649467668439,
0.8128230908660209,
0.84081652292153,
0.8683994518492006,
0.8921862519089856,
0.907222366164974,
0.9077288707501673,
0.8882841976098506,
0.845244243050097,
0.7782124687495726,
0.6900740669561056,
0.5858750514355273,
0.4719047732683366,
0.35501872645923516,
0.2420617623842078,
0.13928430126165525,
0.05170874063010267,
-0.01746117489413157,
-0.0671383036819817,
-0.09815875964550214,
-0.1127096489328222,
-0.1136787712265831,
-0.10413141937249282,
-0.0869660013308916,
-0.06472357517395344,
-0.03950812144557736,
-0.012978365067100373,
0.013618750253405532,
0.03939384556582226,
0.06375382464660073,
0.08634183763905545,
0.10698303080657068,
0.12563809486388045,
0.1423650165137761,
0.157288487968686,
0.17057593823153594,
0.18241897267786011,
0.19301904040600115,
0.20257631674953758,
0.2112810328455227,
0.21930675447712833,
0.22680536096875314,
0.2339036588613868,
0.24070165383181902
],
[
0.6595457067478081,
0.6813336227556713,
0.7020871875603534,
0.7221601072007542,
0.7423716976820449,
0.7636645638591687,
0.7867669558576421,
0.8118982671694663,
0.8384735825438868,
0.8647633261681353,
0.8874915528448306,
0.9017549312997726,
0.9018236473446053,
0.882352495562685,
0.8397869726258161,
0.7737299467381202,
0.6869835688849364,
0.5844971857050116,
0.47243941750058427,
0.35750635391235835,
0.24633871969323673,
0.14495305945747805,
0.05816006090544179,
-0.010942381507262566,
-0.06120957484627232,
-0.09328640346110162,
-0.10912279215137455,
-0.11139627717908784,
-0.10302047148469307,
-0.08680327157403311,
-0.06524604333570394,
-0.04045013155580146,
-0.01409578599277772,
0.012534851262500979,
0.038511324898793275,
0.06319893860293302,
0.08620207135280489,
0.10731174771681995,
0.12645990384992822,
0.143681117317495,
0.15908154924469575,
0.1728142913982006,
0.18506007591727336,
0.1960122869709291,
0.20586533446943056,
0.2148056502838791,
0.22300479704291437,
0.230614394078276,
0.2377627268725781,
0.24455298993750652
],
[
0.6635928678606462,
0.6849249728101112,
0.70506972784481,
0.7243738797090208,
0.7436407334084746,
0.7638126410484909,
0.7856382116094832,
0.8093793225822251,
0.8345174560259431,
0.8594156185493989,
0.8809081303232125,
0.8941973898874097,
0.8936849119325769,
0.8741921155427217,
0.8323255318306589,
0.7676849567212717,
0.6829212811667491,
0.5828120296700453,
0.47334305269970633,
0.36100273205432104,
0.25219452979141666,
0.15268584828319998,
0.06707608328669923,
-0.001639862456679242,
-0.05226772718157702,
-0.08527461994313934,
-0.10237766599932419,
-0.10603468978634822,
-0.09898886463738499,
-0.08393555970845445,
-0.06331531528727552,
-0.039208675777655855,
-0.01330294862097936,
0.01309531893580762,
0.039022105054710154,
0.06380587630534607,
0.08701481916759213,
0.1084067582859819,
0.12788460453743178,
0.1454584548700888,
0.16121438565208202,
0.17528936452451438,
0.1878514145334802,
0.19908409481763123,
0.20917443638015565,
0.2183036290192958,
0.22663994688593353,
0.23433358360157763,
0.24151320975575646,
0.24828414401659632
]
],
"zauto": true,
"zmax": 0.9388788539277885,
"zmin": -0.9388788539277885
},
{
"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.363117431046726,
0.34808547137408063,
0.33109907004383743,
0.3118111058038567,
0.28981615093421276,
0.2646960967587296,
0.23609782479327204,
0.20384080239095367,
0.16804809480113636,
0.12929427437643182,
0.08877616609552187,
0.04861014343686352,
0.014578577609138046,
0.02557732599975566,
0.046682374886356535,
0.057151758333561474,
0.055826613523226626,
0.043652582565058884,
0.02362897249327223,
0.012874141522252606,
0.03535703565056198,
0.058763201145573214,
0.07727294343098126,
0.09001495245044322,
0.09738264261877988,
0.09976578662525334,
0.09666326904391152,
0.08673072035856164,
0.06859434676576562,
0.04190360916074237,
0.012345512550253655,
0.03848548938204332,
0.0818332832097447,
0.12593562623476293,
0.16829521197212266,
0.20743133059363317,
0.24244591160824963,
0.2728771984516927,
0.2985956886518554,
0.3197218204431227,
0.3365617281173504,
0.3495581090675516,
0.35925227263220166,
0.36625264958595394,
0.37120488014507574,
0.37475942439632653,
0.37753475926958785,
0.3800775745220083,
0.382825120042617,
0.38607734589295656
],
[
0.3576639290647288,
0.34235092830578817,
0.3252545830391741,
0.30605760204175675,
0.28436835993612647,
0.25976560478688593,
0.23188082845433,
0.20051614716019958,
0.16579075588264108,
0.12831381368957873,
0.08942084766313037,
0.051776548968031695,
0.023697976947390998,
0.02995731339911895,
0.047676755190904425,
0.05719821432945152,
0.05608142812656542,
0.04505473924027251,
0.027128497738230117,
0.015105260092468951,
0.03127799345350418,
0.05173412756831955,
0.06784915317735701,
0.07854745886673556,
0.08460501359466858,
0.08683931100811777,
0.08481459153172581,
0.07693874832758117,
0.06171292743254239,
0.039766299751429764,
0.02434624299925692,
0.04843635561956028,
0.08817915466463745,
0.13023554607961846,
0.17113712268280318,
0.20911136621749016,
0.24313149288062472,
0.2726627948226278,
0.29752868381865166,
0.31781843018187966,
0.33381967065898843,
0.3459687463446958,
0.3548132973060545,
0.3609813075703047,
0.3651506749593706,
0.3680142231243383,
0.37023752832212087,
0.37241115744446535,
0.3750039594742293,
0.3783276620098545
],
[
0.3517829843934121,
0.33617702658438037,
0.31899796726692203,
0.29997215963937557,
0.2787343587311974,
0.2548714836298857,
0.22801227258691786,
0.19796181721104228,
0.16487557127220742,
0.12948098243892267,
0.09343031100144093,
0.060230402112235244,
0.038522605095215684,
0.03997288230951485,
0.051825839464418225,
0.05901381190584343,
0.05759503991621192,
0.04779469556047781,
0.032470016862419786,
0.02103462134304054,
0.02951240865968047,
0.04576412815758589,
0.05896860776092385,
0.06728224359336718,
0.07188698665706746,
0.07424124910556637,
0.07407710993361831,
0.06962252202413456,
0.059663201024569276,
0.046847980071216586,
0.044195112878972334,
0.0649344140010975,
0.09940452967200586,
0.13803301949226715,
0.17652795607174598,
0.21266590351057385,
0.245191021012553,
0.27343680884913274,
0.29714289100011615,
0.3163429138160181,
0.33128901787878356,
0.3423993890283189,
0.350220458409285,
0.35539622211772387,
0.3586372435580451,
0.3606827599720525,
0.3622521240271544,
0.3639871409879559,
0.3663937312854219,
0.3697966641493001
],
[
0.3454224509946608,
0.32949179086164376,
0.3122356988569056,
0.29343845813638114,
0.2727725865053558,
0.249840206491942,
0.224270867682709,
0.1958759734912847,
0.1648535667493664,
0.13205227000367392,
0.09937408783974307,
0.07058717919852701,
0.052514677550370675,
0.05051946731972662,
0.056920657227782966,
0.06114872635879352,
0.05897836303594748,
0.050106595213731606,
0.03673493363564478,
0.02551212224766621,
0.028242409476543055,
0.04019487551793091,
0.05041360613919726,
0.0561829850952768,
0.05927438249504953,
0.06216628253963851,
0.064827559287205,
0.0651607203847996,
0.0621091626192797,
0.058786838146491806,
0.06377067683241498,
0.08319008599081544,
0.11337926448986456,
0.14831296688422932,
0.18392939303493375,
0.21778770058255784,
0.24844111264672966,
0.2750870329371455,
0.29736869325656384,
0.31525128341209724,
0.3289403832260994,
0.3388273581563874,
0.3454516419856669,
0.34947091171183264,
0.35163006952867354,
0.35272054348808735,
0.3535244371328648,
0.35474469368853645,
0.3569318279319034,
0.3604257012811527
],
[
0.3385331775670648,
0.32222355734895375,
0.3048711353927141,
0.28633320183648403,
0.26633030451958895,
0.24448197241122377,
0.22041172496489556,
0.19392195749746177,
0.16522633686664165,
0.13523309920022347,
0.1059055452857909,
0.08071527820298023,
0.064499087988713,
0.059713431685485756,
0.061449885432885494,
0.062534899152637,
0.05927803897980874,
0.05099112452128504,
0.03895288619123833,
0.027583519371216177,
0.026183113154904947,
0.03451802820737037,
0.042085164294585406,
0.045327165836108144,
0.04693197070883434,
0.05099701956463192,
0.05756417548406702,
0.06363907449731741,
0.0677601241544933,
0.07219379977551264,
0.08216053263576532,
0.10132209597718453,
0.1285074585838089,
0.16009672819770193,
0.192757570118444,
0.2241220473194203,
0.2526623445885975,
0.2774765904500323,
0.29812088404921067,
0.31449084511007613,
0.32674079406678685,
0.33523007026872587,
0.3404872304497954,
0.34318255637993866,
0.3440982793569,
0.3440857352209452,
0.34400153518295257,
0.34462290563739817,
0.34655519073942714,
0.3501564488548261
],
[
0.33107209017554756,
0.3143043970884717,
0.2968083387782128,
0.2785307676404237,
0.2592500670366333,
0.2386008181174554,
0.21618338816343996,
0.19175888502774882,
0.16550525230757593,
0.13830001079053994,
0.11198849951131494,
0.08949135002590683,
0.07409766786579401,
0.06687743659615096,
0.0645823980147872,
0.06252295067933825,
0.05795370616561476,
0.05002394712411624,
0.03900713191172142,
0.027400512685054314,
0.022877622071685037,
0.028536725270494733,
0.03406482884091041,
0.03494638163621646,
0.035203830691872856,
0.04139862044118143,
0.05279651916678593,
0.06472042527640297,
0.07516106986730292,
0.08550652353492198,
0.09911297410737353,
0.11857320987056325,
0.14377310689098555,
0.17258408536123993,
0.20246521292932212,
0.23130906172511176,
0.25762116208242763,
0.28045567685769385,
0.29930529784334436,
0.3140042816394339,
0.32465658139221415,
0.3315874689994063,
0.33531244716035846,
0.33651436873452967,
0.33601695298674744,
0.33474119517382306,
0.3336332649316432,
0.33356195604930966,
0.3352012869628287,
0.3389320381493877
],
[
0.32300574284350125,
0.3056740509808704,
0.2879563429732738,
0.26990815640941584,
0.2513763392206872,
0.23200464381804012,
0.21134402063936558,
0.18906847672968682,
0.16525566689840693,
0.14066381735345984,
0.11690818372940251,
0.09633450055377583,
0.0811611837836313,
0.07176675674051092,
0.0659350703998838,
0.06079852267787638,
0.05477464790545234,
0.04714373209157903,
0.03719028048049566,
0.02559315434921881,
0.01860116945729046,
0.022441129403795217,
0.026632966079773134,
0.02546188564290048,
0.024738895416703068,
0.03435756713752468,
0.05076925492104717,
0.0677258147893321,
0.08320588833923621,
0.09805470173842912,
0.11454438901953205,
0.13461399146445144,
0.15856997423160527,
0.18518209852961592,
0.21258769732807223,
0.2390157963537178,
0.2630893194301354,
0.28387298078084827,
0.3008256165379853,
0.3137339559795773,
0.3226564581164132,
0.32788464953499163,
0.329919959793568,
0.3294583302137019,
0.32736989119718024,
0.3246569954410186,
0.3223742302509573,
0.3215045220219434,
0.322809266209441,
0.3266984297606206
],
[
0.3143143535483599,
0.29628440407425344,
0.278233831146298,
0.2603500608032475,
0.2425618406818056,
0.22451437085378256,
0.2056753249822681,
0.18557567527819885,
0.1641237551196492,
0.141887436818611,
0.12020929741258496,
0.10095398686270615,
0.08565615613371187,
0.0743405366310328,
0.06541112041303647,
0.05730361874344085,
0.04973244999571075,
0.04251343319307474,
0.03402152587435006,
0.023115046774240006,
0.014357997595482548,
0.016851355777964604,
0.0202261931228925,
0.017533765723009225,
0.016814548342601977,
0.030824324602364873,
0.05117889388659383,
0.07186515460101965,
0.09118972114336685,
0.1095548877438404,
0.12845501345582502,
0.1493127166121695,
0.172554091943004,
0.19748122858436523,
0.22275910182582417,
0.24695588904302365,
0.26885868463315493,
0.2875855021067682,
0.30258966227930634,
0.3136260621882624,
0.3207145679460756,
0.32411454045890176,
0.324312669014344,
0.3220182866165822,
0.3181529043520611,
0.31381350995468515,
0.31018624044217846,
0.30839747137865214,
0.3093213121060173,
0.31340608044323237
],
[
0.30499635213678955,
0.2861045730133899,
0.26757425764123155,
0.24975394418579105,
0.23267332234632135,
0.2159717581369436,
0.1989935887053385,
0.1810628313871041,
0.16184946876738152,
0.14168037430732655,
0.12163294449100201,
0.1032306115479247,
0.08762592466909724,
0.07467782409321501,
0.0631109724344098,
0.052192557542076023,
0.04299043269488882,
0.036445059693402025,
0.030138082226327648,
0.021033260720326668,
0.011922073017873546,
0.012814467668433225,
0.015306526626819535,
0.012103282940763769,
0.013500433846827507,
0.03070764635263179,
0.05321270293405257,
0.07643675699745829,
0.09870533470752438,
0.11991294956761016,
0.1409027340649289,
0.16264797490846034,
0.18554937399051563,
0.20921791576128398,
0.232709837097879,
0.2548983184841014,
0.27475078652179713,
0.2914660271649435,
0.30451466395957444,
0.31363430044119267,
0.3188132926342273,
0.3202804936155714,
0.3185065878748035,
0.3142133845050432,
0.30837770075212784,
0.3022052306807066,
0.29704136921232493,
0.2941939009019609,
0.29468420624692104,
0.2990119727157065
],
[
0.29507346869219947,
0.2751267413222707,
0.2559315532252248,
0.23803513638476112,
0.22159663184180065,
0.20624571927871113,
0.19115795521048382,
0.17537866109682831,
0.158270879600895,
0.13988579067111234,
0.1210713006290479,
0.10315992294778424,
0.087169714820489,
0.07293427517454047,
0.05928102560221892,
0.04582463898582248,
0.03487955532940047,
0.029396365323425,
0.026224044586310717,
0.020048332741078367,
0.012393616520172207,
0.011221380937154744,
0.012129187350746182,
0.009894355573191231,
0.014702903785872226,
0.03252656589333288,
0.055912867358635376,
0.08092491755527786,
0.10555108556621756,
0.12914526241432464,
0.15199042953996675,
0.17466857717235906,
0.19749017322288714,
0.2202395403863565,
0.2422554046415803,
0.2626683016647674,
0.28062156179867503,
0.2954080331275811,
0.3065311947131735,
0.31372283049421296,
0.31694562416829586,
0.3163986204440579,
0.3125336884354998,
0.3060818054927609,
0.29807646329438514,
0.28984552013705517,
0.28292583737337745,
0.2788556125455966,
0.27885112300883913,
0.2834821107250311
],
[
0.28459637321571685,
0.2633729490069302,
0.24328669657097768,
0.22513209449190238,
0.20924106443202217,
0.19523725256474975,
0.18207652468066843,
0.16844378212191158,
0.15332457351430753,
0.1364686358099093,
0.11854038983784274,
0.10082536252653844,
0.0844287351597749,
0.06931096018112769,
0.054276380738720806,
0.038796608357763385,
0.0259845763503901,
0.022116587427790154,
0.02299172577967954,
0.02005565699362046,
0.014189408688443511,
0.011399098948339884,
0.010557424255158451,
0.009944244776370048,
0.016950962409085255,
0.03458247801025261,
0.058528357964723644,
0.08502991642441007,
0.11167645421073172,
0.1373437869604083,
0.16185700755856017,
0.18547101396640883,
0.20838512864616432,
0.23047576136755976,
0.2512821144875539,
0.27014329784882024,
0.28636228279502385,
0.2993281697701426,
0.308585671948921,
0.3138683428929348,
0.3151169341362825,
0.3124997001195518,
0.3064445505362305,
0.2976847092173892,
0.2873072011831793,
0.2767725911726074,
0.2678450512999082,
0.2623561754672153,
0.26178367623047183,
0.2667946458524345
],
[
0.2736508181998073,
0.2509031165208484,
0.2296556403190243,
0.21101216853647778,
0.19554312061917603,
0.18288331181027737,
0.1717112372749052,
0.16025474117942518,
0.14704543864831773,
0.1315085250441153,
0.11416809306485123,
0.09638960538914648,
0.07957855107268402,
0.06402820656773953,
0.04852380452509263,
0.03201939744282552,
0.017541169596125724,
0.01620091318620327,
0.021180722383238742,
0.020462157307693178,
0.015398677717029378,
0.011710530333956276,
0.01018579442263704,
0.010470118147768583,
0.018095453995492682,
0.0358904369728179,
0.06068063832565102,
0.08866785581330526,
0.11715015098705057,
0.14465634488241733,
0.17066873363988333,
0.19518392951076222,
0.2182927947114311,
0.23991592992246977,
0.2597327050959006,
0.27724639028371467,
0.29189775404130486,
0.3031666829528208,
0.31064146202665344,
0.31406116673951,
0.31334600075768876,
0.3086304696982283,
0.30031058921171977,
0.2891102141861837,
0.2761599305043863,
0.26305710916348807,
0.2518303271828291,
0.24468482364661057,
0.24345424321081008,
0.24894390566785418
],
[
0.2623640979207996,
0.23782463332870873,
0.2150993812703829,
0.19567850365301137,
0.18046990038745844,
0.16916013855380319,
0.16008281279130143,
0.15088839218569328,
0.1395679760107917,
0.12519856566979773,
0.10819534363893209,
0.09010152827736512,
0.07283095497955158,
0.05730622283683522,
0.04248057572245172,
0.026780733251105256,
0.012881588362092116,
0.014802611516849029,
0.02138077731458796,
0.02092912163171144,
0.015388794250890011,
0.011294266884556316,
0.010563546661698064,
0.010680948947329228,
0.01770173451062879,
0.03627579832232129,
0.06238403244954535,
0.09194854413233587,
0.12213324434535189,
0.15126982554074092,
0.17860931996788718,
0.20395547625827984,
0.22730387861971152,
0.24859128310017514,
0.2675931181160305,
0.2839385675786224,
0.29718274622693375,
0.3068862284531769,
0.31267873128805607,
0.3143053997501991,
0.3116651834040212,
0.30485409129755275,
0.2942255605639043,
0.28047711128206787,
0.2647636385946767,
0.24881192947524294,
0.2349481655471632,
0.22585163589263918,
0.2238486008385088,
0.2299458112608749
],
[
0.2509113638166681,
0.2243038043489459,
0.1997374137532118,
0.17917922239752118,
0.16402247977370302,
0.15408682484984004,
0.1472775241992347,
0.1405085234621876,
0.13113030099612427,
0.1178498940565704,
0.10098947005021294,
0.08232137891330187,
0.06445192325513159,
0.049359444535873306,
0.03659770984845192,
0.02442829682770784,
0.015917087155292328,
0.01898312921810377,
0.023640377359029838,
0.02171596765014235,
0.01469901758961039,
0.010460790847359146,
0.01142469983534993,
0.01064313395069017,
0.016263247228389996,
0.0362151850950761,
0.06397324661018948,
0.0951250896766323,
0.12684622222396902,
0.15739125023529527,
0.18586835676879393,
0.21194195816998332,
0.23552740971275496,
0.25656073080445413,
0.2748808477256454,
0.29021084178077144,
0.30219743541024746,
0.31046952269241274,
0.31469324036467483,
0.3146180999186503,
0.3101196668266317,
0.3012495828041794,
0.2883059563186702,
0.2719377998533983,
0.25329376082075955,
0.23420457092289934,
0.21731350905512506,
0.20589484594753815,
0.20296893006395575,
0.20984559389043161
],
[
0.23952084312935656,
0.21057917301984458,
0.18376645576209777,
0.1616210403240861,
0.1462397987495835,
0.1377303593609789,
0.13345859735853896,
0.129376846470745,
0.12208095466772667,
0.10989985720037308,
0.0930679463234916,
0.07357078227390632,
0.05480906194211773,
0.04041572741520514,
0.03130797552364883,
0.025250768578847293,
0.022841971031830954,
0.02551556562484161,
0.02741266195079354,
0.023456093370157367,
0.014923273097879384,
0.01072373238775036,
0.012866459881196259,
0.010969244541895313,
0.01506646877291058,
0.03659213387735152,
0.06594972794209301,
0.09851376015523468,
0.13152757463213793,
0.1632261328092856,
0.19262870525225972,
0.21929741078501455,
0.24307955936601913,
0.2638994067138491,
0.2816349339502541,
0.29607674884114094,
0.3069424158497813,
0.31391623021637516,
0.31669430221731804,
0.31502762166244586,
0.3087657375540875,
0.2979100088861668,
0.2826898125797401,
0.263679653575151,
0.24197944746862787,
0.21947295402345943,
0.1991093720018116,
0.18489199366990555,
0.1808372971794896,
0.18872962662645906
],
[
0.228476215314299,
0.19697590434849432,
0.1674871438053568,
0.14319162876811659,
0.12720400952432798,
0.12021458462256211,
0.11888714119057232,
0.11787059135145318,
0.11288657385917138,
0.10191770597552822,
0.08512509968740899,
0.06461570593180907,
0.04448287564552097,
0.030783361601034807,
0.027048703837091372,
0.028003749318909407,
0.029810744833455343,
0.032074455838103755,
0.03194257049282985,
0.02654585233377192,
0.0175639728452805,
0.013387217199719598,
0.014923496864042455,
0.012157422657562124,
0.015701157942043888,
0.03825233463271495,
0.06877090875074816,
0.10239989368215062,
0.13638999204820432,
0.16895682008358748,
0.19905433332473413,
0.22616443993171953,
0.25007460074450266,
0.27068947933244114,
0.2879075507624024,
0.3015655375397306,
0.31143369026936824,
0.31723942576804376,
0.31870212910675594,
0.3155712176824181,
0.30766810898956926,
0.2949392753252799,
0.2775334149315835,
0.25592368843468616,
0.23110909756642534,
0.20494437135124816,
0.18061675060288374,
0.16297860905327582,
0.1574998574766212,
0.16674522443686673
],
[
0.21811330468386175,
0.18391841290725197,
0.15134182814585684,
0.12419992635322813,
0.1070494325608178,
0.10173873478303527,
0.103961731033113,
0.10650775115582713,
0.1041335276417014,
0.09459285117613166,
0.07803633568874883,
0.05657149380641892,
0.034539799309566285,
0.021062223437290205,
0.024266456450871627,
0.031133717680728472,
0.03549608265770986,
0.03765514665760031,
0.036540643341596825,
0.030745500950766905,
0.022297074537064483,
0.017662922818216714,
0.017138229848453715,
0.013758471138003187,
0.018415530997939203,
0.041498549637803736,
0.07266924410760107,
0.10696191152646936,
0.14158538369405715,
0.17472509904009834,
0.20528046069394434,
0.2326669307886096,
0.2566178884353663,
0.27701294252366315,
0.29375711331339704,
0.30671621222273926,
0.3156979174532033,
0.32046190778358746,
0.32074478938469203,
0.3162920647099137,
0.30689638409551595,
0.29244747037641794,
0.27300543812389577,
0.2489191154949981,
0.2210313978699818,
0.1910558830788687,
0.16226074590575296,
0.14038299742150462,
0.1330324229147822,
0.14413715483680306
],
[
0.20880712109465627,
0.171934426243837,
0.13596442906994857,
0.1051548956562225,
0.085981296461784,
0.08262131344843054,
0.08929303161572631,
0.09597453857858669,
0.09650653178005827,
0.0886770620063727,
0.07277855185960654,
0.0509135888816719,
0.02713915914621348,
0.013081772380786014,
0.023267598583144818,
0.03359730904289678,
0.0393486361419726,
0.04175184009244852,
0.040649684293692076,
0.03540554589856231,
0.027828195210205662,
0.02218585923604762,
0.01878323877417366,
0.01473677598667372,
0.02205280168844197,
0.0460232575811765,
0.07760713422333067,
0.11224330764389367,
0.1471885817743306,
0.18062278911691326,
0.2114075823006213,
0.23890519305087435,
0.26280087217319487,
0.2829462215566845,
0.29924282562506627,
0.3115725107146433,
0.3197681071813277,
0.3236125867764123,
0.3228549870093264,
0.31723590776684946,
0.3065208348104232,
0.2905448641894574,
0.2692782851745654,
0.24293232717896643,
0.21214757887066735,
0.17837006551536125,
0.1446798159130326,
0.11749861260079357,
0.10754934750273137,
0.1213220675913777
],
[
0.20094497583451712,
0.16163743407687775,
0.12223158646456539,
0.08692751253086838,
0.06432696451443434,
0.063421296910627,
0.07583516071430627,
0.08712917613454811,
0.09071431254595468,
0.08484743804801391,
0.07018712409937354,
0.04905125456586117,
0.025611506854603984,
0.012368039976989606,
0.023924830553592114,
0.034805736890896256,
0.04107601041516527,
0.04407908286290199,
0.04386753167863599,
0.03989053851286728,
0.03320928621527178,
0.02620548488668643,
0.01935926309735897,
0.014349137705763636,
0.025713134628391532,
0.05132128460003417,
0.08337789483714965,
0.11817731521737597,
0.15320217166729738,
0.1866916016381869,
0.21750003857198924,
0.24495380057856822,
0.2686981207892126,
0.28855646112354194,
0.30442058202331596,
0.3161788438837676,
0.32367988684174137,
0.32672312694985345,
0.3250668663513295,
0.3184475505872016,
0.30660777718061133,
0.28933490581190535,
0.26651684187577857,
0.2382294109487919,
0.20488956037696315,
0.16757198505700066,
0.1288176739245782,
0.09505173301484386,
0.08122299639938688,
0.09905494446445576
],
[
0.1948834824123431,
0.15366902141283126,
0.11126858514140647,
0.0710704086555788,
0.04273306399307888,
0.045338817152736646,
0.06505589775405465,
0.08091601749911087,
0.08733663829994551,
0.08349929166646247,
0.0705896451187346,
0.051360860588917014,
0.0306797012986274,
0.019307981617173932,
0.025642705666298855,
0.03443603657053461,
0.04051991369998459,
0.04451677829566965,
0.04598666979073886,
0.043814355364816204,
0.0380377212331463,
0.029613297939589896,
0.01904121557757674,
0.012791061015999848,
0.029344405897561685,
0.05707367373121984,
0.08975287976665224,
0.12464032939869503,
0.1595761265615404,
0.1929305477987854,
0.2235886713735259,
0.2508619552901291,
0.27436620177358245,
0.2938993362923198,
0.3093401160372991,
0.32057718222783105,
0.3274684138785427,
0.3298249801970123,
0.32741303056594545,
0.31996744297292234,
0.30721491309955967,
0.28890681271317104,
0.26486552154394255,
0.23505271302456016,
0.19967986545228633,
0.15942316068727505,
0.11599853773853727,
0.0745194521780093,
0.054350461643654605,
0.07882032153139872
],
[
0.19089320034029503,
0.14858818849928637,
0.10430051244484284,
0.0602283551364535,
0.023389391307521323,
0.03166661372581732,
0.058889151656692056,
0.07810803010369509,
0.08662512003204752,
0.08457620024752639,
0.0736042218174443,
0.05679766345341651,
0.039080801464617794,
0.0278817401221626,
0.02773780807215465,
0.03235066687123891,
0.03764323126036051,
0.04314288695255012,
0.04704746072776082,
0.047107528661035764,
0.042347284958979006,
0.03282560668627502,
0.019092769885504842,
0.01225027021921592,
0.03356064858374025,
0.06324742470965207,
0.09657495239378816,
0.13150139519324536,
0.16623140604077843,
0.19930717117632032,
0.229676222423699,
0.25665582470651704,
0.27984411621663824,
0.29901817912153694,
0.3140432639484686,
0.3248048408044695,
0.3311659674512657,
0.33294691539154947,
0.32992194064026165,
0.32182862074460167,
0.3083870691518384,
0.28932856444120314,
0.2644351978229949,
0.23359425015218746,
0.19687483178720974,
0.154647740704773,
0.10784161048195183,
0.0590717673872639,
0.0277901668744971,
0.06363148584191168
],
[
0.18910354907885984,
0.14672503560035885,
0.10224282914269135,
0.05757502280891808,
0.018280381402132107,
0.029780133415521423,
0.058828180571472204,
0.07893616273220276,
0.08838137224247579,
0.08757861438609062,
0.07833215593243628,
0.06373890776781946,
0.04807531923265495,
0.03598853777158848,
0.029797163317088263,
0.028630986099546177,
0.0325795085007704,
0.04032963697719314,
0.04738960538132135,
0.050001182490303525,
0.0464742387679153,
0.03656779485238831,
0.021618236407768485,
0.016319904517198777,
0.039156821631986694,
0.0699888890127138,
0.10377036493607475,
0.13864770211823402,
0.17307827112353483,
0.20576869185720015,
0.23574381746369566,
0.2623421013684218,
0.2851548902526311,
0.30394417161014026,
0.3185631850893623,
0.32889308531883565,
0.33480021786398806,
0.33611311020208645,
0.33261583162169345,
0.32405423321892224,
0.3101527658146461,
0.29064120710681207,
0.2652921348520073,
0.23397113979136086,
0.19670278738901242,
0.15375769193957908,
0.10577969719101495,
0.054116559698515775,
0.01194383495549028,
0.05834650824003747
],
[
0.18946690752257891,
0.14806248808512615,
0.10519698578290801,
0.06384412393365482,
0.03392914312136274,
0.040843258538738776,
0.06451799607581793,
0.08291855391529314,
0.0920229888808774,
0.0917519882473555,
0.0837434009944323,
0.0708099646365466,
0.056340578503570195,
0.04306366860984313,
0.03177592218439936,
0.023753258450332573,
0.025791411467265928,
0.03691428581948384,
0.04766889362356741,
0.05294912181619266,
0.05088982679055358,
0.04150814664939712,
0.027685067385045604,
0.02485729646510449,
0.046552991578178875,
0.07744789455523432,
0.11130568156145293,
0.1459846665995496,
0.18002533546578786,
0.21225048432159666,
0.24175715386974067,
0.2679120525822862,
0.29030790373704607,
0.3086973383773377,
0.32292436491410875,
0.33286645999573655,
0.3383931421602755,
0.3393418366127314,
0.33550924173802327,
0.32665584356179656,
0.31252198113836743,
0.2928552819106636,
0.26745101601965987,
0.23620926994543295,
0.1992179748444501,
0.15688916531869707,
0.11027103795304499,
0.06244668906426269,
0.033107871680139074,
0.06562320047576803
],
[
0.1917572350775259,
0.15222062365737282,
0.11233765766302785,
0.07620969883681461,
0.05377808332127494,
0.056972691399104596,
0.07401628002304798,
0.08909626624409178,
0.09678913808438468,
0.0963084719252794,
0.0889403530002055,
0.07706951839630367,
0.06324618282226105,
0.048936204521983,
0.033910619947682206,
0.01908641414741218,
0.018641149345822863,
0.034392712343375174,
0.04876615642574696,
0.0564821088933333,
0.05600660687487925,
0.04792195989850386,
0.03652225660371536,
0.03575411502500257,
0.05559175424211338,
0.08564026422356136,
0.11913080636360102,
0.1534210851420786,
0.18698056361276547,
0.2186811990247432,
0.24767163578638204,
0.273345521189802,
0.29530159138682777,
0.31328808538430686,
0.3271432237306766,
0.3367427231495411,
0.3419605287942857,
0.34264473547829377,
0.3386082009996811,
0.3296326121531433,
0.3154853351288913,
0.29594989655596754,
0.2708734933882284,
0.24023993804668767,
0.20428975868341442,
0.16375542076941882,
0.12048297197963163,
0.07981919043207662,
0.05997555153388459,
0.08199276435768661
],
[
0.19560437184735274,
0.15855678153282102,
0.12233538519414554,
0.09139249658043988,
0.07346695602921068,
0.0739754611696098,
0.08530945850364971,
0.09643183480075099,
0.1019397630422347,
0.10056792105984397,
0.09324009753105475,
0.08191177902550156,
0.06846234733644685,
0.05357030481353392,
0.03652289055183366,
0.01765150110778151,
0.015273953267395978,
0.0347098104641952,
0.051512349158092295,
0.06101781985660573,
0.062021589436096286,
0.05562641056235613,
0.046883713180447546,
0.04764954038093958,
0.06573229269109421,
0.09440147184586792,
0.12713883917840058,
0.16085225462226366,
0.19384824653254557,
0.22498534731077652,
0.2534363594667668,
0.2786146005543122,
0.3001262520410032,
0.3177190679986003,
0.33122916343801523,
0.34053326948201645,
0.3455119940975196,
0.34602664160653207,
0.34191007287932534,
0.3329713822609181,
0.3190147383745001,
0.29987452568586537,
0.27547248903715543,
0.24591036040525616,
0.21163186376542462,
0.17375099878001923,
0.13485943842507864,
0.10127938970562826,
0.08690648598141032,
0.1027955162967989
],
[
0.20054992507828387,
0.16631753744401703,
0.13386359235049344,
0.10730527283074293,
0.09205503439430827,
0.09039877547630534,
0.097003141524836,
0.10406103848362973,
0.10686772242386064,
0.10401104886156093,
0.09616275762149809,
0.08495131561822838,
0.07180046426667905,
0.05696770315268729,
0.03979263407515566,
0.021883537826277662,
0.020540251330189722,
0.03902844208992611,
0.05631957638761171,
0.06670687808235319,
0.06886193212562863,
0.06414654561377749,
0.0577634669440235,
0.05966904399233959,
0.0763086177940507,
0.10341916767223862,
0.13515464156653229,
0.16815009914210222,
0.2005261840378303,
0.2310848495653944,
0.2589973026723397,
0.28368693862746974,
0.30476681007584067,
0.3219872200457094,
0.3351859029750709,
0.34424391834287454,
0.3490514190041555,
0.3494858915128709,
0.34540399190170457,
0.3366475954997074,
0.32306535984590057,
0.30455317545046023,
0.2811212133010215,
0.2530046787905142,
0.22085803937275886,
0.18613085032558233,
0.15186167712372867,
0.12422168530901635,
0.11326050969139673,
0.12533890134642706
],
[
0.20610511513518126,
0.17476672916076377,
0.1458477762701134,
0.12279066285291387,
0.10915177210064782,
0.1056344182039104,
0.10825352821985088,
0.11136110625476955,
0.11113480052494383,
0.10628472124581549,
0.0973978599064046,
0.0859474086837925,
0.0731444127359923,
0.05912299879781391,
0.04363831038857571,
0.02996347287960994,
0.03098238509634349,
0.04676968397308281,
0.06301750395583107,
0.07339627571437284,
0.07623370146891928,
0.07290444062843084,
0.06839855194300545,
0.07115040471888938,
0.08667645195468883,
0.11229959172872547,
0.14294813284312943,
0.1751635679596833,
0.2069058586757396,
0.2369009440744565,
0.2643002289467751,
0.2885287643598104,
0.30920545807336586,
0.3260858218336902,
0.33901297536995123,
0.347875952894873,
0.3525777064843222,
0.35301502354199016,
0.34907179773001823,
0.3406268870687931,
0.32757861511001474,
0.3098902049919194,
0.28766499895337755,
0.261269592147388,
0.23154242423920593,
0.20016327046034535,
0.17029861136035918,
0.14742652896886788,
0.13877524338292413,
0.14830148235010648
],
[
0.21179636225579376,
0.18325747154614447,
0.15749543614773828,
0.1371921624513001,
0.12453752471617906,
0.11937832244210927,
0.11857239527804357,
0.11792960572289478,
0.11446945144666942,
0.1071924677205303,
0.09677801174114924,
0.08476314862092915,
0.0724229625596108,
0.06001691633544316,
0.04777407625125469,
0.039422880348765975,
0.042843521901229,
0.05649421215117409,
0.07102249627638291,
0.08070773905507317,
0.0837167602890244,
0.08133125203434421,
0.07818582354031506,
0.08155315475484881,
0.09626874605347334,
0.12063126715809697,
0.15026118828268809,
0.18172798865743403,
0.21287650206570305,
0.24235729183287183,
0.26929372635605914,
0.29310776176292513,
0.31342415592172834,
0.33000652006578907,
0.3427072806797094,
0.35142730444936776,
0.35608575820635247,
0.3566017662047901,
0.35288933750871226,
0.3448671594010044,
0.3324857865694873,
0.31577694392599837,
0.2949338339361293,
0.2704388921585646,
0.2432680141664429,
0.21521356856699767,
0.18933661162653698,
0.1702750290830886,
0.16328975189788522,
0.17100156564457733
],
[
0.21719376143843852,
0.19125614575454447,
0.1682429875789999,
0.1501171760153743,
0.13807833381988135,
0.13147062101675505,
0.12769178759705352,
0.1235418140697701,
0.11675196365563946,
0.106685878898487,
0.09426734269012771,
0.08134874441693339,
0.06960595045941431,
0.059641088647657964,
0.051858080070382596,
0.04897342845793146,
0.05467711267480065,
0.0669325632050263,
0.07961915418437109,
0.08815817246376403,
0.09085233683718129,
0.08891462891152346,
0.08663331830775733,
0.09042795968563698,
0.10461023414861242,
0.12803143230650885,
0.15683769359693986,
0.18767987895496638,
0.21833247179374166,
0.24738444682925784,
0.2739325731038155,
0.29739586719950456,
0.3174069691922459,
0.33374123259446464,
0.34626460690336763,
0.35489378752281997,
0.3595675725119368,
0.3602302059594357,
0.35682799525410513,
0.34932091295976847,
0.33771187098657524,
0.32209828635120347,
0.3027538374109106,
0.28025317359221075,
0.2556571586842538,
0.23076962038495955,
0.20841169504002394,
0.19242127092596337,
0.18669490122411903,
0.1930572054237938
],
[
0.22192445233074318,
0.1983387886712993,
0.17769399685336834,
0.1613219594783541,
0.14969589823473253,
0.14183589747097822,
0.13548471760371492,
0.12811053134276557,
0.11799706615255783,
0.10486123140658044,
0.0899655806094922,
0.07574224995879728,
0.06471634246364957,
0.05804469387397127,
0.05561758224656254,
0.05797802717416521,
0.06581789426138604,
0.07720333825389564,
0.08814616020838341,
0.0952595870816376,
0.09720325167691855,
0.09521482355768196,
0.0933366984606457,
0.09740466000667024,
0.11131858969971663,
0.13417552291408777,
0.16245049744539033,
0.19287361056822078,
0.2231825879426561,
0.2519253345008915,
0.27818137258920184,
0.30137197514620445,
0.3211422106335685,
0.3372838780486804,
0.34968104443856524,
0.35827030330763127,
0.36301337393730027,
0.3638820297256165,
0.3608563096174745,
0.35393762286211955,
0.34317929614161063,
0.32873862402968895,
0.31095658841422713,
0.2904733678577106,
0.26838595651545294,
0.24643579614555422,
0.227145208976089,
0.21365924307223855,
0.20891734228135986,
0.21424128463733924
],
[
0.22567554827600544,
0.20417613211689395,
0.18557029838318984,
0.1706535926521786,
0.1593519827445316,
0.1504540425668304,
0.14191699986288078,
0.13165153750363087,
0.11833479518889155,
0.10195963449449193,
0.08412821691094732,
0.06808554558737227,
0.05785459324078984,
0.05539380113902219,
0.05891192224081285,
0.06610933712764122,
0.07589341526675004,
0.08672578051905051,
0.09606796067067802,
0.10158023524732696,
0.1023895286375643,
0.09986949864079588,
0.09796796529673923,
0.10218708898807805,
0.11610307540397967,
0.13881515434799288,
0.16692305705819047,
0.19719728969118624,
0.2273599355168011,
0.25594108519856096,
0.28201820426444746,
0.3050244457945568,
0.32462431890479115,
0.34063186977208043,
0.35295422988735714,
0.3615519417662431,
0.36641269618676864,
0.36753774865109184,
0.36494155666891726,
0.35866598274919215,
0.3488112353374017,
0.3355867242782199,
0.31938589227311426,
0.3008884944296079,
0.28118751412948106,
0.26191512198709865,
0.2452837428585441,
0.23386383292426635,
0.22991164801667818,
0.2344158322839853
],
[
0.22819112809227052,
0.20851627536195416,
0.19167721321615344,
0.17801805323748052,
0.16703759213031683,
0.15734179767313972,
0.14701431425219832,
0.1342520566595657,
0.11798625552596696,
0.09836433368096437,
0.07720415400222413,
0.05866089467614431,
0.04923846378301425,
0.052036683756746804,
0.06174254806642666,
0.07321562295259978,
0.08468779908586312,
0.09512482863086118,
0.10298584115829934,
0.1067749320747216,
0.1061082193232716,
0.10259567850422277,
0.1002700552948649,
0.10455117274834777,
0.11876475454669602,
0.1417901066786414,
0.17014603856769617,
0.20058636967519958,
0.23083085769628553,
0.2594164830872845,
0.28543792504248383,
0.3083532409008556,
0.3278553826659392,
0.34378731148774444,
0.35608436399733945,
0.3647349254300318,
0.3697553545765691,
0.37117782595056886,
0.3690511983343048,
0.36345588322404965,
0.3545343500525371,
0.34253939135531525,
0.3279020771732115,
0.31131887469251157,
0.2938488538164868,
0.27698985312398533,
0.2626596515459847,
0.2529616394290429,
0.2496551623469012,
0.2534992958824561
],
[
0.2292665853904929,
0.21116887580039884,
0.19587944612331568,
0.1833608990958761,
0.17276420308939608,
0.1625386005439334,
0.1508365309182268,
0.13603948317238607,
0.11722973060967413,
0.09458289046400062,
0.06988914268964422,
0.04797293792738612,
0.0392815861620717,
0.048561291526686555,
0.06422361869801312,
0.07925269114325284,
0.09208635762698833,
0.10216915683083562,
0.10862729737732357,
0.1105972804192212,
0.10814492889641199,
0.10319207109284437,
0.10005448974498904,
0.10434550688898386,
0.11920029814403613,
0.1430384569573227,
0.17209006847368036,
0.20303433798389525,
0.23360218581420308,
0.2623643401240556,
0.2884547259106017,
0.311371484178638,
0.3308462056468098,
0.3467578339743289,
0.35907495835313125,
0.36781735141799793,
0.373032259497589,
0.3747836507423768,
0.37315412527658465,
0.3682600417342496,
0.3602808864611822,
0.349503931243337,
0.33638420201317654,
0.32161621616840663,
0.30620488693145337,
0.29150436626344,
0.2791654071053526,
0.27091486738299825,
0.2681440291200867,
0.27144852589013785
],
[
0.22874240652362315,
0.21199210505634067,
0.19808437543057855,
0.18665464534931409,
0.17655636198193447,
0.16609474252636716,
0.15345596810716872,
0.13714941262734553,
0.11635419744599078,
0.09119544144367538,
0.06317101026428834,
0.036964337658406336,
0.02881420105117611,
0.04579455257522316,
0.06652104935876227,
0.08423392806819958,
0.09804109076450818,
0.10773115926595009,
0.11283042885460072,
0.11290314202896205,
0.10838217032725762,
0.10154345452755467,
0.09720090447783956,
0.1014948700525751,
0.11741138499965997,
0.14260770007813164,
0.1728157438550863,
0.20460017287961352,
0.23572601047774877,
0.2648282152217649,
0.29110358059478775,
0.31410625004425685,
0.3336168138776875,
0.3495570211730821,
0.3619332776825062,
0.3707997023585126,
0.3762360384890252,
0.37833831963606307,
0.3772216513790133,
0.37303524657385834,
0.36599012802456754,
0.3563995551645226,
0.344730661825297,
0.33166177693765536,
0.31813149845808647,
0.3053512766530147,
0.29473663423245483,
0.28771149172208665,
0.2853898815782282,
0.28824787149688164
],
[
0.22649856245595987,
0.21088250339876716,
0.19823044995195654,
0.18789020739557052,
0.1784456645631282,
0.16806152369926255,
0.15493885949529349,
0.13769438884419044,
0.11560235596993058,
0.08875127058312188,
0.05827054275721082,
0.027629933832794475,
0.019895797191459046,
0.044626765304729185,
0.06877070851732736,
0.0881863930499687,
0.1025432550365416,
0.11175901511562487,
0.11552905511722272,
0.11365093311791089,
0.1068082517165006,
0.09762916202788718,
0.09165818976903528,
0.09600850210498978,
0.11352274262478575,
0.1406686101828981,
0.17248128244507022,
0.20541219533571584,
0.23730143703339118,
0.2668830241495835,
0.2934402974380006,
0.3165984245465607,
0.3361963301653721,
0.35220439174622753,
0.3646704600163325,
0.37368511176459257,
0.37936145028462465,
0.3818272067003156,
0.381228242627452,
0.37774321516846643,
0.3716092592254799,
0.3631579133694621,
0.3528586635313458,
0.34136350737784615,
0.3295388086486928,
0.3184605377825661,
0.3093405478050466,
0.30335869826575057,
0.3014169878319555,
0.30390199971786713
],
[
0.22245016611777266,
0.20776749394882044,
0.19627926032624632,
0.18707125118950485,
0.17846640876055925,
0.168483791359179,
0.15533072662445632,
0.13773691106358157,
0.1151130960406211,
0.08762056413938218,
0.05628991338043883,
0.02390589846124468,
0.01753550605026975,
0.045589627039937713,
0.07099811114269965,
0.09111382718048908,
0.10560105699822377,
0.11425638473997544,
0.11674041149929705,
0.11290193748695528,
0.10353001162042441,
0.09153959724500485,
0.08344783967406795,
0.08799781714560594,
0.10781386243407642,
0.137532207285862,
0.1713469704969527,
0.2056675820348335,
0.2384728160004999,
0.2686332153024176,
0.2955399892977716,
0.3189015479776132,
0.33862218057051957,
0.3547249274672222,
0.36730131521308806,
0.3764793846484758,
0.38240558901424043,
0.3852383191877839,
0.3851519843478237,
0.38235109416730884,
0.3770937259403011,
0.3697229632630176,
0.36070297233570614,
0.3506527710445624,
0.3403650833400597,
0.33079097112171146,
0.32296780303081174,
0.31787818766434056,
0.3162597588939456,
0.3184308240469076
],
[
0.21654478095306287,
0.2026002561857692,
0.19221041958602478,
0.18421097185189625,
0.1766533032306388,
0.1673954882614331,
0.1546469209440626,
0.13727122620945936,
0.114879676374741,
0.08785786853647413,
0.057577840985107015,
0.028260122812713735,
0.02384682907427886,
0.048471281865643645,
0.07306997054164519,
0.09297202268270392,
0.1072241476074403,
0.11526861910362289,
0.11655629609694036,
0.11082248620498712,
0.09879299762521014,
0.08350932079341464,
0.07267192365014787,
0.07771577055104943,
0.10077188930905133,
0.1336674196796067,
0.16977386802708938,
0.20562634716383243,
0.23942398300310425,
0.2702083380388362,
0.29749390483474847,
0.3210796333505969,
0.3409386488313288,
0.35714817078041716,
0.36984382248070874,
0.3791907891412888,
0.385367890034894,
0.3885624503083142,
0.3889748067326561,
0.3868316463282726,
0.3824071902846158,
0.3760503614549903,
0.3682142387789628,
0.3594810166458952,
0.3505714432325065,
0.342323678924735,
0.33562656129316754,
0.3313026295683012,
0.32996056838999965,
0.33186572440891715
],
[
0.20876169343686005,
0.1953567076754,
0.1860187308461681,
0.17933114669022635,
0.17304161706722138,
0.16481880886423966,
0.15286946918988803,
0.13621755820810152,
0.11473851024539945,
0.0891601679534077,
0.061422106598449044,
0.03708631547638347,
0.03334001473868457,
0.05241247478794692,
0.07469768164430225,
0.09366161798156172,
0.10741740117693224,
0.1148760156446798,
0.11513842676542133,
0.10768883714895626,
0.09301278414058076,
0.07398597861516874,
0.05953417373173761,
0.06565272170628834,
0.09317262657669954,
0.12971120184603377,
0.16821227052621,
0.20559832957104396,
0.24036820604681258,
0.27175603520197106,
0.2994047176574827,
0.32320405202494146,
0.34319485202357725,
0.35950694725278126,
0.3723183678516618,
0.3818296487608727,
0.3882499601305245,
0.39179315111123053,
0.39268249946882183,
0.3911631781949254,
0.38752117735943437,
0.382106541434892,
0.3753571311476684,
0.36781661253575004,
0.360137365930234,
0.3530568908554977,
0.3473380434324001,
0.34367288380699396,
0.34256785035035775,
0.3442466178513361
],
[
0.19911355364886815,
0.1860344316726925,
0.17771331942110657,
0.17246348802088396,
0.1676701347725359,
0.16076738513218572,
0.14995072694058786,
0.13442985636965074,
0.1143924889287681,
0.09094972117061442,
0.06649401974567352,
0.04659339694480173,
0.042584305418841235,
0.05634449782305333,
0.07548677749803046,
0.09303973494023558,
0.10618598434704232,
0.11319534708062808,
0.11271874955800085,
0.10389406424032514,
0.08681828975173504,
0.06377744447098958,
0.044410458436652714,
0.0527963893570633,
0.08617798968628256,
0.1264528964355167,
0.16717411498695234,
0.20592204617420118,
0.24153394392400915,
0.2734327738436953,
0.30138054366377026,
0.32534967909829293,
0.3454422679455544,
0.3618358006672095,
0.3747467810974221,
0.38440777678433163,
0.3910552636468775,
0.3949265511301226,
0.3962645526197382,
0.39532926508215016,
0.39241450307840375,
0.3878676065879579,
0.3821084271829783,
0.37564195098188624,
0.36905690830013793,
0.3630019010033413,
0.3581331178709741,
0.35503576927107205,
0.35413444883853656,
0.3556196282811629
],
[
0.1876510804918445,
0.17465351149876845,
0.16731853038524586,
0.16365348871415702,
0.16058731586031058,
0.15525373314700486,
0.14582355250885803,
0.13171506799220034,
0.11345903489679378,
0.09252404445420927,
0.07147065521136986,
0.05496776142836416,
0.050245312533231556,
0.05931495193161478,
0.0750066261996788,
0.09094779140106084,
0.10355291589169925,
0.11039105982995882,
0.10960504476468383,
0.09995306551224882,
0.08109416246850497,
0.054346995308996754,
0.02819009158241179,
0.04136490380208581,
0.08136297578390012,
0.1247648285504489,
0.16718488874166998,
0.20693562473743643,
0.24314722991612972,
0.2753929815201552,
0.30352813718910604,
0.32759058552682924,
0.3477319946419425,
0.36416925515511606,
0.377151246245657,
0.38693780299037445,
0.3937887022076139,
0.39796106201599374,
0.3997138635059076,
0.39931832786236726,
0.39707256003038227,
0.3933181376617088,
0.38845516482698594,
0.38295086566978986,
0.3773355561002512,
0.37217984024592854,
0.36804963466110585,
0.36544224673160997,
0.3647161965264008,
0.36603520255456534
],
[
0.17447216287842637,
0.16125943996624134,
0.15487650294147395,
0.15296725179577922,
0.15186127466890667,
0.14830115637058053,
0.14041716171088894,
0.1278598964793367,
0.11152618139051314,
0.0931913604734263,
0.07531703044558793,
0.0613260339980925,
0.05566291939044215,
0.060593391055595996,
0.07285581420793834,
0.08725135463562506,
0.09959012086540493,
0.10669729681408131,
0.10619071595022946,
0.09649558055206706,
0.07697015057536098,
0.048188776211316814,
0.015107583813503113,
0.03611572272469467,
0.08044557425049985,
0.12545886396111325,
0.16871708720352396,
0.2089425265160723,
0.24541242615940326,
0.27777762388373095,
0.30594587453735433,
0.3299956367483311,
0.350111957664541,
0.3665400362384548,
0.37955316885211504,
0.3894324480590723,
0.39645612880762177,
0.4008970002068443,
0.40302634899657935,
0.40312311115576344,
0.4014865248091365,
0.3984499872023299,
0.3943929124184869,
0.389746368921675,
0.38498760836604073,
0.3806190960897717,
0.3771303153127758,
0.3749459285580576,
0.3743707010857908,
0.37554657446237316
],
[
0.15973800949627825,
0.14592870887961223,
0.1404515150123101,
0.14050247229878737,
0.14159480892788287,
0.1399606312543143,
0.13367787371919684,
0.12266090343625115,
0.10820280501783841,
0.09235301782422302,
0.0773057757137474,
0.06518677405973215,
0.058466570102899566,
0.05967004597787102,
0.0687129723293239,
0.08189072543184862,
0.09446505947411948,
0.10245074691819483,
0.10296398160334622,
0.09422859341595441,
0.07564969572134071,
0.048317407425610956,
0.021250377579472464,
0.041818841895093446,
0.0845748673749628,
0.12909630320514826,
0.17211859949500355,
0.21217772772030188,
0.24849396068496685,
0.28070353696451705,
0.3087172294797918,
0.3326243930909415,
0.35262429437334436,
0.3689773879396458,
0.3819720851593281,
0.39190380166351757,
0.3990638372763561,
0.403736164094025,
0.40620050013818393,
0.40674010607406563,
0.40565253708288984,
0.40326111175392787,
0.3999241913697178,
0.3960386950253795,
0.3920340131170938,
0.38835324112953834,
0.38542106910688784,
0.383601854996645,
0.3831563194480032,
0.38420850917519467
],
[
0.14370179093108926,
0.1287787610183049,
0.12413663234805533,
0.1264063634266528,
0.12994813112565845,
0.1303341866070069,
0.12559488859626583,
0.11595559432667844,
0.10315698137633096,
0.08953837955610655,
0.07696188438599859,
0.06630001755101782,
0.058479628002859975,
0.05623321127185561,
0.06237686474764066,
0.07494893107074405,
0.08850706668939966,
0.0981304523657468,
0.10050485301307234,
0.09384756379073964,
0.07801889320155107,
0.05575269895845063,
0.03979728416616701,
0.05625486123176286,
0.09371032049821067,
0.13584484993518853,
0.17755896369522262,
0.21678183726606548,
0.25250203266305343,
0.2842548897121728,
0.3119054405365225,
0.33552369268402793,
0.35530313236650507,
0.37150561461399734,
0.38442469269562357,
0.3943626566636685,
0.4016180655084556,
0.40648139853538084,
0.40923691205969326,
0.4101689535735797,
0.40957088877108117,
0.4077544756001378,
0.40505706594295904,
0.40184362619826375,
0.3985005824657129,
0.39541936643736525,
0.39296964495097636,
0.39146549264760866,
0.3911313010001024,
0.3920762792496847
],
[
0.12676118678186005,
0.10998700929382667,
0.10606446440355137,
0.11090739839520805,
0.11717504283113112,
0.11960839392983838,
0.11623338148044537,
0.10765536393519748,
0.09614372274955561,
0.08441225611752946,
0.07401251688218478,
0.06459689736047568,
0.05570615520187387,
0.050158035212862655,
0.053812208313057344,
0.06675975774622882,
0.08229706162362471,
0.0943903108880627,
0.0994504786485548,
0.09589985860287645,
0.08426763091378386,
0.06864608132066236,
0.0606718742785241,
0.0748707858941416,
0.10684071828107619,
0.1454747782119372,
0.18501405937414778,
0.22278960088540023,
0.2574847976960849,
0.2884779142235998,
0.3155499433805532,
0.3387252283236217,
0.3581729404284807,
0.3741429541575281,
0.3869240691165848,
0.3968179441707092,
0.40412454582555196,
0.40913617535601876,
0.4121378171548394,
0.41341185735308356,
0.41324525141493174,
0.4119370469147197,
0.40980390276609857,
0.40718107378129303,
0.404416526462678,
0.4018567413453523,
0.3998245526219155,
0.3985919208203238,
0.3983530818017511,
0.39920483489885045
],
[
0.10955854049788075,
0.08983339128253222,
0.08642807190671917,
0.09437864135973453,
0.10368466369785585,
0.10810551147069163,
0.10578124205282549,
0.09778617543485489,
0.08702850199197522,
0.076771694653619,
0.06835996385056063,
0.06019232283213358,
0.050368303509403696,
0.041528786025885715,
0.0432486288341188,
0.05810733967679134,
0.07676756041530111,
0.09204987192782965,
0.10041124355189598,
0.10065611182919267,
0.09390773583410345,
0.08467803681146092,
0.08213119112894969,
0.09522118986781423,
0.12269132304385852,
0.15748644548165125,
0.19429326971730324,
0.23013516393687086,
0.26342821872886835,
0.29337951699689774,
0.31966490503901596,
0.3422443130495917,
0.36124756944862807,
0.3769008561380408,
0.3894791275110532,
0.39927630338165093,
0.4065881288971898,
0.41170421312125255,
0.41490664408951705,
0.4164730284659223,
0.41668196122877516,
0.4158188976229913,
0.4141802952113979,
0.4120738866331184,
0.4098132549676543,
0.4077057391527211,
0.40603420369438714,
0.40503517809332507,
0.4048777129659037,
0.40564813885404655
],
[
0.09317214078092989,
0.06881858382953808,
0.06553548518069528,
0.07748126378708223,
0.09015236468024525,
0.0963658181240599,
0.09462293480791964,
0.08655211275740404,
0.07581902002671591,
0.06654336211916805,
0.0600858329313247,
0.05344305725839889,
0.04303531526212682,
0.0307759357365953,
0.03152872276549404,
0.05058296618801459,
0.07323447692938057,
0.09199093045184989,
0.10384721595262415,
0.10807040145804901,
0.10614000560496713,
0.102324107964105,
0.10362007285770937,
0.11617849103133002,
0.1401736499888248,
0.1712753670556506,
0.20509419865896072,
0.23867127061701973,
0.2702630327887894,
0.2989297051963761,
0.32423989637382267,
0.3460798843059216,
0.364530026342403,
0.37978369842934917,
0.392094334131639,
0.4017418071341654,
0.4090124994854375,
0.4141891534303109,
0.4175476195819364,
0.41935817762322325,
0.4198893742900639,
0.41941241133420354,
0.4182041432672406,
0.41654685979766265,
0.4147234052286739,
0.41300698139435454,
0.41164623368997943,
0.41084774605175534,
0.4107594074519465,
0.4114586414199079
],
[
0.0794341577200166,
0.04809084199451943,
0.044017996129350215,
0.06152111314246609,
0.0777134998488191,
0.08527740482625087,
0.08346392837621444,
0.07445762300357715,
0.06273535788680562,
0.05379366338083983,
0.04951916442859614,
0.04512985686138108,
0.03501131817250255,
0.019472001026590614,
0.021708466181843467,
0.046886685354676064,
0.07316772467488301,
0.0949389218176405,
0.10995961734759857,
0.11785154519857721,
0.12018648231738563,
0.12071458647112066,
0.12484033751339543,
0.1371541315413314,
0.1584844780874738,
0.18625512831841726,
0.2170626301433186,
0.24819602131953475,
0.27787681398571856,
0.3050671262860254,
0.32924244416397863,
0.3502156502936826,
0.36801294767903436,
0.38278893446709966,
0.39476969119239236,
0.40421585045395936,
0.41139999363845425,
0.4165943047271784,
0.42006542445035044,
0.422074065663974,
0.42287729868601587,
0.42273159876320354,
0.4218948770381813,
0.42062591843683733,
0.41918005977823913,
0.4178006629381426,
0.41670697488368824,
0.41608015059788467,
0.41605019065356474,
0.41668687516151515
],
[
0.07114847787035153,
0.031406806142031576,
0.024158459591415857,
0.04926611847353719,
0.06821450889316284,
0.07623606630732098,
0.07352516321292604,
0.0625678179927354,
0.04842073076103356,
0.03879142609100755,
0.03751709490285519,
0.03697264266322542,
0.029324388734798746,
0.015079585364446578,
0.022478062682638203,
0.04980011615106744,
0.0775876140449923,
0.10122441793645827,
0.11866306382611151,
0.12958495967006164,
0.1354238398304867,
0.13934331136865474,
0.14559730198855317,
0.15779986971500584,
0.1770601429243051,
0.20191899455605303,
0.22984125318814658,
0.2584803260740506,
0.28612841848937315,
0.3117066050073877,
0.3346219802509663,
0.3546221613531308,
0.37167967323422446,
0.3859076257616185,
0.39750096568292675,
0.406697196336572,
0.41375151859133263,
0.4189224585902023,
0.4224649103603923,
0.4246281179130659,
0.42565650598777305,
0.4257915166174139,
0.4252728108139246,
0.42433745423966396,
0.4232161249045037,
0.4221260273663581,
0.42126105493103994,
0.42078066387899293,
0.42079964130444536,
0.42138115159380407
],
[
0.0711437743132843,
0.029902615043170336,
0.01937059219838536,
0.04550606091031369,
0.064132156484145,
0.07114843181613145,
0.06671690243513885,
0.053005572257850214,
0.03472457757918322,
0.022415478631917275,
0.026657267571741017,
0.03262795404822165,
0.030915819940962503,
0.026070381874606318,
0.03561395413768302,
0.059625226220851875,
0.08653136946620486,
0.11070115097403714,
0.12964966946658005,
0.14283381485962027,
0.15138818049123065,
0.1578984684730232,
0.165756050061231,
0.17789367919485669,
0.1955103979044495,
0.21785736169957462,
0.2431011946705698,
0.2692911405773392,
0.2948622630628531,
0.31874744904709607,
0.34031459359306976,
0.35925951323818067,
0.3755057722430858,
0.3891252853154519,
0.40028012737289026,
0.40918216183087064,
0.41606656920238594,
0.42117577802055495,
0.4247508792212972,
0.4270281041582367,
0.42823832098624437,
0.42860778359787083,
0.42835861428363153,
0.42770779376626367,
0.42686384455857357,
0.42602096755317653,
0.425351100754836,
0.42499509201444646,
0.4250547103530263,
0.42558734457811087
],
[
0.07981992705439014,
0.04592357506126011,
0.03735226056370129,
0.053013490889522716,
0.06730524069347653,
0.0718150477418957,
0.06531409413233802,
0.049251565024885556,
0.027328946369735336,
0.011372658719755008,
0.024391168176489127,
0.036598928630147444,
0.0411504124593807,
0.04340274150572329,
0.05369093246574916,
0.07434549226202782,
0.09920146931060572,
0.12287412151595357,
0.14249400791603525,
0.15719403633009904,
0.16773922987702983,
0.1761772051546748,
0.18522249576149424,
0.19728981124864187,
0.21356631837228526,
0.23375273930657228,
0.25655801106485504,
0.28040828815983254,
0.3039206278911441,
0.32608145003462125,
0.34624799668665057,
0.3640803651380046,
0.3794608514823361,
0.39242293986920707,
0.4030959468876264,
0.41166491906039654,
0.41834332877172486,
0.4233557526935053,
0.42692792341520414,
0.4292818827450417,
0.43063428603980786,
0.431196185664461,
0.43117288763014794,
0.4307627803248849,
0.43015442831924317,
0.4295217305688034,
0.42901753041697355,
0.4287666355888604,
0.4288596065567484,
0.4293487470578282
]
]
},
{
"hoverinfo": "text",
"legendgroup": "In-sample",
"marker": {
"color": "black",
"opacity": 0.5,
"symbol": 1
},
"mode": "markers",
"name": "In-sample",
"text": [
"Arm 0_0
accuracy: 0.846667 (SEM: None)
lr: 2.12166e-05
momentum: 0.71107",
"Arm 1_0
accuracy: 0.876 (SEM: None)
lr: 3.4181e-05
momentum: 0.952158",
"Arm 2_0
accuracy: 0.1015 (SEM: None)
lr: 0.30446
momentum: 0.426471",
"Arm 3_0
accuracy: 0.887167 (SEM: None)
lr: 7.35479e-05
momentum: 0.243055",
"Arm 4_0
accuracy: 0.9275 (SEM: None)
lr: 0.000399505
momentum: 0.41368",
"Arm 5_0
accuracy: 0.099 (SEM: None)
lr: 0.000346451
momentum: 0.820448",
"Arm 6_0
accuracy: 0.693 (SEM: None)
lr: 1.5335e-06
momentum: 0.97209",
"Arm 7_0
accuracy: 0.3335 (SEM: None)
lr: 3.10009e-06
momentum: 0.421962",
"Arm 8_0
accuracy: 0.936 (SEM: None)
lr: 0.000508447
momentum: 0.162422",
"Arm 9_0
accuracy: 0.908167 (SEM: None)
lr: 0.000231076
momentum: 0.286969",
"Arm 10_0
accuracy: 0.858167 (SEM: None)
lr: 1.06033e-05
momentum: 1",
"Arm 11_0
accuracy: 0.859 (SEM: None)
lr: 0.000140424
momentum: 0",
"Arm 12_0
accuracy: 0.109833 (SEM: None)
lr: 0.00278335
momentum: 0",
"Arm 13_0
accuracy: 0.776833 (SEM: None)
lr: 2.51274e-05
momentum: 0",
"Arm 14_0
accuracy: 0.92 (SEM: None)
lr: 0.000205979
momentum: 0.164656",
"Arm 15_0
accuracy: 0.925 (SEM: None)
lr: 0.000499678
momentum: 0.295934",
"Arm 16_0
accuracy: 0.888167 (SEM: None)
lr: 6.06221e-05
momentum: 0.489883",
"Arm 17_0
accuracy: 0.819667 (SEM: None)
lr: 2.96486e-05
momentum: 0.358852",
"Arm 18_0
accuracy: 0.921833 (SEM: None)
lr: 0.00036073
momentum: 0.219388"
],
"type": "scatter",
"x": [
2.1216593661487738e-05,
3.418102921796241e-05,
0.30446023318884685,
7.354792459527615e-05,
0.0003995053549220097,
0.00034645081536190125,
1.5334996704207425e-06,
3.100090886261504e-06,
0.0005084473167264391,
0.0002310762397976052,
1.0603311158385197e-05,
0.00014042378245509682,
0.002783348350614748,
2.5127426362970888e-05,
0.00020597882637569533,
0.0004996780584820344,
6.062210075067681e-05,
2.9648571984860478e-05,
0.00036073023952953593
],
"xaxis": "x",
"y": [
0.7110699415206909,
0.9521583393216133,
0.42647070437669754,
0.2430550940334797,
0.4136803150177002,
0.8204479843975602,
0.9720897829641634,
0.42196156652710726,
0.16242224757301063,
0.2869690200609505,
1.0,
0.0,
0.0,
0.0,
0.16465558870987357,
0.29593413460384266,
0.489883313574353,
0.3588523936357762,
0.21938797057940762
],
"yaxis": "y"
},
{
"hoverinfo": "text",
"legendgroup": "In-sample",
"marker": {
"color": "black",
"opacity": 0.5,
"symbol": 1
},
"mode": "markers",
"name": "In-sample",
"showlegend": false,
"text": [
"Arm 0_0
accuracy: 0.846667 (SEM: None)
lr: 2.12166e-05
momentum: 0.71107",
"Arm 1_0
accuracy: 0.876 (SEM: None)
lr: 3.4181e-05
momentum: 0.952158",
"Arm 2_0
accuracy: 0.1015 (SEM: None)
lr: 0.30446
momentum: 0.426471",
"Arm 3_0
accuracy: 0.887167 (SEM: None)
lr: 7.35479e-05
momentum: 0.243055",
"Arm 4_0
accuracy: 0.9275 (SEM: None)
lr: 0.000399505
momentum: 0.41368",
"Arm 5_0
accuracy: 0.099 (SEM: None)
lr: 0.000346451
momentum: 0.820448",
"Arm 6_0
accuracy: 0.693 (SEM: None)
lr: 1.5335e-06
momentum: 0.97209",
"Arm 7_0
accuracy: 0.3335 (SEM: None)
lr: 3.10009e-06
momentum: 0.421962",
"Arm 8_0
accuracy: 0.936 (SEM: None)
lr: 0.000508447
momentum: 0.162422",
"Arm 9_0
accuracy: 0.908167 (SEM: None)
lr: 0.000231076
momentum: 0.286969",
"Arm 10_0
accuracy: 0.858167 (SEM: None)
lr: 1.06033e-05
momentum: 1",
"Arm 11_0
accuracy: 0.859 (SEM: None)
lr: 0.000140424
momentum: 0",
"Arm 12_0
accuracy: 0.109833 (SEM: None)
lr: 0.00278335
momentum: 0",
"Arm 13_0
accuracy: 0.776833 (SEM: None)
lr: 2.51274e-05
momentum: 0",
"Arm 14_0
accuracy: 0.92 (SEM: None)
lr: 0.000205979
momentum: 0.164656",
"Arm 15_0
accuracy: 0.925 (SEM: None)
lr: 0.000499678
momentum: 0.295934",
"Arm 16_0
accuracy: 0.888167 (SEM: None)
lr: 6.06221e-05
momentum: 0.489883",
"Arm 17_0
accuracy: 0.819667 (SEM: None)
lr: 2.96486e-05
momentum: 0.358852",
"Arm 18_0
accuracy: 0.921833 (SEM: None)
lr: 0.00036073
momentum: 0.219388"
],
"type": "scatter",
"x": [
2.1216593661487738e-05,
3.418102921796241e-05,
0.30446023318884685,
7.354792459527615e-05,
0.0003995053549220097,
0.00034645081536190125,
1.5334996704207425e-06,
3.100090886261504e-06,
0.0005084473167264391,
0.0002310762397976052,
1.0603311158385197e-05,
0.00014042378245509682,
0.002783348350614748,
2.5127426362970888e-05,
0.00020597882637569533,
0.0004996780584820344,
6.062210075067681e-05,
2.9648571984860478e-05,
0.00036073023952953593
],
"xaxis": "x2",
"y": [
0.7110699415206909,
0.9521583393216133,
0.42647070437669754,
0.2430550940334797,
0.4136803150177002,
0.8204479843975602,
0.9720897829641634,
0.42196156652710726,
0.16242224757301063,
0.2869690200609505,
1.0,
0.0,
0.0,
0.0,
0.16465558870987357,
0.29593413460384266,
0.489883313574353,
0.3588523936357762,
0.21938797057940762
],
"yaxis": "y2"
}
],
"layout": {
"annotations": [
{
"font": {
"size": 14
},
"showarrow": false,
"text": "Mean",
"x": 0.25,
"xanchor": "center",
"xref": "paper",
"y": 1,
"yanchor": "bottom",
"yref": "paper"
},
{
"font": {
"size": 14
},
"showarrow": false,
"text": "Standard Error",
"x": 0.8,
"xanchor": "center",
"xref": "paper",
"y": 1,
"yanchor": "bottom",
"yref": "paper"
}
],
"autosize": false,
"height": 450,
"hovermode": "closest",
"legend": {
"orientation": "h",
"x": 0,
"y": -0.25
},
"margin": {
"b": 100,
"l": 35,
"pad": 0,
"r": 35,
"t": 35
},
"template": {
"data": {
"bar": [
{
"error_x": {
"color": "#2a3f5f"
},
"error_y": {
"color": "#2a3f5f"
},
"marker": {
"line": {
"color": "#E5ECF6",
"width": 0.5
},
"pattern": {
"fillmode": "overlay",
"size": 10,
"solidity": 0.2
}
},
"type": "bar"
}
],
"barpolar": [
{
"marker": {
"line": {
"color": "#E5ECF6",
"width": 0.5
},
"pattern": {
"fillmode": "overlay",
"size": 10,
"solidity": 0.2
}
},
"type": "barpolar"
}
],
"carpet": [
{
"aaxis": {
"endlinecolor": "#2a3f5f",
"gridcolor": "white",
"linecolor": "white",
"minorgridcolor": "white",
"startlinecolor": "#2a3f5f"
},
"baxis": {
"endlinecolor": "#2a3f5f",
"gridcolor": "white",
"linecolor": "white",
"minorgridcolor": "white",
"startlinecolor": "#2a3f5f"
},
"type": "carpet"
}
],
"choropleth": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"type": "choropleth"
}
],
"contour": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0.0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1.0,
"#f0f921"
]
],
"type": "contour"
}
],
"contourcarpet": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"type": "contourcarpet"
}
],
"heatmap": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0.0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1.0,
"#f0f921"
]
],
"type": "heatmap"
}
],
"heatmapgl": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0.0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1.0,
"#f0f921"
]
],
"type": "heatmapgl"
}
],
"histogram": [
{
"marker": {
"pattern": {
"fillmode": "overlay",
"size": 10,
"solidity": 0.2
}
},
"type": "histogram"
}
],
"histogram2d": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0.0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1.0,
"#f0f921"
]
],
"type": "histogram2d"
}
],
"histogram2dcontour": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0.0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1.0,
"#f0f921"
]
],
"type": "histogram2dcontour"
}
],
"mesh3d": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"type": "mesh3d"
}
],
"parcoords": [
{
"line": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "parcoords"
}
],
"pie": [
{
"automargin": true,
"type": "pie"
}
],
"scatter": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scatter"
}
],
"scatter3d": [
{
"line": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scatter3d"
}
],
"scattercarpet": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scattercarpet"
}
],
"scattergeo": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scattergeo"
}
],
"scattergl": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scattergl"
}
],
"scattermapbox": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scattermapbox"
}
],
"scatterpolar": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scatterpolar"
}
],
"scatterpolargl": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scatterpolargl"
}
],
"scatterternary": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scatterternary"
}
],
"surface": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0.0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1.0,
"#f0f921"
]
],
"type": "surface"
}
],
"table": [
{
"cells": {
"fill": {
"color": "#EBF0F8"
},
"line": {
"color": "white"
}
},
"header": {
"fill": {
"color": "#C8D4E3"
},
"line": {
"color": "white"
}
},
"type": "table"
}
]
},
"layout": {
"annotationdefaults": {
"arrowcolor": "#2a3f5f",
"arrowhead": 0,
"arrowwidth": 1
},
"autotypenumbers": "strict",
"coloraxis": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"colorscale": {
"diverging": [
[
0,
"#8e0152"
],
[
0.1,
"#c51b7d"
],
[
0.2,
"#de77ae"
],
[
0.3,
"#f1b6da"
],
[
0.4,
"#fde0ef"
],
[
0.5,
"#f7f7f7"
],
[
0.6,
"#e6f5d0"
],
[
0.7,
"#b8e186"
],
[
0.8,
"#7fbc41"
],
[
0.9,
"#4d9221"
],
[
1,
"#276419"
]
],
"sequential": [
[
0.0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1.0,
"#f0f921"
]
],
"sequentialminus": [
[
0.0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1.0,
"#f0f921"
]
]
},
"colorway": [
"#636efa",
"#EF553B",
"#00cc96",
"#ab63fa",
"#FFA15A",
"#19d3f3",
"#FF6692",
"#B6E880",
"#FF97FF",
"#FECB52"
],
"font": {
"color": "#2a3f5f"
},
"geo": {
"bgcolor": "white",
"lakecolor": "white",
"landcolor": "#E5ECF6",
"showlakes": true,
"showland": true,
"subunitcolor": "white"
},
"hoverlabel": {
"align": "left"
},
"hovermode": "closest",
"mapbox": {
"style": "light"
},
"paper_bgcolor": "white",
"plot_bgcolor": "#E5ECF6",
"polar": {
"angularaxis": {
"gridcolor": "white",
"linecolor": "white",
"ticks": ""
},
"bgcolor": "#E5ECF6",
"radialaxis": {
"gridcolor": "white",
"linecolor": "white",
"ticks": ""
}
},
"scene": {
"xaxis": {
"backgroundcolor": "#E5ECF6",
"gridcolor": "white",
"gridwidth": 2,
"linecolor": "white",
"showbackground": true,
"ticks": "",
"zerolinecolor": "white"
},
"yaxis": {
"backgroundcolor": "#E5ECF6",
"gridcolor": "white",
"gridwidth": 2,
"linecolor": "white",
"showbackground": true,
"ticks": "",
"zerolinecolor": "white"
},
"zaxis": {
"backgroundcolor": "#E5ECF6",
"gridcolor": "white",
"gridwidth": 2,
"linecolor": "white",
"showbackground": true,
"ticks": "",
"zerolinecolor": "white"
}
},
"shapedefaults": {
"line": {
"color": "#2a3f5f"
}
},
"ternary": {
"aaxis": {
"gridcolor": "white",
"linecolor": "white",
"ticks": ""
},
"baxis": {
"gridcolor": "white",
"linecolor": "white",
"ticks": ""
},
"bgcolor": "#E5ECF6",
"caxis": {
"gridcolor": "white",
"linecolor": "white",
"ticks": ""
}
},
"title": {
"x": 0.05
},
"xaxis": {
"automargin": true,
"gridcolor": "white",
"linecolor": "white",
"ticks": "",
"title": {
"standoff": 15
},
"zerolinecolor": "white",
"zerolinewidth": 2
},
"yaxis": {
"automargin": true,
"gridcolor": "white",
"linecolor": "white",
"ticks": "",
"title": {
"standoff": 15
},
"zerolinecolor": "white",
"zerolinewidth": 2
}
}
},
"width": 950,
"xaxis": {
"anchor": "y",
"autorange": false,
"domain": [
0.05,
0.45
],
"exponentformat": "e",
"range": [
-6.0,
-0.3979400086720376
],
"tickfont": {
"size": 11
},
"tickmode": "auto",
"title": {
"text": "lr"
},
"type": "log"
},
"xaxis2": {
"anchor": "y2",
"autorange": false,
"domain": [
0.6,
1
],
"exponentformat": "e",
"range": [
-6.0,
-0.3979400086720376
],
"tickfont": {
"size": 11
},
"tickmode": "auto",
"title": {
"text": "lr"
},
"type": "log"
},
"yaxis": {
"anchor": "x",
"autorange": false,
"domain": [
0,
1
],
"exponentformat": "e",
"range": [
0.0,
1.0
],
"tickfont": {
"size": 11
},
"tickmode": "auto",
"title": {
"text": "momentum"
},
"type": "linear"
},
"yaxis2": {
"anchor": "x2",
"autorange": false,
"domain": [
0,
1
],
"exponentformat": "e",
"range": [
0.0,
1.0
],
"tickfont": {
"size": 11
},
"tickmode": "auto",
"type": "linear"
}
}
},
"text/html": [
"