{
"cells": [
{
"cell_type": "markdown",
"metadata": {},
"source": [
"# Ax Service API with RayTune on PyTorch CNN\n",
"\n",
"Ax integrates easily with different scheduling frameworks and distributed training frameworks. In this example, Ax-driven optimization is executed in a distributed fashion using [RayTune](https://ray.readthedocs.io/en/latest/tune.html). \n",
"\n",
"RayTune is a scalable framework for hyperparameter tuning that provides many state-of-the-art hyperparameter tuning algorithms and seamlessly scales from laptop to distributed cluster with fault tolerance. RayTune leverages [Ray](https://ray.readthedocs.io/)'s Actor API to provide asynchronous parallel and distributed execution.\n",
"\n",
"Ray 'Actors' are a simple and clean abstraction for replicating your Python classes across multiple workers and nodes. Each hyperparameter evaluation is asynchronously executed on a separate Ray actor and reports intermediate training progress back to RayTune. Upon reporting, RayTune then uses this information to performs actions such as early termination, re-prioritization, or checkpointing."
]
},
{
"cell_type": "code",
"execution_count": 1,
"metadata": {},
"outputs": [],
"source": [
"import logging\n",
"from ray import tune\n",
"from ray.tune import track\n",
"from ray.tune.suggest.ax import AxSearch\n",
"logger = logging.getLogger(tune.__name__) \n",
"logger.setLevel(level=logging.CRITICAL) # Reduce the number of Ray warnings that are not relevant here."
]
},
{
"cell_type": "code",
"execution_count": 2,
"metadata": {},
"outputs": [
{
"data": {
"text/html": [
""
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 10-01 15:42:23] 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.ax_client import AxClient\n",
"from ax.utils.notebook.plotting import render, init_notebook_plotting\n",
"from ax.utils.tutorials.cnn_utils import CNN, load_mnist, train, evaluate\n",
"\n",
"\n",
"init_notebook_plotting()"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"## 1. Initialize client\n",
"We specify `enforce_sequential_optimization` as False, because Ray runs many trials in parallel. With the sequential optimization enforcement, `AxClient` would expect the first few trials to be completed with data before generating more trials.\n",
"\n",
"When high parallelism is not required, it is best to enforce sequential optimization, as it allows for achieving optimal results in fewer (but sequential) trials. In cases where parallelism is important, such as with distributed training using Ray, we choose to forego minimizing resource utilization and run more trials in parallel."
]
},
{
"cell_type": "code",
"execution_count": 3,
"metadata": {},
"outputs": [
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 10-01 15:42:23] ax.service.ax_client: Starting optimization with verbose logging. To disable logging, set the `verbose_logging` argument to `False`. Note that float values in the logs are rounded to 2 decimal points.\n"
]
}
],
"source": [
"ax = AxClient(enforce_sequential_optimization=False)"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"## 2. Set up experiment\n",
"Here we set up the search space and specify the objective; refer to the Ax API tutorials for more detail."
]
},
{
"cell_type": "code",
"execution_count": 4,
"metadata": {},
"outputs": [
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 10-01 15:42:23] 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 10-01 15:42:23] 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 10-01 15:42:23] 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"
]
}
],
"source": [
"ax.create_experiment(\n",
" name=\"mnist_experiment\",\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",
" objective_name=\"mean_accuracy\",\n",
")"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"## 3. Define how to evaluate trials\n",
"Since we use the Ax Service API here, we evaluate the parameterizations that Ax suggests, using RayTune. The evaluation function follows its usual pattern, taking in a parameterization and outputting an objective value. For detail on evaluation functions, see [Trial Evaluation](https://ax.dev/docs/runner.html). "
]
},
{
"cell_type": "code",
"execution_count": 5,
"metadata": {},
"outputs": [],
"source": [
"def train_evaluate(parameterization):\n",
" device = torch.device('cuda' if torch.cuda.is_available() else 'cpu')\n",
" train_loader, valid_loader, test_loader = load_mnist(data_path='~/.data')\n",
" net = train(net=CNN(), train_loader=train_loader, parameters=parameterization, dtype=torch.float, device=device)\n",
" track.log(\n",
" mean_accuracy=evaluate(\n",
" net=net,\n",
" data_loader=valid_loader,\n",
" dtype=torch.float,\n",
" device=device,\n",
" )\n",
" )"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"## 4. Run optimization\n",
"Execute the Ax optimization and trial evaluation in RayTune using [AxSearch algorithm](https://ray.readthedocs.io/en/latest/tune-searchalg.html#ax-search):"
]
},
{
"cell_type": "code",
"execution_count": 6,
"metadata": {},
"outputs": [
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 10-01 15:42:23] ax.service.ax_client: Starting optimization with verbose logging. To disable logging, set the `verbose_logging` argument to `False`. Note that float values in the logs are rounded to 2 decimal points.\n"
]
},
{
"ename": "TypeError",
"evalue": "'AxClient' object is not iterable",
"output_type": "error",
"traceback": [
"\u001b[0;31m---------------------------------------------------------------------------\u001b[0m",
"\u001b[0;31mTypeError\u001b[0m Traceback (most recent call last)",
"\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[1;32m 2\u001b[0m \u001b[0mtrain_evaluate\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 3\u001b[0m \u001b[0mnum_samples\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;36m30\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m----> 4\u001b[0;31m \u001b[0msearch_alg\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mAxSearch\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0max\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;31m# Note that the argument here is the `AxClient`.\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 5\u001b[0m \u001b[0mverbose\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;36m0\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;31m# Set this level to 1 to see status updates and to 2 to also see trial results.\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 6\u001b[0m \u001b[0;31m# To use GPU, specify: resources_per_trial={\"gpu\": 1}.\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n",
"\u001b[0;32m~/virtualenv/python3.7.1/lib/python3.7/site-packages/ray/tune/suggest/ax.py\u001b[0m in \u001b[0;36m__init__\u001b[0;34m(self, space, metric, mode, parameter_constraints, outcome_constraints, ax_client, use_early_stopped_trials, max_concurrent)\u001b[0m\n\u001b[1;32m 134\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 135\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_ax\u001b[0m \u001b[0;32mor\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_space\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 136\u001b[0;31m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0msetup_experiment\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 137\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 138\u001b[0m \u001b[0;32mdef\u001b[0m \u001b[0msetup_experiment\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n",
"\u001b[0;32m~/virtualenv/python3.7.1/lib/python3.7/site-packages/ray/tune/suggest/ax.py\u001b[0m in \u001b[0;36msetup_experiment\u001b[0;34m(self)\u001b[0m\n\u001b[1;32m 158\u001b[0m \u001b[0mparameter_constraints\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_parameter_constraints\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 159\u001b[0m \u001b[0moutcome_constraints\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_outcome_constraints\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 160\u001b[0;31m minimize=self._mode != \"max\")\n\u001b[0m\u001b[1;32m 161\u001b[0m \u001b[0;32melse\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 162\u001b[0m if any([\n",
"\u001b[0;32m~/build/facebook/Ax/ax/service/ax_client.py\u001b[0m in \u001b[0;36mcreate_experiment\u001b[0;34m(self, parameters, name, objective_name, minimize, parameter_constraints, outcome_constraints, status_quo, overwrite_existing_experiment, experiment_type, choose_generation_strategy_kwargs)\u001b[0m\n\u001b[1;32m 261\u001b[0m \u001b[0moutcome_constraints\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0moutcome_constraints\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 262\u001b[0m \u001b[0mstatus_quo\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mstatus_quo\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 263\u001b[0;31m \u001b[0mexperiment_type\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mexperiment_type\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 264\u001b[0m )\n\u001b[1;32m 265\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n",
"\u001b[0;32m~/build/facebook/Ax/ax/service/utils/instantiation.py\u001b[0m in \u001b[0;36mmake_experiment\u001b[0;34m(parameters, name, objective_name, minimize, parameter_constraints, outcome_constraints, status_quo, experiment_type)\u001b[0m\n\u001b[1;32m 327\u001b[0m without importing or instantiating any Ax classes.\"\"\"\n\u001b[1;32m 328\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 329\u001b[0;31m \u001b[0mexp_parameters\u001b[0m\u001b[0;34m:\u001b[0m \u001b[0mList\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0mParameter\u001b[0m\u001b[0;34m]\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0;34m[\u001b[0m\u001b[0mparameter_from_json\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mp\u001b[0m\u001b[0;34m)\u001b[0m \u001b[0;32mfor\u001b[0m \u001b[0mp\u001b[0m \u001b[0;32min\u001b[0m \u001b[0mparameters\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 330\u001b[0m \u001b[0mstatus_quo_arm\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0;32mNone\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0mstatus_quo\u001b[0m \u001b[0;32mis\u001b[0m \u001b[0;32mNone\u001b[0m \u001b[0;32melse\u001b[0m \u001b[0mArm\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mparameters\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mstatus_quo\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 331\u001b[0m \u001b[0mparameter_map\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0;34m{\u001b[0m\u001b[0mp\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mname\u001b[0m\u001b[0;34m:\u001b[0m \u001b[0mp\u001b[0m \u001b[0;32mfor\u001b[0m \u001b[0mp\u001b[0m \u001b[0;32min\u001b[0m \u001b[0mexp_parameters\u001b[0m\u001b[0;34m}\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n",
"\u001b[0;31mTypeError\u001b[0m: 'AxClient' object is not iterable"
]
}
],
"source": [
"tune.run(\n",
" train_evaluate, \n",
" num_samples=30, \n",
" search_alg=AxSearch(ax), # Note that the argument here is the `AxClient`.\n",
" verbose=0, # Set this level to 1 to see status updates and to 2 to also see trial results.\n",
" # To use GPU, specify: resources_per_trial={\"gpu\": 1}.\n",
")"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"## 5. Retrieve the optimization results"
]
},
{
"cell_type": "code",
"execution_count": 7,
"metadata": {},
"outputs": [
{
"data": {
"text/plain": [
"{'lr': 0.001126015869936531, 'momentum': 0.4754412202164531}"
]
},
"execution_count": 7,
"metadata": {},
"output_type": "execute_result"
}
],
"source": [
"best_parameters, values = ax.get_best_parameters()\n",
"best_parameters"
]
},
{
"cell_type": "code",
"execution_count": 8,
"metadata": {},
"outputs": [
{
"data": {
"text/plain": [
"{'mean_accuracy': 0.9616665982503324}"
]
},
"execution_count": 8,
"metadata": {},
"output_type": "execute_result"
}
],
"source": [
"means, covariances = values\n",
"means"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"## 6. Plot the response surface and optimization trace"
]
},
{
"cell_type": "code",
"execution_count": 9,
"metadata": {
"scrolled": false
},
"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,
"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,
"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.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
],
"yaxis": "y",
"z": [
[
0.5245789741263889,
0.5273805485563844,
0.530963740910006,
0.5356447019955526,
0.5418226897226416,
0.5499824101221648,
0.560687777833296,
0.5745615988313642,
0.5922430688961328,
0.6143117404227862,
0.6411647190758487,
0.6728418310867872,
0.7088193791667738,
0.747807755868299,
0.787584534482771,
0.8249597591547174,
0.856137040909791,
0.878002543311645,
0.8901529264956809,
0.8941157841508212,
0.8911079319293389,
0.8810540706687292,
0.8625869352921811,
0.8337648730475068,
0.7932264058798599,
0.7411041824417319,
0.6790085338769773,
0.6093510021706342,
0.5348993651813541,
0.45879235014555747,
0.38456088664278193,
0.3158141083628306,
0.2556844220800824,
0.2064075261021336,
0.16938881278394186,
0.14575289219760224,
0.13676686218100753,
0.14308160495449107,
0.1628726059276197,
0.1916858259327464,
0.22460745256144854,
0.25792785172586724,
0.2894773064104978,
0.31829168323751333,
0.3441400232001739,
0.36714374007284023,
0.38754142940533143,
0.4055756744087801,
0.4214564628866439,
0.43536149620249137
],
[
0.5257361471025911,
0.5285675705021937,
0.5321694982659527,
0.5368641968293547,
0.5430599405499584,
0.5512532886192194,
0.562022615346864,
0.5760074144703797,
0.5938653113697832,
0.6161953191284675,
0.6434131131700068,
0.6755713780316601,
0.7121496081495209,
0.7518555887645835,
0.792464923665834,
0.8307904339580516,
0.86304750345929,
0.8861418346745571,
0.8996307790281339,
0.9049631388874011,
0.9032621111936232,
0.8943110484583796,
0.8765253994107762,
0.8476950729259654,
0.8062638447395086,
0.7523742620511716,
0.6877914699013744,
0.6150629742786035,
0.5370695334178108,
0.4571645888269459,
0.37925605313363564,
0.30741430704282485,
0.2451494482801403,
0.19483168206257828,
0.15770749846303278,
0.13456785086910378,
0.12641661469183052,
0.13383958163526616,
0.15485295999618492,
0.18467131936588738,
0.21822156888471245,
0.251847803173812,
0.28352474562726465,
0.3124305319234462,
0.3384318306829038,
0.3616951614517536,
0.382462063105981,
0.40095234762019466,
0.4173425257307736,
0.4317764821480306
],
[
0.5269908845144309,
0.5298500999844937,
0.5334649655013264,
0.5381634990248911,
0.5443625861224161,
0.5525700709946546,
0.5633778905526219,
0.5774407889395753,
0.5954326312408426,
0.6179689103002224,
0.6454804729706173,
0.6780293242565194,
0.7150947589861422,
0.7553814446045328,
0.7966695755585341,
0.8357947463605098,
0.8690283627891593,
0.8933571369059665,
0.9082786923589257,
0.9151013902290266,
0.9148273787759751,
0.9070973011124616,
0.8901161274934616,
0.8614019423911132,
0.8191936247061978,
0.7636502667287827,
0.6966958646218091,
0.6209796498916107,
0.5394518519294366,
0.4556772789960754,
0.37399040127207694,
0.2990041967200733,
0.23468275279003764,
0.18356390254004018,
0.1467002813349848,
0.12444789839792847,
0.11741895952623177,
0.12606014248970987,
0.1482179287010274,
0.1788090427518621,
0.2126852400748881,
0.24631674024193095,
0.2778644670242044,
0.3066654903372337,
0.33268447718810623,
0.3561244973242621,
0.3772179928608778,
0.39615003769035506,
0.4130536047655757,
0.4280311424737645
],
[
0.5283525182220834,
0.5312378447322602,
0.534860066258474,
0.5395526336161667,
0.5457407096500272,
0.5539429520957011,
0.564764084431035,
0.5788727979134084,
0.5969571131200755,
0.6196460211538362,
0.6473820676661453,
0.6802331563283867,
0.7176753259506597,
0.7584102856214279,
0.8002301927127291,
0.840013938065808,
0.8741297953936895,
0.8996847339717045,
0.9161037830016299,
0.9245069667005299,
0.9257487488188658,
0.9193284513590166,
0.9032543761632263,
0.8747764972692823,
0.8319207411972073,
0.774870537812866,
0.7057074381732887,
0.6271297593829253,
0.5420979970515375,
0.454382409854774,
0.3688013158608246,
0.29060445287789466,
0.2242997923359598,
0.17263582860214932,
0.13643857941441523,
0.11551952116328268,
0.10994674218611444,
0.11991993249386584,
0.14310337944645835,
0.17418140181906178,
0.20803749999109433,
0.24134463446205212,
0.27248952186822695,
0.3009814511117514,
0.3268803692498125,
0.3504148939946231,
0.3717945953547653,
0.39115677706914836,
0.4085802730923659,
0.4241182661983047
],
[
0.5298310461623902,
0.5327412425776757,
0.5363655193061599,
0.5410424975284728,
0.5472053697302826,
0.5553832537422453,
0.5661930381703225,
0.580316248319395,
0.5984531720234403,
0.6212434274996121,
0.6491377708576795,
0.6822068006891966,
0.7199208776997682,
0.7609799712050144,
0.8031965926376361,
0.8435132943614649,
0.8784283960416306,
0.9051875528989782,
0.9231355929326786,
0.9331724170831153,
0.9359809633894173,
0.9309230535430921,
0.9158318503925157,
0.8877026424358185,
0.8443441249014272,
0.7859733336039375,
0.7148201586074827,
0.6335557044958318,
0.5450742550462196,
0.45334417664837146,
0.3637335944222274,
0.2822363928741343,
0.2140083907937516,
0.162062382735015,
0.12696808152956268,
0.107876700651511,
0.10414007791172386,
0.11556165408656516,
0.13960704865036816,
0.17083652906851132,
0.20429062871843223,
0.236922201287672,
0.26737991500200825,
0.29535496502981395,
0.3209969279826103,
0.34454677154625724,
0.36617594254574876,
0.3859601219816291,
0.4039130722663924,
0.4200308283564096
],
[
0.5314371396953623,
0.534371468753198,
0.5379928442737628,
0.5426448619059601,
0.5487685958659312,
0.5569034062903381,
0.5676779069714716,
0.5817855812071838,
0.5999373746686426,
0.6227808934271281,
0.6507716528537404,
0.6839799699657799,
0.7218689768185911,
0.7631393628219943,
0.8056331491196514,
0.846375324785339,
0.882017200796154,
0.9099460673541558,
0.9294214920036417,
0.9411052192831244,
0.9454895457649946,
0.9418049672601507,
0.9277392808141796,
0.9000594820241763,
0.8563592180364619,
0.7969003559222998,
0.7240402333167042,
0.6403167038262936,
0.5484636811643926,
0.452640760022243,
0.35884120606304737,
0.27392347635535796,
0.2038092395539065,
0.15184013048432488,
0.11830324945974358,
0.10156888750294757,
0.10008723046429119,
0.11307419632795207,
0.13777395793368585,
0.16878031840039692,
0.20142615940442887,
0.23301911324958935,
0.26250200619727954,
0.2897542480185813,
0.3150068700190429,
0.33849819078892085,
0.360345154271016,
0.3805474475768308,
0.3990427418514908,
0.41576216260768584
],
[
0.5331821448616935,
0.536140436512304,
0.5397543601449962,
0.5443723667809254,
0.5504433759792831,
0.5585169213312656,
0.5692331019383826,
0.583296753285376,
0.6014282135859305,
0.6242807903183899,
0.6523114226127339,
0.6855872980163389,
0.7235638133051416,
0.7649460128739451,
0.807614743987128,
0.8486931498708103,
0.8849980001369709,
0.9140508820129842,
0.9350218252349584,
0.9483261855386993,
0.9542519159582232,
0.9519064845184242,
0.9388702616869162,
0.911724945092687,
0.8678618923471241,
0.8076016414764915,
0.733390859640028,
0.6474918377307002,
0.5523678535941283,
0.45236590998789883,
0.35418928881808587,
0.2656934997987906,
0.1936974972822021,
0.14194713194516106,
0.11042374617389855,
0.09659086590749899,
0.09780262103424514,
0.11246831610453961,
0.13758335613260558,
0.16797032257992073,
0.19939221884572467,
0.22958311521512798,
0.25780851587949694,
0.2841395907490493,
0.3088787536145204,
0.3322453902941729,
0.35428485538535726,
0.3749063044023646,
0.393960483893267,
0.41130615383965186
],
[
0.5350780764066269,
0.5380607898623629,
0.5416631753267396,
0.5462385071597408,
0.5522436357195513,
0.5602383568955714,
0.5708742245837904,
0.584867107808791,
0.6029458546414787,
0.6257676346480006,
0.6537877298307568,
0.6870673143246834,
0.7250546727837603,
0.7664636813153166,
0.8092227491822732,
0.850564844190437,
0.8874754993251067,
0.9175970039135072,
0.9400054621554925,
0.9548677165601769,
0.9622585845451612,
0.9611722788090211,
0.949126690185578,
0.9225811524253669,
0.8787541261588158,
0.8180421424224804,
0.7429175703558096,
0.6551825674871622,
0.5569078817884041,
0.4526301526096861,
0.3498563422525421,
0.2575815600073104,
0.1836656876541637,
0.1323446827211287,
0.10327373152107133,
0.0928774493641431,
0.09721023912116944,
0.11365606441498283,
0.13894095560066388,
0.16831267666305583,
0.19810264138517003,
0.22654023387442246,
0.25323922416268035,
0.27846421169240204,
0.30257780687374947,
0.3257634980277444,
0.34797773579838087,
0.3690248323936264,
0.38865825857628167,
0.4066574479877788
],
[
0.5371376032696255,
0.5401458870070245,
0.5437331678705057,
0.548257609310087,
0.554184209028741,
0.5620832762093473,
0.572617998363314,
0.5865152465749041,
0.6045118862164979,
0.6272675935899527,
0.6552333379529139,
0.6884613413228295,
0.7263943696590079,
0.767759897074614,
0.8105413881584769,
0.852088910894135,
0.8895529163882594,
0.9206794635274635,
0.9444459698095385,
0.9607720146703546,
0.9695143117905907,
0.9695640724265631,
0.9584261109706529,
0.932522046259657,
0.888951956725471,
0.8282103137898822,
0.7526937339610194,
0.6635141126718216,
0.5622242645841864,
0.45356141515794013,
0.34593654984918576,
0.24963382620018387,
0.17370803148853747,
0.12298120746103575,
0.09676460622052574,
0.0903051033488102,
0.09814560566022595,
0.11645291362180893,
0.14167938017496706,
0.1696627847045873,
0.1974381318139704,
0.22379620176123982,
0.2487224159884487,
0.27267557437292533,
0.29606704292544517,
0.319027414253428,
0.34140720663122603,
0.3628922253709914,
0.38312910553345747,
0.4018116753870006
],
[
0.5393740240726994,
0.54240977288615,
0.5459789541502333,
0.5504447956718748,
0.5562807989541794,
0.5640682004129346,
0.5744822007653044,
0.5882609137279183,
0.6061491003370464,
0.6288080480942357,
0.6566822481306376,
0.6898124557335267,
0.7276377675171428,
0.7689037295398896,
0.8116546562106253,
0.8533608043908203,
0.8913286799013391,
0.9233899398747539,
0.9484183564937054,
0.9660892132052709,
0.9760389564534802,
0.977065630902465,
0.966711091605333,
0.9414639146168173,
0.8983963423213412,
0.8381288970906344,
0.7628253102167379,
0.6726348745282513,
0.5684751627296613,
0.4553048597305862,
0.34254214263084176,
0.2419121134702632,
0.16382626716500404,
0.11379838795092467,
0.09078123219513107,
0.08870026946763104,
0.1003740924837585,
0.1205991289090424,
0.1455665577593867,
0.1718298098602637,
0.1972495339175282,
0.22123912680356828,
0.24417708171536662,
0.2667171659272497,
0.2893086528428723,
0.31201285343769003,
0.3345581399823341,
0.3564992356346309,
0.3773674834815634,
0.39676568313605487
],
[
0.5418012309662262,
0.5448671389786823,
0.5484158439975217,
0.5528159363894034,
0.558549927086289,
0.5662105547268724,
0.5764855978733338,
0.5901248986747912,
0.607881328263556,
0.6304173048417956,
0.6581692004535098,
0.6911646696030207,
0.7288404812088171,
0.7699638754456232,
0.8126438534291434,
0.8544703364526114,
0.8928939544835601,
0.9258140954063626,
0.9519962094396268,
0.9708752633228348,
0.9818675796527203,
0.983687287195014,
0.973960273564658,
0.9493595526141663,
0.9070677091352376,
0.8478676303106645,
0.7734532817945932,
0.6827129532073032,
0.5758326784171827,
0.4580217317366246,
0.33980569085190765,
0.23449919094032268,
0.1540369164956248,
0.10473942163048766,
0.08519112882464264,
0.08785206719156208,
0.10361217679006235,
0.12578206437518763,
0.15031897307654374,
0.1745843462911194,
0.1973630427588745,
0.21874334511427124,
0.2395158358755708,
0.2605307084236484,
0.28226565176171875,
0.3046975230878255,
0.3274176736519514,
0.3498387047864531,
0.37136961917887823,
0.3915177712666493
],
[
0.544433660013985,
0.5475332683049383,
0.5510597799746257,
0.555387584990764,
0.5610088692868213,
0.5685286064045715,
0.5786478811871256,
0.5921289603558946,
0.609733336730528,
0.6321244704513247,
0.6597295870246818,
0.6925623688377975,
0.7300578124234688,
0.7710071109606449,
0.8135857069149874,
0.8554997951645089,
0.8943307807300982,
0.9280293877339598,
0.955249024705503,
0.9751893664229716,
0.987049265908255,
0.9894687314267475,
0.9801996974085838,
0.956216824708686,
0.9150051235950449,
0.857556308032637,
0.7847513632493869,
0.6939288243011149,
0.5844768453642273,
0.46188707069528967,
0.33788218196411435,
0.22750468366643167,
0.14437984642059082,
0.09575915058241741,
0.07985583915430394,
0.08752660117267325,
0.10754547522767344,
0.13165420768523356,
0.15561643840684036,
0.17766830280275714,
0.1975870327430327,
0.21617431047349228,
0.2346484711552076,
0.25405874827367037,
0.2749037376056213,
0.297062407104971,
0.31997605585415145,
0.34290610358751905,
0.3651338552766574,
0.38606792703907106
],
[
0.5472862261241813,
0.5504239633384348,
0.5539272581403917,
0.5581768952437353,
0.5636755745941373,
0.5710413915411776,
0.580989604153869,
0.5942957697303263,
0.6117307740983935,
0.6339594207204647,
0.6613993852757655,
0.6940499246140339,
0.7313439283588655,
0.7720971148066478,
0.8145510200117572,
0.8565226276888449,
0.8957106690656753,
0.9301031875932628,
0.9582395604014251,
0.979090760023885,
0.9916441352886916,
0.9944784434682052,
0.9855111493483122,
0.9621217796487322,
0.9223312161125901,
0.8673934012210682,
0.7969159998783543,
0.7064635373444776,
0.5945872395812764,
0.4670861942950045,
0.3369507059359246,
0.22107133399055334,
0.13492785891467862,
0.0868356890595201,
0.07464363438205318,
0.08748096221939033,
0.11184313772183735,
0.13784759446253553,
0.16111645545152747,
0.18080605047412335,
0.1977200850900256,
0.21339430728821485,
0.22948602329745138,
0.2472475438782608,
0.2671933056741032,
0.28909311064339654,
0.31222749872944744,
0.3357000607206607,
0.3586609856220772,
0.3804180515118275
],
[
0.5503742403667421,
0.5535554543241816,
0.5570352273518904,
0.5612015157217296,
0.5665685633926238,
0.5737686265144747,
0.5835321136496381,
0.5966488629985167,
0.6139001462096612,
0.6359527949407056,
0.6632150626470381,
0.6956714000672669,
0.7327512653454054,
0.7732936383161139,
0.8156037723686307,
0.8576025670908541,
0.8970935343372453,
0.9320910933861637,
0.9610211094526253,
0.9826347527953722,
0.9957181948023844,
0.9988081862229934,
0.9900319742449111,
0.9672623176900899,
0.9292840064263745,
0.8776393395626392,
0.8101461082526709,
0.7204824588592165,
0.606332412790588,
0.4738099448327003,
0.3372155171962008,
0.2153812695300631,
0.12579690472049238,
0.07798309420184896,
0.06944289313385754,
0.08747611295545132,
0.11616945682456287,
0.14398577719839822,
0.16646765142476228,
0.1837161363598469,
0.19755977925591,
0.21026872703110583,
0.22394518757881837,
0.24005014844981076,
0.2591115465534498,
0.2807812129753879,
0.30417100372189787,
0.32822285806842155,
0.3519545661395541,
0.37457217272818344
],
[
0.5537133073661298,
0.5569442853127095,
0.5604009638648186,
0.5644794581488594,
0.5697068001585468,
0.5767305986021671,
0.5862974697861033,
0.5992125955092134,
0.6162688013098918,
0.6381359821553969,
0.6652134739704919,
0.6974703247889185,
0.7343301280201637,
0.7746519814084881,
0.8168005950341114,
0.8587931127704392,
0.8985268999595983,
0.9340353905433316,
0.9636346685911805,
0.9858680432701694,
0.9993360197730452,
1.0025617145055121,
0.993940011752313,
0.9719315504765147,
0.9362475970899501,
0.8885783494229478,
0.8246123951129973,
0.7361155545519468,
0.6198576874417805,
0.4822487680087176,
0.33890616922278016,
0.2106617741027953,
0.11715634810104941,
0.06926453038458857,
0.06417571162993574,
0.08728863834096623,
0.12019372600950229,
0.14969455504074436,
0.17132257735335066,
0.18612314884354864,
0.19691183230501824,
0.2066726180949363,
0.21795289940428453,
0.232429564372795,
0.25064453970919437,
0.2721255648438013,
0.2958111170651738,
0.32048086888676236,
0.3450211897478551,
0.36853664048686563
],
[
0.5573192003311647,
0.5606071750706779,
0.5640419177715715,
0.5680289351933971,
0.5731095353886666,
0.5799480292072333,
0.5893083459724877,
0.602012085347875,
0.61886490792714,
0.6405410914757563,
0.6674317652568181,
0.6994895316828035,
0.7361284528499039,
0.7762227263562552,
0.8181905522274608,
0.8601373002916869,
0.900045336796444,
0.9359636566751883,
0.9661060630081979,
0.988823517666393,
1.0025517067172882,
1.0058383208669952,
0.997421297624118,
0.9764669114920843,
0.9436647852998905,
0.9004438159718149,
0.8404203411414455,
0.7534362407399784,
0.6352721709421276,
0.4925857648117482,
0.34227631791476165,
0.20718986789085342,
0.10923849527361107,
0.060805220577991426,
0.05881144582373621,
0.08672179758890763,
0.12359944475499052,
0.15461269837464198,
0.1753504599544039,
0.18776950427391254,
0.19559919340303228,
0.20249719976688596,
0.21145087001388513,
0.22436182771353153,
0.24178924089082743,
0.2631334577172086,
0.28715857033358344,
0.312484915455392,
0.3378707150294862,
0.36232029875291083
],
[
0.5612077111871008,
0.5645608499346804,
0.5679755276725726,
0.5718681630808621,
0.5767961107233887,
0.5834419021561967,
0.5925879000657195,
0.6050731355878834,
0.621717414442875,
0.6432009065758315,
0.6699072899640347,
0.7017710519710283,
0.7381917054763596,
0.7780516801396615,
0.8198151712955521,
0.8616677182634598,
0.9016701321449064,
0.9378875586731756,
0.9684431598217035,
0.9915148696143607,
1.005398974396205,
1.0087135614419416,
1.0006271468602206,
0.9811289054550592,
0.9517794246695972,
0.9133359074276451,
0.8575748890080164,
0.7724415487543266,
0.6526360819953321,
0.5049889091167481,
0.3476006631485986,
0.2052947700233786,
0.10234632787006975,
0.05280420655376672,
0.05337986006492679,
0.08561658467052563,
0.12609408460800964,
0.15840395462471984,
0.17825047320253717,
0.18842695730274522,
0.1934707035696429,
0.19765601722844467,
0.20439985241430275,
0.21583886639375227,
0.23255524819808165,
0.2538215849270308,
0.27823076003606717,
0.30425052484623133,
0.33051644068847,
0.35593463331469694
],
[
0.5653944732190965,
0.5688218456505867,
0.5722189999416988,
0.5760151242429078,
0.5807857208373206,
0.587233248721768,
0.5961596065401469,
0.6084221243204622,
0.6248559818672181,
0.6461488240248912,
0.6726775369499638,
0.704356059045958,
0.7405628812868243,
0.7801799778512277,
0.8217086717764568,
0.8634067467315498,
0.9034092075268252,
0.9398019234079229,
0.9706333593095495,
0.9939314850022279,
1.0078815655231852,
1.0112206365087593,
1.0036344020656438,
0.9860119252771122,
0.9605768921982138,
0.9271748978695997,
0.8759554483185946,
0.7930364291471208,
0.6719495961477949,
0.5196026554360673,
0.3551693542290758,
0.20535704207569,
0.09685805355165616,
0.045543517216571905,
0.04798326244887585,
0.08386370679819644,
0.12742083796410952,
0.16077163600216127,
0.17976580250243285,
0.18790752549945744,
0.19040890778290964,
0.19209040354087115,
0.19678340154143048,
0.20687096262079285,
0.22296621940011457,
0.244216709927281,
0.26905202255097954,
0.29579806579024526,
0.3229752212759638,
0.3493938942488212
],
[
0.5698947536289315,
0.5734062753025339,
0.5767890490502257,
0.5804872852526747,
0.585097125438042,
0.5913428803682975,
0.6000470387408505,
0.6120858512943581,
0.6283108817210978,
0.6494187716801256,
0.6757800631178181,
0.7072848458016726,
0.743282577211404,
0.7826443016883915,
0.8238983517800869,
0.8653670029127065,
0.9052573198291362,
0.9416841878690316,
0.972641585480447,
0.9960340678288235,
1.009965122346303,
1.0133358071993908,
1.006420770838791,
0.9910305231972691,
0.9698394231322863,
0.9417016730131523,
0.8953063193241315,
0.8150244678025499,
0.6931444184709693,
0.5365391785602875,
0.36527905221432166,
0.20780290598590123,
0.09322671156820794,
0.03939276948327819,
0.04280632569509257,
0.08141753581947608,
0.12737409100639202,
0.16147687156389945,
0.1796981977916542,
0.18607330825751817,
0.1863365698509244,
0.18577390750660672,
0.188610885602986,
0.1974886386651375,
0.21306080218482232,
0.23435595658156233,
0.2596536674995808,
0.2871527565695922,
0.31526752418287796,
0.3427151949928968
],
[
0.5747232134569038,
0.5783295605993757,
0.5817015956868559,
0.5853012655741382,
0.5897483047533544,
0.5957910597526543,
0.6042735893396531,
0.6160913290135899,
0.6321128494440792,
0.6530450990382536,
0.6792524181285476,
0.710596814311915,
0.7463891002668815,
0.7854771712157488,
0.826405094193124,
0.8675519858370415,
0.9071965881320685,
0.9434943467269099,
0.9744090063363668,
0.9977514465138364,
1.0115714768172632,
1.014970001692796,
1.0088586361663832,
0.9959470451081188,
0.9791985697124699,
0.9565069033404572,
0.9152428076121576,
0.8381064171286169,
0.7160792202078076,
0.5558694944650353,
0.3782197777175409,
0.2130919233456593,
0.09197267851870766,
0.03480655860226345,
0.038121136499037145,
0.07831288564085526,
0.1258208090708096,
0.16036065298055574,
0.17792186398917553,
0.18284445062699473,
0.18122141620832843,
0.17871534700144165,
0.17991950188315337,
0.1877437739740368,
0.2028929305102355,
0.22428664311721558,
0.2500737452087851,
0.27834454354195254,
0.3074174332909505,
0.33591859214747277
],
[
0.5798936324365545,
0.5836061240669085,
0.5869714198857283,
0.5904724532316837,
0.59475605228254,
0.6005971003006015,
0.6088621160602238,
0.6204655044073548,
0.6362928809791125,
0.6570624268673435,
0.6831320433115152,
0.7143304513546467,
0.7499185750768301,
0.7887072601896757,
0.8292439562423208,
0.8699569115602829,
0.9091973879045026,
0.9451755152774202,
0.9758527027294719,
0.9989789125091606,
1.012575906173835,
1.0159671118530513,
1.0107235200786902,
1.000409348076731,
0.9881811453248405,
0.9710706867205017,
0.9352703532906586,
0.8618872065400143,
0.7405399583898107,
0.5776147016824449,
0.3942567772632072,
0.22169598087617115,
0.0936665433414205,
0.03231137336607026,
0.03428356882783634,
0.07468358578016793,
0.12273058382137064,
0.15736717436121928,
0.17439460600346712,
0.1782043625099246,
0.1750786550859632,
0.1709601610539564,
0.1707750490393687,
0.1777097496312235,
0.19253133696763736,
0.21406559910578687,
0.24035654330897027,
0.26940786208177114,
0.2994526105371991,
0.32902715225149215
],
[
0.5854185965389801,
0.5892490401044689,
0.5926117670801244,
0.5960145644516195,
0.6001354994465384,
0.6057788848404299,
0.6138344986437164,
0.6252348947757845,
0.640881956534134,
0.6615054387305255,
0.6874561218701369,
0.718523258135165,
0.7539050086447991,
0.7923596932439915,
0.8324248038934244,
0.8725697252916282,
0.9112196448519276,
0.9466552137107016,
0.9768664792700132,
0.9995783344429285,
1.0128074952602328,
1.0161081577860762,
1.0117111471851647,
1.0039873071444712,
0.9962499042894588,
0.9848044022182243,
0.9548137173330216,
0.8858917890527035,
0.7662458523924359,
0.6017375254280425,
0.41360706357217514,
0.23406750622162847,
0.09889948861035514,
0.032478402108488846,
0.03171620451302837,
0.07077517364360131,
0.11821522500217624,
0.1525613023167321,
0.169163602886734,
0.17220136295116617,
0.1679709112351822,
0.162589766041275,
0.16127120733566525,
0.16748040192473101,
0.18205813967407813,
0.20375793863801722,
0.2305518341489734,
0.2603813056298005,
0.2914042323585998,
0.3220670133481659
],
[
0.5913091462334842,
0.5952696434147307,
0.5986339059634577,
0.6019391457069727,
0.6058995682285246,
0.6113522944992009,
0.6192110920585464,
0.6304251187676296,
0.6459106711819225,
0.6664085921033591,
0.6922613524530992,
0.7232115974052558,
0.7583802661368781,
0.7964562724362236,
0.8359529480110205,
0.8753722665987067,
0.9132145424562526,
0.9478474544074658,
0.9773229774268111,
0.999380193209567,
1.0120524347464435,
1.0151198557980612,
1.0114581397595226,
1.0062053598977438,
1.002839476284787,
0.9970918408324028,
0.9732544119316073,
0.9095903521861899,
0.7928611099640832,
0.6281342095223387,
0.436411190398429,
0.25059542650574007,
0.10823803135698745,
0.03587872884138321,
0.03087432561441572,
0.06693497687776284,
0.1125464988967812,
0.14612996396208233,
0.1623636254997347,
0.16494623996349583,
0.16000540018762394,
0.15371867933115857,
0.15152707546828637,
0.1571675494813879,
0.17156639672102375,
0.1934353180520102,
0.22071392753068353,
0.251307242733903,
0.28330692271125846,
0.315067449777561
],
[
0.5975743838495259,
0.6016770940120831,
0.60504663828057,
0.6082550184746434,
0.6120583501041746,
0.6173305406144924,
0.6250100604044184,
0.6360602998465452,
0.6514087469842527,
0.6718057215270703,
0.6975836129383477,
0.7284304158093108,
0.7633739064745677,
0.8010155796536587,
0.8398297331220528,
0.8783415497462737,
0.9151266303144493,
0.9486556763625635,
0.9770772126002212,
0.9981876201976327,
1.0100599292969226,
1.0126861036637138,
1.0095632971550517,
1.0065706700833794,
1.0073874072833353,
1.0073274439440407,
0.989975182054466,
0.9324338834271637,
0.8200107930808989,
0.6566266015686023,
0.46270227291452903,
0.27154947189033557,
0.12215971103515239,
0.04301857149450117,
0.03219611545580148,
0.06357059144662547,
0.10610761791869217,
0.13836266487505328,
0.15420711394399245,
0.15660576075489907,
0.15132843762802872,
0.14448927608001438,
0.14168270359920193,
0.1468968411133999,
0.16115660792211323,
0.1831737857155728,
0.21090061888504696,
0.24223143429454425,
0.27519870711880834,
0.308060947886106
],
[
0.604221038879453,
0.6084778988599657,
0.611855762200107,
0.6149676694413866,
0.6186184126836792,
0.6237233951243328,
0.6312465762528411,
0.6421623163112828,
0.6574043956785534,
0.6777295004331764,
0.703457475640388,
0.7342127935359012,
0.768912821389349,
0.8060528970703889,
0.8440530233416021,
0.881451104650288,
0.9168962854975036,
0.9489765176695275,
0.9759716099906862,
0.9957825019280804,
1.0065503938516844,
1.0084612506856008,
1.0056079806800655,
1.0045970267583877,
1.0093597162283574,
1.0149483468635179,
1.0044069462874905,
0.9539001369507768,
0.847296198607339,
0.6869541533678551,
0.49237599647556984,
0.2970185050041103,
0.14096610600673593,
0.05425657924438376,
0.036044979302564895,
0.06109193053271145,
0.09932720862686811,
0.12961764922541807,
0.14496763757003606,
0.14739279030180014,
0.14211771303263482,
0.13506424415945412,
0.13189234210464662,
0.13680167636489027,
0.15093232200978096,
0.17305142884251673,
0.20117215515071035,
0.23320271102761475,
0.26712101198435045,
0.30108329786220606
],
[
0.6112529906223285,
0.6156753911786281,
0.6190634927267727,
0.6220785918992878,
0.6255820396788024,
0.6305363191765021,
0.6379318719189853,
0.648749868858826,
0.6639234945786132,
0.6842107216837723,
0.7099155288692014,
0.7405892670707896,
0.7750206166611986,
0.8115798854398473,
0.8486175252032491,
0.8846723069071847,
0.9184624380748505,
0.9487043457777885,
0.9738425463485167,
0.9919337320339134,
1.001225746003196,
1.0020845188768719,
0.9991751405869841,
0.9998247181070191,
1.0082703325703082,
1.0194562587391776,
1.0160624094533186,
0.9735329967729409,
0.8743025938900749,
0.7187657428994232,
0.525166605870132,
0.32685685889396854,
0.16467475069314197,
0.06971944701097355,
0.04265727599341862,
0.05985842119487206,
0.09262836265094515,
0.12028524584277528,
0.13495976860730957,
0.13755418349278387,
0.13257309636224907,
0.12561721471827209,
0.12231509176561295,
0.12701509385453802,
0.14099530867459392,
0.16314611772450538,
0.19159036051700012,
0.2242727716734339,
0.2591187293194987,
0.2941737024273337
],
[
0.6186707482503058,
0.6232691695964316,
0.6266678446765216,
0.6295845876402731,
0.6329464151797572,
0.6377694959939048,
0.6450721332185348,
0.6558373345976577,
0.6709885311820489,
0.6912773492162582,
0.7169874525817399,
0.7475868639188863,
0.7817166702387301,
0.8176039605755689,
0.8535148857326832,
0.8879756104730991,
0.919765428031107,
0.9477363751917748,
0.9705282951546339,
0.9864077157646367,
0.99378181349783,
0.9931954460636438,
0.9898671060721156,
0.9918366686718343,
1.003694178892643,
1.020426830191693,
1.0245376260437498,
0.9909348846676931,
0.9005942634688854,
0.7516118285750925,
0.5606336227957218,
0.36065799838654977,
0.19294789849306654,
0.0892551080925878,
0.05210891117132599,
0.060142273186555184,
0.08639350195622308,
0.1107564890715077,
0.12451868093554708,
0.12735785579753767,
0.12290699904081648,
0.11632279443482912,
0.11310269312139792,
0.11766028750861035,
0.13144112912482325,
0.1535337038909631,
0.1822180626297818,
0.21549615355029844,
0.25124035854194254,
0.28737489653736287
],
[
0.626470889201287,
0.6312545005834825,
0.6346619860145243,
0.6374770427256581,
0.6407027698043546,
0.6454167827793474,
0.6526672337429198,
0.6634333764780613,
0.6786172641496273,
0.6989532841337162,
0.7246987874734637,
0.7552277805153241,
0.7890147999431683,
0.8241273139188476,
0.8587335081956708,
0.8913315868039333,
0.9207498193996535,
0.945978097726204,
0.9658780964405712,
0.9789811972517924,
0.983923128754493,
0.9814506713544006,
0.9773225212741234,
0.9802711469024358,
0.9952743218057616,
1.0175077635788898,
1.0294880940697153,
1.005727574542241,
0.9256990350180804,
0.7849382314936297,
0.5981618960743448,
0.397766342421492,
0.22514233874390344,
0.11245246377199836,
0.06430799492983874,
0.06211012512488623,
0.08094328599529244,
0.10140010668540483,
0.1139820512654246,
0.1170803643128866,
0.1133353587114897,
0.10734805987050194,
0.1043865805346611,
0.10884263875283762,
0.12235616128115512,
0.14428700310959752,
0.1731189306622717,
0.20693040781870436,
0.24353822398148506,
0.28073326370482976
],
[
0.634645457796644,
0.6396216890032939,
0.6430335717833341,
0.6457411949344575,
0.6488355139503907,
0.6534646079596189,
0.6607093199665814,
0.6715392812116504,
0.6868210402662838,
0.707256777759055,
0.7330693268985794,
0.7635276262089321,
0.7969214753662439,
0.8311455361016193,
0.8642580395258248,
0.8947116726453928,
0.9213669658419126,
0.9433486445490858,
0.9597618153557287,
0.9694562559840306,
0.9713806462335826,
0.9665427534766735,
0.9612327489120258,
0.9648313115379192,
0.9827241925511927,
1.010409909477797,
1.0306008822776174,
1.0175187599156432,
0.9490900403223406,
0.8180833263366438,
0.6369744608851555,
0.43731942366526905,
0.26040581195482476,
0.1387048704386935,
0.07901156419793859,
0.06582128286552758,
0.07652745454636894,
0.09254800343988845,
0.10367570885055183,
0.10699600714207119,
0.10407008565298836,
0.09884747782656217,
0.09627421011472181,
0.10064776461492786,
0.11381688510273613,
0.13547576608132755,
0.16435778036580495,
0.19863648322407335,
0.2360687496748079,
0.27429892442355586
],
[
0.6431813271978822,
0.648355423153754,
0.6517640713534233,
0.654355415269201,
0.6573213918226838,
0.6618908543995649,
0.6691812761164464,
0.6801470099554118,
0.6956026999072211,
0.7161984111314197,
0.742111049047173,
0.7724931474755022,
0.805433517547014,
0.8386458258445064,
0.8700685040261301,
0.8980885376666965,
0.921577108373288,
0.9397856160374737,
0.9520793417278224,
0.9576766939772106,
0.9559331444179417,
0.9482219208043347,
0.9413575778170156,
0.9452917881487016,
0.965826097904504,
0.9988960335439944,
1.0275736874519614,
1.0258813634982653,
0.9701721292600785,
0.8502803275872055,
0.6761552776214913,
0.4783028658633278,
0.29775759292407855,
0.16727981077266518,
0.09585798742299895,
0.07123877323978633,
0.07332518109018943,
0.08448808990045809,
0.09390344022456487,
0.09736799755847647,
0.09531335283810338,
0.09096156133019412,
0.08885576246389848,
0.09314594495463391,
0.10589147644416452,
0.12716763543266846,
0.15600132657348076,
0.19067928681327656,
0.22889275289805183,
0.26812576112758085
],
[
0.6520595293203052,
0.6574341023701284,
0.6608281042369826,
0.6632905303315595,
0.6661286985397382,
0.6706637859102254,
0.6780551240687234,
0.6892369689758385,
0.7049540002461891,
0.7257785446843273,
0.7518254923113793,
0.7821193384192656,
0.8145352513773965,
0.8466048036096097,
0.8761390881407034,
0.9014360040056423,
0.9213507977180573,
0.9352488863967978,
0.942768614340682,
0.9435438421590248,
0.9374328597766926,
0.9263210606218155,
0.9175391213253996,
0.9215024695664604,
0.9444270787426612,
0.9827704071489605,
1.0201029196280818,
1.030345014825842,
0.9882771192941341,
0.8806658622963013,
0.7146783240005798,
0.5196051784418413,
0.33615176810841707,
0.19737885076328565,
0.11440568321252115,
0.07824867572487842,
0.07145231838583166,
0.07746282571840829,
0.08494060624301003,
0.08844181906965032,
0.08725362363769196,
0.08381779371898174,
0.08221105925208644,
0.0863986194244672,
0.09864296478785184,
0.11942987577644126,
0.14811928519086193,
0.18312835197380628,
0.22207569604748456,
0.2622713331072496
],
[
0.6612545592125076,
0.6668291571885167,
0.670192802164691,
0.6725092163278436,
0.6752166105815509,
0.6797410922204035,
0.6872904481853123,
0.6987755486648821,
0.7148524922611817,
0.7359841229632624,
0.7622004590873305,
0.7923858390311735,
0.8241951181433792,
0.8549860030235568,
0.88243662000698,
0.9047284818855221,
0.9206694744471089,
0.9297229429908607,
0.9318110944856943,
0.9270284496266152,
0.9158317904778335,
0.900779752488664,
0.8897117985439794,
0.8933899868510987,
0.9184329993316325,
0.9618704918823414,
1.0078809422974118,
1.030399194649567,
1.002669547998077,
0.9082955417936445,
0.7514405154654522,
0.5600675714906042,
0.374527833019518,
0.22818604148082228,
0.13417125881955194,
0.08668336673577026,
0.07097291168740183,
0.0716717025469572,
0.07703077747537357,
0.0804405138166353,
0.08006299011063561,
0.0775320609600636,
0.07641407909339237,
0.08046382952721387,
0.09213288733963027,
0.11233151530357638,
0.14078565930775522,
0.1760585069620621,
0.21568781452126,
0.2567966251152987
],
[
0.6707336628213961,
0.676504374321337,
0.6798172175250399,
0.6819654985669364,
0.6845346859786754,
0.6890691443674778,
0.6968329767070873,
0.7087125464103755,
0.7252578179721159,
0.7467846971327186,
0.7732059115906097,
0.803252529346022,
0.8343618324381008,
0.8637371843222479,
0.8889188321488903,
0.9079399258822872,
0.919525107254268,
0.9232174639353572,
0.9192338090713845,
0.9081752280298749,
0.891192492835631,
0.8716539126738923,
0.8579063273349141,
0.8609578041839803,
0.8878027959490359,
0.9360615273951995,
0.9906028749768727,
1.0255078760732126,
1.0125635445609502,
0.9321670860373217,
0.78529761517925,
0.5985290915344879,
0.41185241216962615,
0.258906420009183,
0.15466317571400334,
0.09634504287546747,
0.07191252419165428,
0.06727590405522554,
0.07038438195483088,
0.07356144714405033,
0.0738953102014257,
0.07220957206127182,
0.07153543106388227,
0.07539982197804562,
0.08642453867835825,
0.10594548409469778,
0.13407999708368812,
0.16955040366924612,
0.20980401790863362,
0.2517655666674949
],
[
0.68045612017049,
0.6864152414390722,
0.6896518006718231,
0.6916043922567764,
0.6940225936515196,
0.6985825648816248,
0.7066134955496842,
0.7189786883353941,
0.7361074754729151,
0.7581275042672481,
0.7847888966644252,
0.8146542660131338,
0.8449602964027284,
0.8727876998674,
0.8955325406383453,
0.9110423602201199,
0.9179188745245819,
0.9157660493433888,
0.9051077146004953,
0.8870989859212067,
0.8636742752870261,
0.8391044801736385,
0.8222474159989197,
0.8242862557312551,
0.8525481139530808,
0.9052397825510781,
0.9679835384553961,
1.0151355075170068,
1.017151297768745,
0.9512517755498813,
0.8151038949465653,
0.6338692920978168,
0.44715493112013466,
0.28879643311955144,
0.1754091557469873,
0.10702678565464935,
0.07427120261957282,
0.06440347829651705,
0.06517832862200834,
0.0679740304012112,
0.06888472171008897,
0.0679449568150301,
0.06764320981310179,
0.07126688594905095,
0.08158525954591872,
0.1003503592547042,
0.12808838363185843,
0.16369073784994087,
0.2045034450436119,
0.2472442573492647
],
[
0.6903725400126738,
0.696508330219331,
0.6996379711861687,
0.7013617209975851,
0.7036101299021136,
0.7082042209942226,
0.7165473079014246,
0.7294835953549988,
0.7473122805874648,
0.7699314261383924,
0.7968673040017009,
0.8264948301471007,
0.8558876808282208,
0.8820462314589574,
0.9022119116062391,
0.9140040625145451,
0.9158589630622718,
0.9074232517928336,
0.8895428614208005,
0.8639745796382483,
0.83351149629269,
0.8033779680519446,
0.7829471403701427,
0.7835335312824449,
0.8127426552639601,
0.8693514514450925,
0.9397839330795715,
0.9987836984558705,
1.0156438185053744,
0.9645355132578278,
0.8397574798230891,
0.6650507580041325,
0.47955904960242907,
0.317187623678574,
0.19597667356415804,
0.1185292192967034,
0.07803423184961489,
0.06315351125170265,
0.061555685643418845,
0.0638179497830127,
0.06514427310805782,
0.06482159419805433,
0.06480258446732268,
0.06812764452925113,
0.0776874881474266,
0.09563138825357403,
0.12290391925345662,
0.1585719679619878,
0.19986854301730916,
0.24329983933881355
],
[
0.7004241872633307,
0.7067207406333705,
0.7097078112286854,
0.7111641486118303,
0.7132175732621312,
0.7178457400101642,
0.7265344696951253,
0.7401146797431041,
0.7587521055355678,
0.7820796880970395,
0.809322223364578,
0.8386404837822091,
0.8670103435654819,
0.8913992913378959,
0.90887700712954,
0.9167875277428593,
0.9133576359902287,
0.8982602427776707,
0.8726813527525278,
0.8390243198988827,
0.8009952244938703,
0.7647893920429594,
0.7402968752014284,
0.7389377032405076,
0.768537110342889,
0.8284190950740673,
0.9058443874136126,
0.9760368750086941,
1.0073248483569455,
0.9710714535300703,
0.8582539341635046,
0.6911628153386304,
0.5083105832413297,
0.34350441058779085,
0.21598643059360723,
0.1306713858404882,
0.08317912130176469,
0.0635980015101818,
0.05962474463984557,
0.06120160668424357,
0.06276457515292488,
0.06291036121681703,
0.06307441905707589,
0.06604601037747315,
0.0748084512945425,
0.09188052066462143,
0.11862643244195242,
0.1542913190264537,
0.195983540312255,
0.23999897482314403
],
[
0.7105423713260428,
0.7169796354006929,
0.7197839130596352,
0.7209294580817864,
0.7227564163646762,
0.7274086205867061,
0.7364610097380434,
0.7507375575776313,
0.7702730360993395,
0.7944114944275796,
0.8219886348713134,
0.8509142853567834,
0.8781625239725777,
0.9007109016910106,
0.9154327992365552,
0.9193473538597423,
0.910427778611596,
0.8883595644985147,
0.8546892350692248,
0.8125056464376442,
0.7664592895142497,
0.7237094242501542,
0.694659826652359,
0.6908190883153333,
0.7201734820675726,
0.7825665679599365,
0.8661198786985429,
0.9466134354774985,
0.9916181966256913,
0.9700469232752524,
0.8697503755867482,
0.711465826596299,
0.5328015491734588,
0.3672764209165409,
0.23511907928025366,
0.1432948395617123,
0.0896774907188313,
0.06578046647967661,
0.059457192358671085,
0.06020068464267747,
0.06181251167640711,
0.06226803163348105,
0.06251318873180245,
0.06508499227314879,
0.07302843423227101,
0.08919521226822691,
0.11536116844549754,
0.1509488406424554,
0.19293220183833543,
0.23740591603595318
],
[
0.7206479322099364,
0.7272019014554827,
0.7297794181733983,
0.730567108845458,
0.732130495776742,
0.7367859711745651,
0.746201269820127,
0.7611985373694727,
0.7816877081571307,
0.8067144721269411,
0.8346445702910437,
0.8630936188029966,
0.8891478844237498,
0.9098238068919138,
0.921768809303187,
0.9216281966647666,
0.9070791624859553,
0.8778094427729379,
0.8357482867627843,
0.7847004172277532,
0.7302698521047,
0.6805550206530625,
0.6464648592812257,
0.639581992065438,
0.6679962289272916,
0.7320397352246516,
0.82071277724502,
0.9104167048788144,
0.9681658748950044,
0.9608681981225868,
0.8736397697784535,
0.7254326991662047,
0.5525890222860752,
0.38814565367979964,
0.2531159690289928,
0.15626030982324773,
0.09749066061783973,
0.06971094933077149,
0.06108562604448908,
0.060856973816974747,
0.06233014315482066,
0.06293555927443928,
0.0631644422400881,
0.06530354010527417,
0.07242759003177679,
0.08767576713051689,
0.11321617534056544,
0.1486442795431553,
0.1907947997501927,
0.23558020140462066
],
[
0.7306508725988348,
0.7372939857243055,
0.7395982928654161,
0.7399791010982624,
0.7412375193150847,
0.745864850440892,
0.7556213716954021,
0.7713295143809613,
0.7927807369368196,
0.8187243771265609,
0.8470049995274159,
0.8749145547356774,
0.8997447600225391,
0.9185624091593876,
0.92775947439539,
0.9235629375931593,
0.9033146776427368,
0.8666980981889115,
0.8160483642713765,
0.7559061214758105,
0.6928175625701583,
0.6357824550534312,
0.5962013337307246,
0.5857149967191086,
0.6124594186971185,
0.677221658072183,
0.7698988420932078,
0.8675779262096153,
0.9369061328255067,
0.9432675429901867,
0.869626362624959,
0.7327813452278676,
0.567406936065922,
0.40586876562176366,
0.2697754519928855,
0.16943717843147427,
0.10655781614536464,
0.07535840389471565,
0.06450120267357917,
0.06317775401606418,
0.06433398902706633,
0.0649364722131548,
0.0650620631987473,
0.0667526552499117,
0.073081285539073,
0.08742095549983248,
0.11229807471439063,
0.14747254473578086,
0.1896443230758343,
0.2345740722350415
],
[
0.7404501983404173,
0.7471519661794235,
0.7491358949215364,
0.7490611735042849,
0.7499709675410627,
0.7545291215943234,
0.7645836507255557,
0.7809551481298643,
0.8033201652234946,
0.8301405891907001,
0.8587382656391824,
0.8860858092976212,
0.9097152910120339,
0.9267373680513523,
0.9332652756410074,
0.9250712011322163,
0.8991267799615631,
0.8551084236793198,
0.7957806693039016,
0.7264288202047232,
0.6545114706540848,
0.5898817494178621,
0.5444142208071867,
0.5297891017767388,
0.554129379914484,
0.61864113728917,
0.7141432241322216,
0.8184830289967048,
0.8981273807468284,
0.9174188928518567,
0.8577771202029536,
0.7334905548447483,
0.5771690589263687,
0.4203149056763484,
0.2849471071128823,
0.18268914341805909,
0.11677651559011715,
0.08264357132753697,
0.06965260490744674,
0.06713611051689539,
0.06781488200934449,
0.06827558555415636,
0.06822559324663424,
0.06947107584198353,
0.07505409398112117,
0.08852159938044724,
0.11270585075045153,
0.14751763492556091,
0.18954209475521694,
0.2344297749172145
],
[
0.7499340478377614,
0.7566619367314411,
0.7582798986873439,
0.7577043588001455,
0.7582223244069306,
0.7626626738953581,
0.77295172644568,
0.7899016338726949,
0.8130737523710933,
0.8406562434653096,
0.8695025402250106,
0.8963113912129566,
0.9188175706562842,
0.9341515296328198,
0.9381346080328672,
0.9260583580760163,
0.8944943971521542,
0.8431133305981364,
0.7751320903876604,
0.6965774343765816,
0.6157739461930424,
0.5433716065716196,
0.4916986522769503,
0.47245310321498496,
0.49368234941026823,
0.5569737778354841,
0.6541044761453292,
0.7637773460603721,
0.8524718905619075,
0.8839422259317422,
0.8385190572754166,
0.7277939462088936,
0.581962205194344,
0.4314596810492076,
0.2985264688682072,
0.19586528717012258,
0.12798748872469257,
0.0914371104163259,
0.07644747603719504,
0.07267250185202223,
0.07273855133448776,
0.07293821018251856,
0.07265788802752221,
0.07348096077228561,
0.07839281292461497,
0.09105179462724322,
0.1145222210225102,
0.14884516829759614,
0.1905331650775564,
0.23517698106429968
],
[
0.7589802133009711,
0.7657008068075482,
0.7669116605597848,
0.7657969192122777,
0.7658835734586347,
0.7701528215766497,
0.7805957549258022,
0.7980059084088968,
0.8218268233827462,
0.8499929802541293,
0.8789871079323155,
0.9053167980919189,
0.926818964560554,
0.9406066457751694,
0.9422063501409341,
0.9264151666634379,
0.889380543890552,
0.8307720246947039,
0.7542806570473257,
0.6666589667345326,
0.5770359530703655,
0.49679407286299915,
0.43869312650935155,
0.41442563129304816,
0.4318966204279694,
0.49303509740013785,
0.5906260405550106,
0.7043474549464478,
0.8008875698820462,
0.843786921401553,
0.8125811892853007,
0.7161521163132748,
0.5820300751910626,
0.43937592707239165,
0.31045189646866295,
0.20880485040490915,
0.13998748278555928,
0.10156608168595027,
0.08475690587445217,
0.07969772462569397,
0.07904702021577603,
0.07888999120114965,
0.0783433680370067,
0.0787841048626009,
0.08311936283145754,
0.09505765758453993,
0.11780210162208565,
0.15149426337568572,
0.19264206606381284,
0.23683060261375827
],
[
0.7674571846185202,
0.7741376441261807,
0.774908122146043,
0.7732266780574817,
0.7728498815024449,
0.7768936714213766,
0.7873973655461627,
0.8051239653860051,
0.829397602450052,
0.8579294998415343,
0.8869516361383027,
0.9128713795558485,
0.9335083544556978,
0.9459102911935272,
0.9453131239282135,
0.9260182437337222,
0.8837309233412994,
0.8181274678473216,
0.7333921052424143,
0.6369742716829618,
0.5387320873253469,
0.45070826912829176,
0.3860707049938004,
0.3564833086749735,
0.36963873476464904,
0.42776555902651875,
0.5247160610407069,
0.6412843507713353,
0.7445519240452707,
0.7981187904071692,
0.7809106619251249,
0.6992087513541465,
0.577749484768327,
0.4442219605400449,
0.3207034702364621,
0.22135142297142602,
0.15255507827852138,
0.1128271806684083,
0.09442266530493931,
0.08809718254759863,
0.086660811494573,
0.08607745386214244,
0.08524708764927696,
0.08535925668427247,
0.08922498706252008,
0.1005449695501649,
0.1225583474345639,
0.15547048210212044,
0.19586964822930802,
0.2393892789757237
],
[
0.7752258807321324,
0.7818357226811564,
0.7821443597175011,
0.7798837513328374,
0.7790223806668898,
0.782789258260815,
0.7932538398037945,
0.8111371768623179,
0.8356469371289692,
0.8643142225205088,
0.8932404309806272,
0.9188007378016004,
0.9387054941687885,
0.9498825108285356,
0.9472853225820137,
0.9247316267348666,
0.8774738437626012,
0.8052053087820432,
0.7126175585520654,
0.607814041412545,
0.5012948465970963,
0.4056826191603792,
0.33452766899056624,
0.29944457259344265,
0.3078433417642396,
0.3622076689573813,
0.4575172601718089,
0.5758345763578434,
0.6847918735419095,
0.7482288011714464,
0.7445897924994235,
0.6777390544823971,
0.5696016630032368,
0.4462279725111202,
0.32930249385399546,
0.23336697718965166,
0.16547102276332698,
0.12500217218847376,
0.10526615087668861,
0.09773614536170189,
0.09548186398978359,
0.09442927079846997,
0.09331477087265277,
0.09316101507545582,
0.09666738383991569,
0.10747128362038416,
0.12875095210536525,
0.160742228013166,
0.20019165978538767,
0.24283475486343797
],
[
0.7821422749992355,
0.7886554769362782,
0.7884968876125058,
0.7856636580045024,
0.7843109506104586,
0.7877562790732385,
0.7980812245653035,
0.8159560290594033,
0.840481501640771,
0.8690614449786955,
0.8977687019887087,
0.922988179117379,
0.9422667322381402,
0.9523619762213555,
0.947956111047767,
0.9224097849550341,
0.8705218568304849,
0.792014611883933,
0.6920923494523286,
0.5794547470241568,
0.46514765373764827,
0.3622850699138354,
0.2847692368281136,
0.24414885062663605,
0.24748649782739474,
0.29747538803507984,
0.3902688369752765,
0.5093452732570971,
0.6230099532326353,
0.6954588738285346,
0.7047646931688826,
0.6525979663172297,
0.5581415411007691,
0.44568121359933077,
0.3363100549452379,
0.24474140803549144,
0.17853204292610503,
0.13787181165952883,
0.11709774068715262,
0.10846554537245084,
0.10539698863120411,
0.10385819916211148,
0.1024738572910655,
0.1021205341738271,
0.10537174564972496,
0.11574895477737884,
0.13629150093978926,
0.16724219957243563,
0.20555941513496678,
0.24713225481685652
],
[
0.7880611714500745,
0.794458604764886,
0.7938477943690111,
0.7904707442200195,
0.7886368932960128,
0.7917263025826703,
0.8018162456656249,
0.8195212654099973,
0.8438516671950069,
0.8721398328092008,
0.9005063666025191,
0.9253692159773029,
0.9440874751052116,
0.953211676224015,
0.9471677287209901,
0.9189025614983775,
0.8627756273713469,
0.7785507462656461,
0.6719360060069632,
0.5521543660648451,
0.4306962402668557,
0.32107083265955944,
0.23749206120195676,
0.191431016396794,
0.189552481920152,
0.23471606327805317,
0.32426192053884895,
0.44320677511694595,
0.5606186978001912,
0.6411410577041621,
0.6625870457680294,
0.6246730784975749,
0.5439676123261811,
0.44291064618843146,
0.34182378611070174,
0.255397331416678,
0.19155943925698954,
0.15122664710310008,
0.12972545829255494,
0.12012783080452755,
0.11628164966897886,
0.11426357803264137,
0.11263548449539101,
0.11214793595937306,
0.1152353458056547,
0.12525632313937152,
0.1450573523394006,
0.17487329258832407,
0.21190243289984995,
0.25223181948009804
],
[
0.7928414496766004,
0.7991135943122716,
0.7980897085510471,
0.7942217913653936,
0.7919353825379731,
0.7946473817796571,
0.8044170529962666,
0.821802880490441,
0.8457461952426996,
0.8735604295276135,
0.9014654300121487,
0.9259238113648496,
0.9441023996592453,
0.9523242839772295,
0.9447794731948904,
0.9140626710442687,
0.8541306679607983,
0.7648007561964723,
0.6522533781376776,
0.5261478546452126,
0.39831816198986947,
0.2825671800337189,
0.19336331733263007,
0.14209142142573117,
0.13499479385745083,
0.17506498792351743,
0.2607892887532964,
0.3787939151749684,
0.4989820832925328,
0.5865474694010082,
0.6191678412193394,
0.5948446437545535,
0.5276942772536153,
0.43827174705656136,
0.34597275504567726,
0.2652910529643523,
0.20440363545562024,
0.1648745090328106,
0.14296225268036422,
0.1325624593472738,
0.1280038451420148,
0.12553423267773395,
0.12369722900118585,
0.12313603569698806,
0.1261342518122413,
0.13584988235935602,
0.15490478162708382,
0.18351672188892404,
0.2191325147971998,
0.25807043773073257
],
[
0.796353169201355,
0.8025029337842705,
0.8011314243362896,
0.7968495943823172,
0.794157561230125,
0.7964850426915284,
0.8058629501592318,
0.822797622747866,
0.8461857210742678,
0.8733665491986055,
0.9006903465504039,
0.9246690216591178,
0.9422844386002631,
0.9496272474147056,
0.9406775910072143,
0.9077565349438775,
0.8444877036752887,
0.750751306600532,
0.6331367492171048,
0.5016424910293826,
0.368350565028159,
0.24725483626836137,
0.15299623245844296,
0.09686238522380708,
0.08469304952383616,
0.11959279836350861,
0.2010890620199876,
0.3174055573335359,
0.439362894513076,
0.5328494169154006,
0.5755415363471599,
0.5639533951791907,
0.5099278661232978,
0.43213210415483955,
0.3489109176381059,
0.27441074585239167,
0.21694568078564058,
0.1786450905315934,
0.15663160574845414,
0.14561073166672067,
0.14042787790890826,
0.13755160793758248,
0.13554635789397645,
0.13496482936230375,
0.1379305928315941,
0.14737439097529276,
0.16567917146722982,
0.19304024000566417,
0.22714855214665997,
0.264574721414386
],
[
0.7984870117924059,
0.8045320673382176,
0.8029037447194015,
0.7983062109703651,
0.7952721555909659,
0.7972226589549551,
0.8061533262448854,
0.8225256624314936,
0.8452163005935539,
0.8716257633804241,
0.8982506773486107,
0.9216528693833267,
0.9386431881506943,
0.9450873563100676,
0.9347867418885916,
0.8998793783690281,
0.8337675081172193,
0.7363987163528158,
0.6146685766015566,
0.47881341555692203,
0.3410769574481667,
0.21554564787940655,
0.11692186231622481,
0.056373008233291055,
0.03940905704520958,
0.0692468790640326,
0.14628106698093063,
0.26020162348517994,
0.38287626007179976,
0.4810851015514456,
0.5326393531468483,
0.532775973717235,
0.4912469156845456,
0.42485835345059286,
0.3508097670139476,
0.28277276392668294,
0.22909654352768888,
0.19239218409093456,
0.17057146955408625,
0.15911979277200494,
0.15341784510634626,
0.1501929495888043,
0.14806331859854216,
0.14750619432134154,
0.15047929328752424,
0.15967065865758812,
0.17722268169283628,
0.20330529093735683,
0.2358413999038187,
0.2716638406378491
],
[
0.7991666449624442,
0.8051394362694386,
0.8033647631391083,
0.7985655243588963,
0.7952664846613425,
0.7968612475253247,
0.8053060195719431,
0.821026950840117,
0.8429036408570029,
0.8684236629291855,
0.8942354636552559,
0.9169493969745411,
0.9332229433044036,
0.9387141677334673,
0.9270815411329223,
0.8903753813424891,
0.8219306143620677,
0.7217595470080014,
0.5969242873026074,
0.45779986945143564,
0.3167146722317305,
0.18775723341861572,
0.08555679740522992,
0.02111583521765048,
-0.00025284834174443827,
0.02479124317051795,
0.09729359374114577,
0.20813962627188592,
0.33045158155914933,
0.4321360355505248,
0.49127077967934385,
0.5020073562217479,
0.4721868290739879,
0.4168048619639872,
0.3518508085367207,
0.29041685796512673,
0.24079488801099336,
0.20599413413148387,
0.18463670393769976,
0.17294574128097728,
0.16684072016914792,
0.16333436781245547,
0.16112521117657969,
0.1606283663450122,
0.16363375504823957,
0.17258134812923576,
0.1893798971523848,
0.21417273194583236,
0.24509834671969694,
0.27925246109929774
]
],
"zauto": true,
"zmax": 1.0306008822776174,
"zmin": -1.0306008822776174
},
{
"autocolorscale": false,
"autocontour": true,
"colorbar": {
"tickfont": {
"size": 8
},
"ticksuffix": "",
"x": 1,
"y": 0.5
},
"colorscale": [
[
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,
"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.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
],
"yaxis": "y2",
"z": [
[
0.4059173485367415,
0.4017873329790591,
0.3953199107983959,
0.3854773697448832,
0.37100188167415055,
0.35058133749788223,
0.32326497634751744,
0.28930541818796557,
0.2515942973781234,
0.21727565545344726,
0.19638794382137983,
0.1922955787821457,
0.1938867301680264,
0.18497685533086172,
0.15491916394099609,
0.10063730882256255,
0.02646724537796307,
0.055022769915445115,
0.12732579193029753,
0.18059773253267097,
0.2122512377948947,
0.22557387850369043,
0.22893524894390574,
0.23357640599282076,
0.24762457925977455,
0.27064745358555864,
0.29635829552150317,
0.31882034907103657,
0.3347773437775246,
0.3428940746619425,
0.3425305385599522,
0.33297489807522335,
0.3131836207928585,
0.2820484642389514,
0.2395006360863177,
0.1893790706034936,
0.1462608513393132,
0.14001779690381735,
0.17727514348575868,
0.22882319553015137,
0.27601138642544515,
0.31344655748855355,
0.3411665922703538,
0.36103278341447664,
0.3751821163597243,
0.3853855704316507,
0.3928842882442484,
0.398467116001302,
0.40262487285415915,
0.4056847038266299
],
[
0.4056065480490468,
0.4012910499821241,
0.39451048633439845,
0.3841444420011272,
0.3688062245854842,
0.3469889552476396,
0.31746361983103843,
0.2801403112656209,
0.23770431659620647,
0.19804257474029535,
0.1742633093741694,
0.1726966303928246,
0.17993297673786443,
0.17650679061022725,
0.1510020572342361,
0.10124237864162283,
0.03853221995905284,
0.061140709435502046,
0.12717417646674806,
0.17685303966989196,
0.20488271901864272,
0.21411709740632912,
0.2134935823605027,
0.21592763534391518,
0.23086760061467515,
0.2568876209001252,
0.28578910366650395,
0.3107009686281767,
0.3282808485644809,
0.3373599228922032,
0.33744448188478016,
0.3278790691247718,
0.30755130426404426,
0.27508908937743815,
0.22984168928372975,
0.17462572035331175,
0.12383764370180655,
0.1161372471860588,
0.1611070250434911,
0.2186612181874652,
0.2691563423888648,
0.3083426570374394,
0.3370280719783671,
0.35751999242650145,
0.372191253091363,
0.3829056273624262,
0.39091039053756965,
0.3969645198145128,
0.40152833282035866,
0.4049135679243386
],
[
0.4053040615666034,
0.40081945062841945,
0.3937536383483943,
0.3829092843942246,
0.3667774004409426,
0.34365959912274036,
0.3120348833736442,
0.27140075796312557,
0.22402276196866366,
0.17819155865533637,
0.15067487501023402,
0.1524711368842875,
0.16680202119752288,
0.17003736984537554,
0.15057463478369804,
0.10836393493830006,
0.06205565412923473,
0.07728202599211464,
0.1318003040933312,
0.17561172418469548,
0.19881662763667493,
0.20307232639454675,
0.19758893215557596,
0.1972106206367494,
0.21313191386562644,
0.242538523927711,
0.2748480034493019,
0.3022567205470876,
0.32145411291285214,
0.3315036150197176,
0.3320865766370802,
0.3226291660167825,
0.3019866596733583,
0.26856744320591586,
0.22115807439834304,
0.1613313384106067,
0.10188146471168885,
0.09225207507027647,
0.14661339483398136,
0.20981445481515087,
0.2630066078083694,
0.3034856418846725,
0.3328432610309743,
0.35380191308569914,
0.36893630075277967,
0.3801685437691749,
0.38872038445951496,
0.39529694425779743,
0.40031391802662675,
0.40406191070596287
],
[
0.4050097837421953,
0.4003748151795972,
0.3930564643404263,
0.3817885267687491,
0.36495079613344694,
0.34066541431091085,
0.3071219568956026,
0.2633597053690256,
0.21100733850122205,
0.15818857751444973,
0.1257115193725295,
0.13205845938399108,
0.15508426124626756,
0.1658987747631262,
0.1534992443118905,
0.12032783596897208,
0.08725521856550816,
0.0977303573598667,
0.14028598895451388,
0.17675250729200742,
0.1941944084563182,
0.19270821225296864,
0.18146106457702407,
0.17752884713939499,
0.1945304564941425,
0.22773540557349498,
0.2636141994281522,
0.2935065896977472,
0.3142799207865783,
0.3252900595603413,
0.3264137303699543,
0.31718217879642474,
0.2964621471160542,
0.2625087593286957,
0.21363016977019894,
0.1501291574714333,
0.08152439299394292,
0.06932340622203821,
0.13470373769846672,
0.20258313299345918,
0.25764074654617786,
0.298869923040192,
0.32857254258661195,
0.34982875274059805,
0.3653707564995382,
0.3771376499614633,
0.38628866576972526,
0.3934479821958255,
0.3989716128815864,
0.40312367159742135
],
[
0.404722670988913,
0.3999580585126995,
0.39242395408099195,
0.38079545275564874,
0.3633566033362988,
0.3380713575176638,
0.3028619146738722,
0.25630269961511815,
0.19921540795520323,
0.13876952539174134,
0.09952346088871292,
0.11222398789831099,
0.1455022899087784,
0.16430849530135974,
0.1593320415565176,
0.13521632077174808,
0.11194166596082221,
0.11932523715373135,
0.1514218035451498,
0.1799766889028293,
0.1910981761900549,
0.18333572264794418,
0.16545601859202833,
0.15704643265388224,
0.17522571747888724,
0.21264479167405131,
0.2521693531491926,
0.2844619015413462,
0.3067326646514626,
0.31867612860760064,
0.32037283718011456,
0.31147911664625927,
0.2909222283424885,
0.2568870366667289,
0.20734586227265184,
0.14156938328955324,
0.06473561425289652,
0.04940786847060454,
0.1262653334756997,
0.19716234016526973,
0.25307860176352875,
0.29445769961804025,
0.32415702432402727,
0.34553864872217716,
0.3614409961872825,
0.37377273443660114,
0.38358835229314847,
0.3914010635491588,
0.39749159524525834,
0.4020929788271851
],
[
0.4044405920980297,
0.3995684857234043,
0.39185853078977106,
0.37993905008249,
0.3620177382167586,
0.33593047933270503,
0.29937482334707904,
0.2505040633657239,
0.18927537924711849,
0.12107560568671363,
0.07234585484100375,
0.09431001040171783,
0.13884003489156366,
0.16532269572701644,
0.1674510839874637,
0.15150216328043056,
0.13540078836141092,
0.1405990822884871,
0.1640589166935052,
0.1848653849668392,
0.18953654035317266,
0.1752907678385934,
0.15005605507224148,
0.1360079306771341,
0.155436603631091,
0.19745853676493272,
0.24058878326006877,
0.2751220078043758,
0.29877712876217505,
0.31161084244912374,
0.3139013347897955,
0.3054451813274224,
0.2852821348248146,
0.25161850144847053,
0.20226886759303728,
0.13594944011066748,
0.054609941153939114,
0.03737138069297554,
0.12187565462875505,
0.19359029429006921,
0.2492706784336485,
0.29017650904919673,
0.31951794728158667,
0.34085767875144013,
0.3570866763393471,
0.3700306747308949,
0.38059191843599227,
0.3891399358618473,
0.3958645264605006,
0.40096428990485244
],
[
0.4041601887076993,
0.39920357766712167,
0.39135965921327037,
0.3792231900681717,
0.360947976069123,
0.3342794342911082,
0.29675229790559904,
0.246196344922893,
0.18181708431442759,
0.10678381428221903,
0.04457263655219617,
0.08057823261766041,
0.13577868931907194,
0.1688162199863716,
0.17719520305427475,
0.1681405279413775,
0.15730424022564773,
0.16082655677842153,
0.17726943796438088,
0.19094681267188474,
0.18943627644555713,
0.16889803553581464,
0.13590475738567984,
0.11476991851609054,
0.1354436146500428,
0.18238098084136312,
0.2289305849615741,
0.26547042931403897,
0.2903680113702323,
0.30403626899256,
0.30692855676555925,
0.2989910914116201,
0.27942899211052125,
0.24656108211382605,
0.198223809808487,
0.13315802381035083,
0.05373547195939282,
0.03932702722277672,
0.12149551814822386,
0.19172039067001512,
0.24609547800574125,
0.2859196820402892,
0.3145572974848339,
0.3357004788554978,
0.35224154487150533,
0.36586637228570285,
0.37727202611434063,
0.3866492426593437,
0.39408187347055434,
0.39973253261658087
],
[
0.4038767488562699,
0.3988588162221809,
0.39092354665681145,
0.3786460039290852,
0.36015048175231357,
0.33313473545452343,
0.29504709085367,
0.24353759411648476,
0.17735731973342386,
0.09799323744176162,
0.017441985209997003,
0.07410578122505611,
0.13667213713597964,
0.1745010477867273,
0.18795834063373587,
0.18445651702873386,
0.1774791508740898,
0.17961933098020874,
0.19036304306549875,
0.19775154334614234,
0.19064189786574018,
0.1644152942177583,
0.12380232407220591,
0.09385945591445513,
0.11559011646331938,
0.16760720706649224,
0.21722411651631982,
0.25547233201952246,
0.28145046726688566,
0.2958892502027436,
0.2993779418339308,
0.2920155842139055,
0.2732253844602927,
0.24152066694785804,
0.1949051203292264,
0.13263579707624484,
0.06058365576681284,
0.051539482441102596,
0.12439082761216737,
0.19123107700140357,
0.24336623020398554,
0.28154990471936925,
0.30915965319556143,
0.32997149429864575,
0.346834701253054,
0.3612340249185751,
0.373602562167845,
0.3839151916527042,
0.3921362497239788,
0.3983932356656723
],
[
0.4035840956483106,
0.398527556574294,
0.3905429578426162,
0.37819951264058255,
0.3596168953426073,
0.3324902455280772,
0.294265470174386,
0.242583802971612,
0.17616678626416313,
0.09641910414341551,
0.01558924078200453,
0.07694558257201978,
0.1413881055854818,
0.1819743699642875,
0.19923033660251524,
0.20002278803217866,
0.19583630853160516,
0.19676132090972714,
0.20284577667889944,
0.2048463355337156,
0.19292339236213846,
0.16196797765634371,
0.11462017231606904,
0.07409807688675937,
0.09627556391868744,
0.1532919654379021,
0.20546051573618263,
0.24507427140210283,
0.2719618700439493,
0.2871040296111657,
0.2911701272002752,
0.2844090225007405,
0.26651510379481885,
0.23626355594935816,
0.19190911040674538,
0.1334947627647545,
0.07083263460827098,
0.06639059498710294,
0.1293794960991903,
0.19167270633089467,
0.24084631941842574,
0.2769056305024082,
0.30319517360753506,
0.32356685308858246,
0.3407923407869879,
0.3560887669463424,
0.36955988396207845,
0.3809262958422066,
0.39002175555661717,
0.3969426352771992
],
[
0.40327449155779777,
0.3982009505065876,
0.39020715694310676,
0.377869549129683,
0.35932708679478814,
0.3323162757187739,
0.29436385924094133,
0.24327432280191016,
0.1781774532055003,
0.10213644504832796,
0.04181752326220054,
0.0878796581481045,
0.14933688667623854,
0.1907761259849381,
0.21060134673564657,
0.21457197246270024,
0.21233931199072087,
0.21213466183814833,
0.21436987438930324,
0.2118483872301337,
0.19599055473263158,
0.16149578284210045,
0.10907926154543073,
0.05687913059125211,
0.07793292402844397,
0.13951295030890737,
0.1935890237380564,
0.23420693352564761,
0.2618348530616478,
0.277615819837109,
0.28222693020372835,
0.27605795504970054,
0.2591305357186687,
0.23053331867965246,
0.18878095362911404,
0.134724370137883,
0.08112331927160737,
0.08029153667543576,
0.1352013311691467,
0.1925357017151741,
0.23827078803710477,
0.2718096888162617,
0.296523527746634,
0.3163768241658009,
0.33404001632013386,
0.3503887027966859,
0.36512426321303265,
0.3776741592317522,
0.3877342920432793,
0.3953777414655305
],
[
0.402938557193976,
0.39786792077987043,
0.3899019809246924,
0.37763598839234563,
0.35924962935584653,
0.33256046302524434,
0.2952504798191927,
0.24543500864715745,
0.1829848909065101,
0.11342634633769448,
0.06823360180278755,
0.10370441667484627,
0.1596618590783759,
0.20043851607186583,
0.22174939736929408,
0.2279402324642423,
0.2269876912597759,
0.22568212660164635,
0.2246916407467203,
0.2184266915048768,
0.1995112926947377,
0.16273565558592795,
0.10742900823756567,
0.04464054953356787,
0.060976595267323706,
0.12623954618572328,
0.18152322382491282,
0.22279104500894162,
0.25100152011310034,
0.26736533336218743,
0.27247622153920076,
0.26685044274438685,
0.2509009602492958,
0.22406962775852307,
0.18506512474921546,
0.13537450796402578,
0.08959535658033259,
0.09181983253461058,
0.1407776351797551,
0.19331960636860854,
0.23537035115388374,
0.2660792099366881,
0.2889984959091814,
0.30828880933977143,
0.32650545604608183,
0.3440973542474915,
0.360281501955982,
0.3741542650253072,
0.3852718152842506,
0.39369634558242805
],
[
0.40256520159157755,
0.3975151825261257,
0.3896100383287157,
0.3774732755464802,
0.35934296909038305,
0.3331503584789942,
0.29679176399065704,
0.24879826637104424,
0.18994530446922606,
0.12798091303133774,
0.09335561801300415,
0.12165527666199513,
0.1714534868857358,
0.21051997489584964,
0.23242362524470864,
0.24003167788064697,
0.2398061877954513,
0.23738593183708562,
0.23364024183916507,
0.22429709479053853,
0.20313121961710526,
0.16525190745595625,
0.10924173472758518,
0.04046784319323165,
0.045700709464311755,
0.11332775414104225,
0.16915994644882074,
0.21074575213381916,
0.23939858407158776,
0.25630432127258196,
0.2618577198403083,
0.2566819775244886,
0.24166101778127783,
0.21662668399505997,
0.18034993611204028,
0.13466195697970798,
0.09526242386788056,
0.10034521199464691,
0.14531165158990003,
0.1935884743960724,
0.23189457621954174,
0.2595359708088941,
0.2804729609815369,
0.29919082339380676,
0.3181219897173468,
0.33718653244374924,
0.35502467256138776,
0.3703667079137658,
0.3826344913300233,
0.3918969496754908
],
[
0.4021415594052643,
0.39712730351873426,
0.38931101782802535,
0.37735121708673053,
0.35955719923374935,
0.33399743786454794,
0.2988224097226514,
0.2530340430851005,
0.19831190995134518,
0.14387562799253073,
0.11672338478839088,
0.13997545973795203,
0.18388813797431944,
0.22062433613554358,
0.24242907703317398,
0.2507959054810834,
0.2508375065502646,
0.24725495291087565,
0.24109592701721513,
0.22921561721547068,
0.20649238520004812,
0.16850230267995298,
0.11353416986529044,
0.04449802753745537,
0.032114558165064803,
0.100569093476595,
0.15640984904300162,
0.19799781057928884,
0.22697318189812413,
0.24440223700239336,
0.25032979376532977,
0.24546189583699635,
0.23125870354705078,
0.2079894314152933,
0.17430165996664926,
0.13200972848666429,
0.0976000550040132,
0.10560294016400028,
0.14829367070694416,
0.19300761962445523,
0.22763192503832055,
0.25201644836472353,
0.2708040425776755,
0.28897544252169927,
0.30883265844954266,
0.32963963032942317,
0.34935590407807743,
0.3663167938881389,
0.3798247063551905,
0.38997859864387174
],
[
0.4016529289388772,
0.39668679158979603,
0.38898208231188436,
0.3772359797246109,
0.3598362941475646,
0.3350020911304381,
0.301157432621274,
0.25778372406000755,
0.207350828100864,
0.15976949011459107,
0.13803519243556192,
0.15761133382127415,
0.19628320286381307,
0.23040931111050364,
0.2516149448754428,
0.26021382030008866,
0.2601374492147725,
0.255316892158086,
0.24697552193577849,
0.23297249054423522,
0.2092496180710394,
0.17191538327328593,
0.11912858004656712,
0.05286920583539981,
0.019766982995036205,
0.08781667093528904,
0.14323292489402245,
0.18448932479252042,
0.21368931523454537,
0.23165426828527916,
0.23787744160390234,
0.23312032340490335,
0.21956246964206028,
0.1979865889851356,
0.16668826063912787,
0.12705027359045973,
0.09635672808658126,
0.10756377773478311,
0.1494735910431058,
0.1913636831275723,
0.22242566084565485,
0.24338118633278352,
0.2598582026773954,
0.27754424829088575,
0.298595115517384,
0.32145530388593574,
0.3432880983315505,
0.36201541216264643,
0.37684688352647766,
0.3879405987994031
],
[
0.4010827038644909,
0.3961741946623783,
0.38859831767756736,
0.37709122642633264,
0.36012062556189955,
0.33605908319673594,
0.3036045204239719,
0.2626902301787156,
0.21641036179495582,
0.17477578802091345,
0.15706763372938654,
0.17391411782244387,
0.20810115473404978,
0.23958843756953574,
0.259866246717128,
0.2682888075042495,
0.2677718827415742,
0.2616137558566133,
0.25122337502109976,
0.23538787752519233,
0.2110834307280316,
0.1749561072030372,
0.1249823452001683,
0.06222473934274703,
0.007948027714356775,
0.07518329118630258,
0.1296669200750621,
0.17018205263294453,
0.19953533066942455,
0.21809114648531663,
0.22452172343868776,
0.21961588986073646,
0.2064672863416408,
0.18650035298710588,
0.15739552656766512,
0.11961812393469483,
0.09147100113817348,
0.10640073981565887,
0.14883174376435085,
0.18857259167834106,
0.2161857414275704,
0.2335234755965387,
0.24751625190845408,
0.26481286469985343,
0.28738746617880206,
0.3126514637354048,
0.3368464101841822,
0.35747906654402783,
0.3737070588811233,
0.38578211185212935
],
[
0.4004122909048081,
0.39556819710669805,
0.3881332014819329,
0.376879311722953,
0.36034957551444907,
0.3370630052069339,
0.3059753379678638,
0.26742072636751907,
0.22494840467161065,
0.1883088941902192,
0.17365337369523326,
0.18846883256417382,
0.21893252475038177,
0.24792950659543808,
0.26709828723603213,
0.2750414330023572,
0.2738151853262984,
0.26619976144398233,
0.25380641944687166,
0.23630940639923292,
0.21170884840637844,
0.17716748606056118,
0.1303436611160363,
0.07117271077478282,
0.006652847864165755,
0.06325664956592422,
0.11583634755913358,
0.1550577373150302,
0.18453357568581324,
0.20379131048399782,
0.2103310351033665,
0.20494474108414965,
0.19189980475529744,
0.1734733540282525,
0.1464396126439519,
0.10974803586528803,
0.08303622903564659,
0.10249983302382525,
0.1465566376042384,
0.1846795546687103,
0.20889755177044206,
0.2223777802737766,
0.23367829575493151,
0.2507167868725601,
0.27521524058600333,
0.3032694211083295,
0.3300692680372346,
0.35272944161655867,
0.37041217531642434,
0.3835016220747758
],
[
0.39962100575644555,
0.3948456955780526,
0.38755905535933116,
0.37656245800318006,
0.3604640729873217,
0.3379133270594751,
0.308094959739201,
0.2716813430410084,
0.2325339012704204,
0.19997751293820784,
0.18766986477076023,
0.20100402161144681,
0.22847422096756417,
0.25525133930778826,
0.27325311814785047,
0.2805064789953847,
0.2783498681704776,
0.2691411321707452,
0.25471241840341285,
0.23561133511068796,
0.21088003784399362,
0.17818648925718159,
0.13475449608386247,
0.07944595006673191,
0.019808330541321945,
0.05323695511513858,
0.10193788474286718,
0.13911626545592679,
0.16875429379369067,
0.18889609641762795,
0.1954347090548681,
0.18915180999994213,
0.17582304789524653,
0.15891417468249847,
0.1339807127729709,
0.0976914606171446,
0.07129031115993933,
0.09650283266332597,
0.143027431781761,
0.17985350365201438,
0.2006286694635884,
0.20992882315230937,
0.21826877050241145,
0.23521835156639465,
0.26211973712828107,
0.2933779093187445,
0.3230086474482083,
0.3477923776893013,
0.36696906841106464,
0.3810962867722771
],
[
0.39868594017855913,
0.393981838221926,
0.38684744658693926,
0.37610384028357746,
0.3604089083978971,
0.3385187847213571,
0.3098091288357201,
0.2752251766129334,
0.23883634346867844,
0.2095187071131079,
0.1990316647441529,
0.21134307410655565,
0.23650986456145282,
0.26141999242924063,
0.27829731372220573,
0.2847314803535611,
0.2814670752005842,
0.2705173811801699,
0.2539507721496964,
0.23319517574979207,
0.20839126900370997,
0.1777394467822249,
0.1379717195222914,
0.08711482335852569,
0.033814480990881024,
0.04679752050939705,
0.08821217066337392,
0.12237580504627142,
0.15233693631216286,
0.17362848213214693,
0.180039424632355,
0.17234601018908347,
0.15824133651011474,
0.14290375339218428,
0.12034400516888223,
0.08397174300581384,
0.05662839062308248,
0.08937867629550465,
0.1387927760882374,
0.17437633372975048,
0.19153484564486015,
0.1962228488822335,
0.20124183253600736,
0.21831545036181144,
0.24818799330585076,
0.2830765172399122,
0.3157292530566631,
0.34269614425725997,
0.3633831418352808,
0.37856119612082567
],
[
0.3975817944831052,
0.3929500131255343,
0.3859695081048505,
0.3754685172918237,
0.3601347143160341,
0.33880095692476886,
0.31098943266988716,
0.2778555297058743,
0.24361189334266936,
0.21675794848834498,
0.20768470085029664,
0.21937675030908663,
0.24289403944895835,
0.2663449864258347,
0.28222052655303925,
0.28777613969096394,
0.28326764372296176,
0.27042373583780577,
0.25155549713718595,
0.2289918106788367,
0.2040754004292074,
0.17562555704218116,
0.1398687622909187,
0.09418048714116904,
0.04756768166128701,
0.045200254211223666,
0.07492495273483218,
0.10488055943499547,
0.13552347747693114,
0.1583151408778958,
0.16444856646392939,
0.1547222531824216,
0.13920647326465094,
0.1256070237383077,
0.1060572887312564,
0.06952600443494258,
0.039675707686478566,
0.08249757428762552,
0.13453234524895313,
0.16862535791833616,
0.18186597231757062,
0.18138346514088038,
0.18258750969822998,
0.2000530478125945,
0.23356458630707208,
0.2724978120941151,
0.3083062308821608,
0.3374689420291734,
0.3596567642511465,
0.37588858734139236
],
[
0.39628067162790814,
0.3917217750759327,
0.38489615228798363,
0.37462415988512604,
0.3595995353047021,
0.33869698277740207,
0.3115367079788237,
0.27942628491755833,
0.24669038317687586,
0.2215847490174547,
0.21360203503432085,
0.22504711222178458,
0.2475404949839029,
0.26997586016787484,
0.2850344217373852,
0.28971212758715803,
0.2838633772801728,
0.26897434022123473,
0.24759014899729767,
0.222965407537042,
0.19780151889165976,
0.17169749219549102,
0.14035828404671147,
0.10046354570048849,
0.06031462029447197,
0.047979460049879186,
0.062386823690123154,
0.08672266927338784,
0.11871011729141973,
0.1434091708411022,
0.1490833039349655,
0.13659544069876378,
0.11882674824011763,
0.10729900424576139,
0.09191943532994935,
0.05603939523932246,
0.021760351588146765,
0.07759254324755932,
0.1309842001997002,
0.16304582989338318,
0.17197172496265967,
0.16563586531647193,
0.16233928997413127,
0.18053949768094002,
0.21846521622051546,
0.2618071003709004,
0.3008210536816183,
0.3321356344213629,
0.3557874630135267,
0.37306707878561707
],
[
0.39475183168894096,
0.3902667039267785,
0.3835981614083113,
0.3735415424121978,
0.3587699399237669,
0.3381614340092582,
0.31138305877111383,
0.27984090114526056,
0.24796491230911455,
0.22393777341095636,
0.2167810076538698,
0.22833814328606888,
0.25041378641114265,
0.2722991726311239,
0.28677168198168224,
0.2906228543312612,
0.2833781422166703,
0.266305806065484,
0.24215454366010336,
0.21511973193729925,
0.18947344753784423,
0.16584617902984464,
0.13935236381081276,
0.10564664503403064,
0.07140638092264422,
0.05319099371364963,
0.05104120390964259,
0.06808905284658882,
0.10252454213232981,
0.12950471964057406,
0.13450011121650304,
0.11845544385328248,
0.09728182897162287,
0.0884278481439381,
0.07910860229314554,
0.046506318217017374,
0.011325554877826383,
0.07635936448043311,
0.12882779815317916,
0.15810999546195886,
0.1623042648567704,
0.14934540094742116,
0.1405844867029127,
0.15997166621027478,
0.20319131983747826,
0.2511984291155805,
0.29335533369227573,
0.3267138127961999,
0.3517660397076166,
0.37008100992860377
],
[
0.3929614086044125,
0.3885521930237418,
0.382046146653659,
0.37219477767647297,
0.35762165159053644,
0.3371673827342748,
0.31049283254329896,
0.27905104668938274,
0.24738453349838405,
0.22379605049946863,
0.2172417351305179,
0.22927073524205266,
0.25152375916547365,
0.2733359397529417,
0.2874848304951166,
0.29060285192508806,
0.2819483567584751,
0.2625805561239481,
0.23539310384108378,
0.20550776462672374,
0.17903059705280278,
0.15799377340220516,
0.1367582967831922,
0.10936374107658575,
0.08031336448698027,
0.05888177551282124,
0.041635039717920465,
0.049370381400519185,
0.08792590282043529,
0.1173216659960745,
0.12138960035406335,
0.10105660869325571,
0.07485240363624365,
0.06977738522863271,
0.06926740446546903,
0.04475028450525804,
0.025474549882964735,
0.07964133213466841,
0.12853877083093554,
0.15426144180937387,
0.15341122629618398,
0.13307894121235583,
0.11748071117500514,
0.13867747514269896,
0.18814328924262053,
0.24088520564159357,
0.28598255561496994,
0.3212094301133797,
0.3475747832990542,
0.3669099910438747
],
[
0.3908720946486049,
0.38654317201996863,
0.38021037749803993,
0.370561291317603,
0.3561396925115101,
0.33570670436512573,
0.3088627947068639,
0.27705545473424253,
0.24495001507904177,
0.22117443457938638,
0.2150269710227133,
0.2279008772793361,
0.25092232952976906,
0.2731393816391477,
0.28724464130114563,
0.2897564460722353,
0.27972240617682553,
0.25798921544855896,
0.22750445949709788,
0.19424591217177004,
0.16645227078732958,
0.14809600483772617,
0.13249945511160754,
0.11128151573877541,
0.0866309929652121,
0.06372872168204154,
0.03535621242631084,
0.03153547447568057,
0.07626522417515251,
0.10761986326640732,
0.11052377454158595,
0.08554818486886485,
0.05200294389093978,
0.05290956970520567,
0.0642502836167184,
0.05151872977908508,
0.044800548001677765,
0.08691937105090183,
0.13026965011347305,
0.1518500200530897,
0.14590659475203774,
0.11769589949795982,
0.09328879234603739,
0.1171952948656587,
0.1738264127790377,
0.23108398226545343,
0.27875810300160786,
0.31561237921875906,
0.3431860011392984,
0.3635287787995624
],
[
0.38844280199805636,
0.3842017748438548,
0.37806049393739366,
0.368621546847437,
0.35431804857309107,
0.3337896361849759,
0.30652160154798125,
0.2738992250484021,
0.24071249439023704,
0.21612232670214737,
0.21020335539608986,
0.22432046340334988,
0.24870204824214837,
0.27179274471777376,
0.2861379109828395,
0.2881954431987569,
0.27685850917099053,
0.25275106690310595,
0.2187514496610986,
0.18153464721788856,
0.1517663703450864,
0.13615348589611803,
0.1265504513600437,
0.1111574479056989,
0.09007510447003432,
0.06692876941317762,
0.03337452040305499,
0.018215229271509807,
0.06906952060264882,
0.10100218581463484,
0.10260511995560112,
0.07357275823068792,
0.02978154210747594,
0.04119031109606713,
0.06510197791910408,
0.06333528042456518,
0.06365380785745987,
0.09676097670443756,
0.13382084624034124,
0.15107204506820904,
0.140404148546847,
0.104451449402173,
0.06846285646182021,
0.09643395233476504,
0.16083775918071128,
0.22199089317509343,
0.2717084398365765,
0.3098925183395615,
0.3385611181562639,
0.3599075986604978
],
[
0.38562831487339666,
0.38148697036723944,
0.3755651254402635,
0.36635854870502266,
0.35215887638182,
0.3314435873764275,
0.30352852166553335,
0.26967347644890166,
0.23477478661365567,
0.2087251715742198,
0.20286408968527006,
0.21866043132506527,
0.24499589943585642,
0.2694068481343798,
0.2842643681790449,
0.2860356237959977,
0.27352060881345985,
0.24711134448525354,
0.20946973653891618,
0.16768815304644594,
0.1350639902460551,
0.12223191359180426,
0.11898029137136913,
0.108878877262839,
0.09047526942556665,
0.06798678463665767,
0.035482037844319074,
0.020057280812837346,
0.06722853726448261,
0.09763917515617182,
0.09800866322596109,
0.06698357791063717,
0.013987264429004937,
0.03968612250243958,
0.07105796420071404,
0.07674355435233099,
0.08091428641619977,
0.10761147437314364,
0.1387186053149483,
0.1519363146132067,
0.1374080303663964,
0.09499888090315416,
0.044017750560468624,
0.07799431472275385,
0.14981548360982463,
0.21375224474544186,
0.26482080184925555,
0.30399672492564805,
0.3336506032533423,
0.35601302994671
],
[
0.382378949945954,
0.37835418025912215,
0.3726914522257139,
0.36375716800400143,
0.3496712904158431,
0.3287111791193153,
0.2999712140213746,
0.2645149395775237,
0.22729505343754444,
0.19910858479352098,
0.1931330912070298,
0.2110960804563023,
0.23997765384669847,
0.26611688739042644,
0.28173251655265674,
0.2833919367577288,
0.26987200370011494,
0.2413340020920654,
0.2000716530347043,
0.1531760972959388,
0.11652379821227107,
0.10649436592754094,
0.11000327658887413,
0.10449420278332984,
0.0877736360747099,
0.06658645634276138,
0.03990021013864833,
0.03276088771611584,
0.07008217701852405,
0.09708696506144039,
0.09653681091220906,
0.06670389630495893,
0.0240018387028226,
0.04861909379174139,
0.08012722747793231,
0.08974736435335987,
0.09597385232698818,
0.11820457459672619,
0.14435131259833128,
0.1542706994847053,
0.13718602309840897,
0.09100865836250914,
0.023979336974670615,
0.06463910152759882,
0.14133279749947716,
0.20643366301667107,
0.25803507984968277,
0.29784756052289313,
0.32839496553776676,
0.3518095538175427
],
[
0.3786402468575726,
0.3747549153909764,
0.36940475641443604,
0.36080335432705546,
0.3468697917990986,
0.32564749682850697,
0.29596225977954776,
0.25860473700621517,
0.21849236128412114,
0.18744525442022975,
0.18117071174255364,
0.20185441106258967,
0.2338618385300759,
0.2620779296790593,
0.2786542649083196,
0.28037244165294795,
0.2660667055028574,
0.23568875993134522,
0.19103964092597187,
0.1386790964901957,
0.09645815381467603,
0.08925893187103703,
0.10004331177140573,
0.098248778134882,
0.0820368865863666,
0.06254230874023405,
0.04480908336049315,
0.04634411572394642,
0.07571308705235558,
0.0983748808123398,
0.09739675614961818,
0.07164371010871326,
0.043204914450037345,
0.0625094107700505,
0.09035339477075378,
0.10124802421521763,
0.10840251811972712,
0.12761943209343618,
0.15009778930880527,
0.15776720594907823,
0.13968612789746424,
0.0932749167765997,
0.02515873705502423,
0.05992569488135973,
0.1357432961728206,
0.19999489865273995,
0.2512395604157424,
0.2913440403287859,
0.3227270228961988,
0.34726183853152187
],
[
0.3743527146917448,
0.3706364687910261,
0.3656680223558633,
0.35748331661890254,
0.3437724323727386,
0.3223165727072629,
0.29163409665664775,
0.2521652229798942,
0.20865323094408098,
0.17396509337990168,
0.16718116501197788,
0.1912231189785643,
0.2269019948645638,
0.25745849453273306,
0.2751383156104588,
0.2770712477378601,
0.2622389177560086,
0.23043194880929474,
0.1829014045408934,
0.1251492147815264,
0.0754218882071365,
0.07112698645002997,
0.08981983187125046,
0.09063823558100627,
0.07349278861247349,
0.055811742833535544,
0.04917504741300758,
0.058390042841522646,
0.08208874943926059,
0.10030444718012195,
0.09944860096110864,
0.07944800868298235,
0.06185508576323169,
0.07736489757477213,
0.10031955145414195,
0.11058698916624779,
0.11787963389889644,
0.1352180865462812,
0.15541256681641516,
0.16204762849015303,
0.14455074603122256,
0.10108848761555723,
0.04513791732858205,
0.06503795489687283,
0.13303610855974654,
0.19427804670713703,
0.24427173207738384,
0.2843648337621267,
0.31657558862240137,
0.34233780104220113
],
[
0.3694516639497063,
0.36594170937850967,
0.3614416565948164,
0.3537827758590868,
0.3403988479233736,
0.3187871939742616,
0.2871320620923947,
0.24545340287019124,
0.19813738985089757,
0.15896959215465184,
0.1514219365287779,
0.17956028820876613,
0.2193854085150822,
0.2524316954009965,
0.2712824735610902,
0.2735609322216326,
0.25849153544819137,
0.22578213138201172,
0.1761790192919892,
0.1138323780200877,
0.05454756528874018,
0.053343269780880054,
0.0804484551802795,
0.08248843384568134,
0.06261960418796077,
0.04656668875442742,
0.0527035064944052,
0.06829485404613393,
0.0877054528633453,
0.1017366160918526,
0.10152858281043256,
0.08795858096422005,
0.07859533049697372,
0.09135726994468739,
0.10909900907536967,
0.11733993411618165,
0.12416824157898995,
0.1405770728741756,
0.15986864063762907,
0.16672844378060198,
0.15122257151169163,
0.11273895262383539,
0.06792269340491555,
0.07689578824413787,
0.13279266428720174,
0.18901420661025436,
0.23692454040528543,
0.27677401713920813,
0.3098706595164869,
0.33701244028807403
],
[
0.36386715695140975,
0.36060902649333026,
0.3566834080927934,
0.3496864099260257,
0.33676833883214075,
0.31512825125190796,
0.2826054644803309,
0.23874928174152757,
0.18737931178006267,
0.1428520320142786,
0.13421573608465193,
0.16730247545106683,
0.21162206009484574,
0.24716370639101168,
0.26716529980776266,
0.2698851452774875,
0.2548850527390732,
0.22189355427166862,
0.17131076723469346,
0.10613872906615468,
0.03684423438127604,
0.03892130438923218,
0.07347095578805819,
0.07504465940728396,
0.05037728743559713,
0.03540371720582241,
0.05564279777265393,
0.07595736421748739,
0.09162953267724411,
0.10174285853253309,
0.10266196140415527,
0.09574675894425472,
0.09300112746210551,
0.10365262102207436,
0.11611539457639669,
0.12123077981233432,
0.12710230687519591,
0.14344021282788053,
0.16317323185941993,
0.1714713437584439,
0.15908156111758362,
0.1264622088674938,
0.09010096933567618,
0.09162611283060883,
0.13428729826131505,
0.18384817394685518,
0.22895752766244568,
0.26842931651124935,
0.3025501333693821,
0.33127238523460634
],
[
0.3575241125609009,
0.3545724806873636,
0.3513485781947035,
0.3451776244873559,
0.3328982177009974,
0.31140399101660077,
0.27819700468709235,
0.23233780149569871,
0.1768796106296137,
0.12612612640585602,
0.11596621616140423,
0.15496617735267726,
0.20392552352046525,
0.24179988727697485,
0.26283783500492214,
0.2660522660070101,
0.2514285649747233,
0.21883249658928253,
0.16855993504549452,
0.10321860032132474,
0.03068322050461262,
0.034395195428413454,
0.07055278584239699,
0.06995109894799033,
0.03885944687681018,
0.02417614758017596,
0.05859298727582955,
0.08153057856636149,
0.09336323649912977,
0.0996420347223225,
0.10214475711683048,
0.10201846759559291,
0.10493481588999115,
0.1138819622907127,
0.12104887290671457,
0.12209776097754492,
0.1265803768958128,
0.14369295026133133,
0.1651713399859779,
0.17601583024369902,
0.16755469628744676,
0.14091356567300578,
0.11080148881533625,
0.10678702774987674,
0.13667324474794063,
0.1783754141404051,
0.22011153653770618,
0.25919268233605547,
0.2945680436231594,
0.32512103719905333
],
[
0.3503426037330861,
0.34776222173873705,
0.34539061750244004,
0.3402387902685129,
0.328802671358619,
0.30766968756741914,
0.2740314470068694,
0.22648421364697716,
0.16717752760205484,
0.10946586604221861,
0.09718026078715325,
0.14313307717976684,
0.19658454813223505,
0.2364497539490532,
0.25831639270764756,
0.262030999431273,
0.24807449128736106,
0.21656237850309545,
0.1679426627689432,
0.10535980784568104,
0.041467208999634485,
0.04319704159072298,
0.07264252462210836,
0.06883260429205793,
0.03262931987070415,
0.01922905347088053,
0.06226230852717441,
0.08533483676261219,
0.09273084315058172,
0.09498471903571493,
0.09955725556487431,
0.10643781222384914,
0.11444439556488889,
0.12195165676602102,
0.12378985177015503,
0.11988511790696546,
0.1225638606335195,
0.14135499814886285,
0.16584616932385682,
0.1801963204198215,
0.1761777157648173,
0.155199871562388,
0.12967441475520933,
0.12110871536616308,
0.1391556892760904,
0.17218318358625323,
0.21012532799925704,
0.24894308243152719,
0.2859042735845561,
0.31858410504625934
],
[
0.342238388637163,
0.340105241155639,
0.33876221390975575,
0.3348520843976181,
0.32449238735897956,
0.3039683594013484,
0.2702050811618806,
0.2214050663429968,
0.15879518258642908,
0.09375425857060485,
0.07850347250915912,
0.132403928461798,
0.18982679058277255,
0.2311729817109765,
0.2535775791344069,
0.25774865946341013,
0.24471815213952774,
0.21494211747548425,
0.169209742224813,
0.1117557945660042,
0.059683238890296614,
0.05891285506592748,
0.07926180897615573,
0.07240711130856371,
0.036745108683676905,
0.0275704837586087,
0.06717460797553963,
0.08779958653184261,
0.08981545131069227,
0.08752504900726031,
0.09476611794107234,
0.10901512888481278,
0.12173711120575603,
0.12797139151999712,
0.12442378386821142,
0.1146520999694854,
0.11507952759115896,
0.13659021196068216,
0.16532022835407678,
0.18394767826303687,
0.1846167372265787,
0.16877509103050892,
0.14657641630961282,
0.13396708344951294,
0.14109909763652456,
0.164889000621044,
0.19875262072855007,
0.2375916255038912,
0.2765756850833914,
0.3117152233771037
],
[
0.3331237180999391,
0.3315265348884063,
0.33141698396445163,
0.3290010603021493,
0.3199751623369523,
0.30032916973813284,
0.2667780071894405,
0.2172401477516738,
0.15215135242428116,
0.0801117135698134,
0.06078419559758252,
0.12330531531446627,
0.18378073323433874,
0.22596945090172593,
0.24855664520659637,
0.25309257349361786,
0.24120250774196877,
0.21373881316053642,
0.17189399709146858,
0.12093223549134595,
0.07899741759667393,
0.07622555238572147,
0.08888432374448786,
0.07998037114025933,
0.04902451398995114,
0.0425117863936698,
0.07345551418545065,
0.08940563870174989,
0.08493920618029695,
0.07719628379449507,
0.08795025604181454,
0.11005078239170762,
0.12716671925763517,
0.13222245953839667,
0.12323583255000502,
0.10660129697386302,
0.10422697005740986,
0.12973584411845357,
0.16385685396145552,
0.18730208725487915,
0.19266545856343598,
0.1813388193985618,
0.1614903156527,
0.14509758254251273,
0.14207351429078627,
0.15617332713861476,
0.1857786107956123,
0.22509956796933697,
0.2666485244713635,
0.3046011951810996
],
[
0.3229084639013824,
0.3219507647682235,
0.32331189077810407,
0.3226730466125523,
0.3152576356330674,
0.29676802693860377,
0.26377133186109275,
0.21403342905532452,
0.14746209562970614,
0.06979155240258036,
0.045193522170276945,
0.11615114104904718,
0.1784468327015973,
0.22077654606712785,
0.2431499736948243,
0.24791463283390075,
0.23732744908031378,
0.21265189927484712,
0.17540116417580526,
0.13135895642702278,
0.09728007136534916,
0.09290841053770452,
0.09983141509093049,
0.09000439819127476,
0.06438086082207492,
0.05877702377518089,
0.08081991462139618,
0.0906201578095666,
0.07867943247112036,
0.06409424003769489,
0.07967923912775249,
0.11010368911513757,
0.13121824452413222,
0.13513733347677043,
0.12072736701409076,
0.09614009189989306,
0.09019444983353554,
0.12135626069944037,
0.16185830199487786,
0.190378638367541,
0.20023014730909966,
0.19276366515716942,
0.17449386407909176,
0.15446136590532894,
0.14186686871965082,
0.1458074673359564,
0.1710358510509347,
0.21150045287733307,
0.2562517695878469,
0.29736620120800583
],
[
0.311501614086569,
0.31130452792370145,
0.31441052920568213,
0.3158624414473805,
0.31034817790977504,
0.2932906222859672,
0.2611707679381626,
0.21173127459147825,
0.1446709190267726,
0.06372818970349647,
0.033369038502526455,
0.11090557936275824,
0.17369120583322814,
0.215476151707282,
0.23722198633040537,
0.24203860079853026,
0.23286232873646534,
0.21134333095813881,
0.17910657338955477,
0.14178345607145465,
0.11362803475612228,
0.10792170358586785,
0.11073749291796454,
0.10089671921786926,
0.07999950953614206,
0.07453997842754043,
0.08871918588103224,
0.09182505753621321,
0.07191045612732676,
0.048469207113113096,
0.07107434904199617,
0.1099514145123004,
0.13448081317629046,
0.13727516451693508,
0.11763238262100566,
0.08401168172355643,
0.07329594842086909,
0.11232503870185709,
0.15985274079453768,
0.19336596045256702,
0.20730933387706357,
0.20304565575218492,
0.18574166133645495,
0.16218003161088188,
0.14048605719624288,
0.13368169638733246,
0.15442049043262623,
0.1969286225438253,
0.24559061175743777,
0.2901740713444396
],
[
0.2988131829039105,
0.2995193780537892,
0.304687447105567,
0.3085749250437473,
0.3052608205323907,
0.2898977393996012,
0.25893686996599147,
0.21020250859639567,
0.14345788127973483,
0.06179315039101977,
0.02696460557603139,
0.10713846131418721,
0.16927149176606215,
0.20991205735721985,
0.23061614963576826,
0.2352694806119768,
0.22756012290863162,
0.20946815228506543,
0.18243007315061707,
0.15129153991391678,
0.12754947229500285,
0.1206648701392704,
0.12059475443381082,
0.11139651947040256,
0.09450237509859809,
0.08890081049485206,
0.09650963083496329,
0.09324868148298605,
0.06582944880482214,
0.030731995995373736,
0.06402476847148314,
0.11050511869291296,
0.13760096383754858,
0.13928146572567296,
0.11490829300350475,
0.07157566777178914,
0.05408601033440474,
0.10391964218085273,
0.1584593210104066,
0.1964981109434361,
0.21397151415703045,
0.21226882820656617,
0.19545042511742283,
0.16849862258983844,
0.1381580048646739,
0.11984388262597867,
0.13591180339837586,
0.18165756095529983,
0.23495831111733664,
0.28322745432200247
],
[
0.2847565840971261,
0.2865358012366927,
0.29413371457079945,
0.30083255974948175,
0.30001995296285916,
0.2865922166444186,
0.2570205114576837,
0.20927805789434553,
0.143344880929657,
0.06260067746669735,
0.02536112275990194,
0.10414356612653648,
0.16489489028532886,
0.20391628151640884,
0.22316924870113256,
0.22740410906875128,
0.22117175406684125,
0.2067014673433832,
0.1848813905215306,
0.1592575821811614,
0.13874569283073357,
0.13074182707319218,
0.1286713858407975,
0.12058157860350643,
0.1071047509851174,
0.10127435712904578,
0.10356083844271488,
0.0949192212682177,
0.06183456720622327,
0.011585175383738607,
0.06110051991887263,
0.11265248606839794,
0.14121356909095162,
0.141823819047836,
0.11365568297034283,
0.06132353140924695,
0.03390538968448552,
0.09784022705942252,
0.1583215559133212,
0.2000248917562431,
0.22033242720741728,
0.22057781604508678,
0.20388409811814098,
0.17375794631600006,
0.13533068398852438,
0.10456983801455746,
0.11560265276484664,
0.16615226917619463,
0.22474297835687748,
0.27676254763165636
],
[
0.26925151677092624,
0.2723084504177997,
0.282764014225023,
0.292679675862396,
0.29466536009985067,
0.28338654431121135,
0.2553807151229783,
0.20880077491028093,
0.14386160596144174,
0.06438113229876295,
0.024959440467025112,
0.10119514517436536,
0.16029709687919858,
0.19734095537664542,
0.21472787027409077,
0.2182421975448518,
0.21345955310580864,
0.20276021856074727,
0.18608157622609145,
0.1652802618375633,
0.1470392609959647,
0.13787792372187643,
0.1344335216139205,
0.1277960826324407,
0.11730855223053781,
0.11123807418018195,
0.10930313410736509,
0.0966580256154356,
0.061061704605718595,
0.009675143454016525,
0.06435518972597319,
0.11705030051336747,
0.14585829162804753,
0.145505069343493,
0.11492350008657194,
0.05714096673304609,
0.019176105027404522,
0.09593535435002178,
0.1600100994374151,
0.20417951415845376,
0.2265329356357108,
0.22815486151194045,
0.2113373256578882,
0.17836631578225406,
0.13266242980775525,
0.08851422497431645,
0.09376360921690613,
0.15113722854111072,
0.2154233837116366,
0.27103813993399267
],
[
0.25222741243407354,
0.25681312144839563,
0.27062560292237986,
0.2841893401999786,
0.28925703456790247,
0.28030983152564426,
0.25400110246566315,
0.2086720221471137,
0.14470582972278503,
0.0660208999560968,
0.022759473046434605,
0.0978374759923035,
0.15532373012342132,
0.19009161464676347,
0.20516622438491172,
0.20759726367640785,
0.20420942567198022,
0.19742024426244545,
0.18577020542626815,
0.16913331823298763,
0.152347070036748,
0.14188681381886553,
0.1374933010837854,
0.13258555675204234,
0.12479162916811236,
0.11848185692723837,
0.1132408854988716,
0.09811781871972758,
0.06373139814623088,
0.02987417993550041,
0.07367123663459073,
0.12395968593397187,
0.15190312136765213,
0.150771826175997,
0.1194305026365766,
0.06218583166621011,
0.028748635278427487,
0.09948740814845387,
0.16391739347210466,
0.20914834983202116,
0.23271856763970697,
0.2351995221833783,
0.2181169258945506,
0.18276544855350096,
0.13097522031604583,
0.07305339649482757,
0.07102324309908925,
0.1376663457349438,
0.2075454573297163,
0.26631832068675804
],
[
0.23362748941246556,
0.24005627655102496,
0.2578095715222177,
0.2754700453310117,
0.2838790903548675,
0.27741284895511514,
0.25290132793899434,
0.20888227522581998,
0.14583997826741218,
0.0674991242381352,
0.018362086727872432,
0.0941041188412076,
0.1499957748859126,
0.18215832748547528,
0.19440510456723528,
0.19530724163081634,
0.19324187868719916,
0.19053046306351046,
0.18380666128177245,
0.17073442996372645,
0.1546717135304649,
0.1426571612216794,
0.1375775027834594,
0.13465449303952123,
0.12936422226431546,
0.12278847828906299,
0.11495321788697582,
0.09885352616346023,
0.06902722312132176,
0.049890855036435894,
0.0871764383749735,
0.13322409552012193,
0.15950204496952305,
0.15784932731810528,
0.1273568751114685,
0.07553965234898441,
0.05159740885552156,
0.10853736455521644,
0.1701847340902726,
0.21504823615987384,
0.2390219296236777,
0.24191057100133775,
0.22452192731818058,
0.18738926758811306,
0.13114248284242588,
0.06096068699747324,
0.04904008213520583,
0.12713499662325625,
0.20167125913440628,
0.26284952733301487
],
[
0.213413455747591,
0.22208852161973208,
0.24446485028652543,
0.26667200245739897,
0.27864203087964745,
0.2747700572048952,
0.25214088487071146,
0.20951771801083535,
0.1474958727817476,
0.06977497754991378,
0.015708405971941584,
0.0906081564453443,
0.14454583070113683,
0.17364270135474025,
0.18243297346411078,
0.18124500608790764,
0.1804226362733163,
0.18202686866981077,
0.18017114440377335,
0.1701290503047825,
0.1541034579133435,
0.14014952393584285,
0.1345094011130483,
0.13384308145291443,
0.13095285802878573,
0.12402759553325567,
0.11409315733607109,
0.09840525628826365,
0.07569612758036016,
0.06899989894250622,
0.10288338151050971,
0.14439171087139963,
0.16860211869332556,
0.1667286467435399,
0.13835910958770217,
0.09393990802456814,
0.07680532202632226,
0.12202387324399742,
0.17869494492478083,
0.22191557936353226,
0.24554917657768963,
0.24847037908967276,
0.23082367861896957,
0.19261898263516866,
0.13390650642380433,
0.05671781076632925,
0.03343709286901454,
0.12109515261565766,
0.1982991520951999,
0.2608345505203608
],
[
0.19157089296550703,
0.20302459077378637,
0.23081523097890191,
0.25799202714658465,
0.27368259894552843,
0.2724779355276826,
0.2518143264584988,
0.21074161200170077,
0.15009120132939058,
0.07425854441138366,
0.022423114506875022,
0.08846023776114091,
0.13941788193241378,
0.1647804884454643,
0.16933193244108075,
0.1653296596778573,
0.16567426492986076,
0.17194971933968078,
0.1749688277132695,
0.16748595025516977,
0.1508312575605825,
0.13440084395668295,
0.1281991086443879,
0.130119048566445,
0.12959955937449102,
0.12215926419023027,
0.11038925459893055,
0.09637809287709058,
0.08265741740099303,
0.08685526991704624,
0.11938736142991527,
0.156888763791108,
0.17899240149279824,
0.17720755723498485,
0.15177568956076304,
0.11479518520163969,
0.10231375722069065,
0.1385094284642227,
0.18912954616804767,
0.22970849600380105,
0.25237140065236446,
0.255032482356165,
0.23724824744743456,
0.19874222769172833,
0.13968427764295818,
0.06338651887358081,
0.03679802348747305,
0.12074880308820687,
0.19776998746225033,
0.26040810067891057
],
[
0.16811533979176804,
0.18307462265610278,
0.21717897688604793,
0.24967545596519952,
0.2691604884977648,
0.2706494697733638,
0.25203881066667105,
0.21275603741056887,
0.1540883785315414,
0.08203389657497671,
0.03693514350550302,
0.08895969069519875,
0.13522571556935298,
0.1559596911715741,
0.15531384780772056,
0.14754051150581998,
0.14899146799978863,
0.16046830937397785,
0.16843900812993087,
0.16310212992357428,
0.14516409566797342,
0.1255378368909829,
0.11864002622644096,
0.12358410040704589,
0.12547402425399723,
0.117247664739585,
0.1036503840775205,
0.09251585654206912,
0.08923784266795982,
0.10328676345906479,
0.13582320366793532,
0.17015623760727386,
0.19037116200915494,
0.18896175130989806,
0.16685836102595927,
0.13657940436039676,
0.12740594773083755,
0.15671668360763008,
0.20105742917813937,
0.23831978176337273,
0.25952119778622623,
0.26171307563077983,
0.24396350552008933,
0.20592579592374274,
0.14846890396555154,
0.07879147923812506,
0.05640368534346458,
0.1263431793397454,
0.20019191998042346,
0.2616194774808255
],
[
0.14309907650715645,
0.16259582355941152,
0.2039887138515973,
0.24201289482606256,
0.26525138606612103,
0.26940526781057517,
0.25293651751025265,
0.2157546817625485,
0.1598465276661976,
0.0933400504871294,
0.05511923483392544,
0.09308827835487299,
0.13266498869115564,
0.14773069338907993,
0.14077518813088447,
0.12793821096560348,
0.13046572452927885,
0.1479192678895963,
0.160969542150923,
0.1574149133430944,
0.13756581281077412,
0.11380535590027806,
0.10591095467843101,
0.11449960827420905,
0.1189017092570086,
0.10948999591088691,
0.09377320482023566,
0.08677990302705015,
0.095177264973298,
0.11827352559718954,
0.1516951588878937,
0.18372330713659024,
0.20240815783868077,
0.20161721714375466,
0.18291976635827814,
0.15841137128296984,
0.1516881577551013,
0.17568421413065763,
0.21401788081605727,
0.24759619651907883,
0.26699396392294644,
0.2685868892693991,
0.25107274311820055,
0.21420873085610678,
0.1598849267495322,
0.09890601446759266,
0.08102504281805752,
0.1370532775713299,
0.20541828967771023,
0.2644268174167835
],
[
0.11661858792024249,
0.1421813073382893,
0.19180519657535294,
0.23532914595275634,
0.26213620898390677,
0.2688623614335268,
0.25461553103465406,
0.21987930968075553,
0.16752031167281523,
0.10766963600290219,
0.0752042307577157,
0.1010926290971073,
0.1323811781201389,
0.14079619311651057,
0.12638154201119467,
0.10670499796714773,
0.11033360651548073,
0.13486575642376908,
0.15311393614477722,
0.15101724380405757,
0.1287071363721392,
0.09962651960100574,
0.09018625204492481,
0.10334500512572459,
0.11041579328606069,
0.09927337634850907,
0.08075171741754308,
0.07945941562826135,
0.10056892953869227,
0.13192279517268288,
0.16675086693949784,
0.1972314421556493,
0.2147895877062364,
0.21480540259289294,
0.19939257214198794,
0.17975800237622658,
0.17490718897399035,
0.1947349135560522,
0.2275780863348089,
0.25735917601139474,
0.2747528725702196,
0.2756873935763271,
0.25861546001552643,
0.22351609570085113,
0.17334483024934405,
0.12105695359517918,
0.10671099862335293,
0.15148036873516207,
0.2130891618351321,
0.26870435031839257
],
[
0.08882265953287685,
0.12281232658453403,
0.18131141030109255,
0.22996195657285548,
0.2599870698842234,
0.26912222721893925,
0.25715297356395234,
0.22519060237653626,
0.177035922722545,
0.12419309285352381,
0.09626872387342633,
0.11249720555458854,
0.1348214938653056,
0.13595661082806018,
0.11318471628378522,
0.08424271760881029,
0.0890913899026027,
0.1221816852259898,
0.14560198771549065,
0.14466673506914995,
0.11953360875036881,
0.08374118725264726,
0.07176513287713943,
0.09093909362255051,
0.10084589322864408,
0.08729035176900085,
0.06468929961796142,
0.07135817298180848,
0.10578399127699986,
0.144443486405701,
0.18090053674400047,
0.21043084749309118,
0.22724398082673375,
0.22819668069965127,
0.21583650073936492,
0.20028471295863826,
0.1968961032521228,
0.2134048846777368,
0.24136346783642842,
0.26742324917594096,
0.28273615715890615,
0.28301071922103294,
0.2665745527578956,
0.233687306952825,
0.18820727012955388,
0.14380251185378565,
0.1321779440844735,
0.16822474901533221,
0.22271440854001676,
0.27426038167844696
],
[
0.059921048369855796,
0.10608674252419432,
0.1732653631128753,
0.226230052542294,
0.25895137417287584,
0.2702598008671336,
0.26058346093387413,
0.2316587175936116,
0.1881354594941784,
0.14208367061179772,
0.11769891828867204,
0.12646272177043472,
0.1401302994318933,
0.1339850812313872,
0.10272256491313078,
0.06148299230861529,
0.06782299983123888,
0.11114049604688025,
0.13932283186845842,
0.13926848657524266,
0.11132468133126992,
0.06755518465171159,
0.051174127698139484,
0.07867716175141984,
0.091450694184033,
0.07477949594259642,
0.045818265048221105,
0.06409226529806032,
0.11137469193236964,
0.15611309241931362,
0.1941624644238246,
0.22316467211925567,
0.23955290627765757,
0.24151585532458683,
0.23192396705240212,
0.21978042412095433,
0.21755013005077772,
0.231382409324957,
0.25506806842335666,
0.27761020043707757,
0.2908653104329631,
0.2905222530601855,
0.27488798380799795,
0.2445099565548493,
0.20387992000660043,
0.16634375984316013,
0.15685353869204754,
0.18616111996457435,
0.23376194753566665,
0.28086111863907237
],
[
0.030193710152093472,
0.09438458667516932,
0.16839092890803445,
0.22439368884116342,
0.2591363280447804,
0.27231516822637947,
0.2648945100360924,
0.2391723473092058,
0.20045392482595614,
0.16064906911131868,
0.13904583679243804,
0.14212808334488441,
0.14814123287773326,
0.13544118701348107,
0.09689866932751963,
0.04116011142058893,
0.04927656598823366,
0.1034063116155637,
0.13524567556331088,
0.13580006015134968,
0.10565716104229511,
0.05400096983827066,
0.02973756944946855,
0.06889046885858169,
0.08403908901368892,
0.06397519271017982,
0.024574763391686728,
0.06029187283831216,
0.1179459226800017,
0.16723922075678768,
0.20662274363615038,
0.235349370680218,
0.2515516450002,
0.2545456856412828,
0.24742033516554773,
0.2381169753719787,
0.23681226862848978,
0.24846402795663025,
0.2684532220004134,
0.2877585527095252,
0.2990530521865351,
0.2981646795676722,
0.2834625291199702,
0.255751199139162,
0.21986501561949023,
0.188208062760995,
0.18042459834987412,
0.20447223927340735,
0.24572490930511579,
0.2882549729477615
],
[
0.0001206741635177596,
0.09036595783590935,
0.16721392893031473,
0.22461573868857154,
0.2605966196521983,
0.27528915726725517,
0.2700288224560173,
0.24756008883478095,
0.21359331288323016,
0.17935204358363419,
0.15997432051075888,
0.15877147104270975,
0.15846128393403516,
0.1405031555351639,
0.0973217964831922,
0.03233588698855562,
0.04046472694568515,
0.10069946112837139,
0.134250148456624,
0.13515355030984005,
0.10411392939017308,
0.048552281128543415,
0.01571414488612496,
0.0648540599278705,
0.08081885278653747,
0.05846431482364823,
0.004634462590564055,
0.06278005835707993,
0.12600885607439366,
0.17811956398560133,
0.21840343238994725,
0.24695520966421355,
0.26312414658155103,
0.2671235649882195,
0.2621651263921375,
0.25522492135916836,
0.25466296145824785,
0.2645241418994391,
0.2813405931800616,
0.29772890527213824,
0.3072102822773657,
0.30586630171360546,
0.2921873858296402,
0.2671821616602987,
0.23576832540274228,
0.2091040426040931,
0.20270570748318928,
0.22259223558479996,
0.2581601860279763,
0.29619329430976055
]
]
},
{
"hoverinfo": "text",
"legendgroup": "In-sample",
"marker": {
"color": "black",
"opacity": 0.5,
"symbol": 1
},
"mode": "markers",
"name": "In-sample",
"text": [
"0_0",
"10_0",
"11_0",
"12_0",
"13_0",
"14_0",
"15_0",
"16_0",
"17_0",
"18_0",
"19_0",
"1_0",
"2_0",
"3_0",
"4_0",
"5_0",
"6_0",
"7_0",
"8_0",
"9_0"
],
"type": "scatter",
"x": [
0.004851579821714799,
0.1654877892273547,
0.0005358923334626645,
0.00021696859892071264,
1e-06,
0.00030653726631400563,
1.4264059930656735e-05,
0.0006546293024047517,
0.0009565240979661985,
7.350386821874796e-05,
5.825037992967676e-05,
0.015272471703208855,
0.001126015869936531,
1.322379476601109e-05,
0.012268177590559719,
0.0005200723338130029,
0.01246963090821185,
0.0020935967878582614,
0.06782993158753552,
1.2863120404898266e-05
],
"xaxis": "x",
"y": [
0.4905244968831539,
0.8415761915966868,
0.2834880342707038,
0.6083760411203435,
0.9999999999999996,
1,
0.15337565732206124,
0.6340323074479407,
0.9999999999999992,
1.0398828850639164e-11,
0.9999999999999999,
0.1100311754271388,
0.4754412202164531,
0.828022139146924,
0.7786315931007266,
0.2690268559381366,
0.4079161752015352,
0.7660426935181022,
0.5214628912508488,
0.7426838232204318
],
"yaxis": "y"
},
{
"hoverinfo": "text",
"legendgroup": "In-sample",
"marker": {
"color": "black",
"opacity": 0.5,
"symbol": 1
},
"mode": "markers",
"name": "In-sample",
"showlegend": false,
"text": [
"0_0",
"10_0",
"11_0",
"12_0",
"13_0",
"14_0",
"15_0",
"16_0",
"17_0",
"18_0",
"19_0",
"1_0",
"2_0",
"3_0",
"4_0",
"5_0",
"6_0",
"7_0",
"8_0",
"9_0"
],
"type": "scatter",
"x": [
0.004851579821714799,
0.1654877892273547,
0.0005358923334626645,
0.00021696859892071264,
1e-06,
0.00030653726631400563,
1.4264059930656735e-05,
0.0006546293024047517,
0.0009565240979661985,
7.350386821874796e-05,
5.825037992967676e-05,
0.015272471703208855,
0.001126015869936531,
1.322379476601109e-05,
0.012268177590559719,
0.0005200723338130029,
0.01246963090821185,
0.0020935967878582614,
0.06782993158753552,
1.2863120404898266e-05
],
"xaxis": "x2",
"y": [
0.4905244968831539,
0.8415761915966868,
0.2834880342707038,
0.6083760411203435,
0.9999999999999996,
1,
0.15337565732206124,
0.6340323074479407,
0.9999999999999992,
1.0398828850639164e-11,
0.9999999999999999,
0.1100311754271388,
0.4754412202164531,
0.828022139146924,
0.7786315931007266,
0.2690268559381366,
0.4079161752015352,
0.7660426935181022,
0.5214628912508488,
0.7426838232204318
],
"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
}
},
"type": "bar"
}
],
"barpolar": [
{
"marker": {
"line": {
"color": "#E5ECF6",
"width": 0.5
}
},
"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,
"#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,
"#f0f921"
]
],
"type": "contour"
}
],
"contourcarpet": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"type": "contourcarpet"
}
],
"heatmap": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
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,
"#f0f921"
]
],
"type": "heatmap"
}
],
"heatmapgl": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
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,
"#f0f921"
]
],
"type": "heatmapgl"
}
],
"histogram": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "histogram"
}
],
"histogram2d": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
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,
"#f0f921"
]
],
"type": "histogram2d"
}
],
"histogram2dcontour": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
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,
"#f0f921"
]
],
"type": "histogram2dcontour"
}
],
"mesh3d": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"type": "mesh3d"
}
],
"parcoords": [
{
"line": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "parcoords"
}
],
"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,
"#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,
"#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
},
"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,
"#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,
"#f0f921"
]
],
"sequentialminus": [
[
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,
"#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": "",
"zerolinecolor": "white",
"zerolinewidth": 2
},
"yaxis": {
"automargin": true,
"gridcolor": "white",
"linecolor": "white",
"ticks": "",
"zerolinecolor": "white",
"zerolinewidth": 2
}
}
},
"width": 950,
"xaxis": {
"anchor": "y",
"autorange": false,
"domain": [
0.05,
0.45
],
"exponentformat": "e",
"range": [
-6,
-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.3979400086720376
],
"tickfont": {
"size": 11
},
"tickmode": "auto",
"title": {
"text": "lr"
},
"type": "log"
},
"yaxis": {
"anchor": "x",
"autorange": false,
"domain": [
0,
1
],
"exponentformat": "e",
"range": [
0,
1
],
"tickfont": {
"size": 11
},
"tickmode": "auto",
"title": {
"text": "momentum"
},
"type": "linear"
},
"yaxis2": {
"anchor": "x2",
"autorange": false,
"domain": [
0,
1
],
"exponentformat": "e",
"range": [
0,
1
],
"tickfont": {
"size": 11
},
"tickmode": "auto",
"type": "linear"
}
}
},
"text/html": [
"\n",
" \n",
" \n",
"
\n",
" \n",
"
"
]
},
"metadata": {},
"output_type": "display_data"
}
],
"source": [
"render(\n",
" plot_contour(\n",
" model=ax.generation_strategy.model, param_x='lr', param_y='momentum', metric_name='mean_accuracy'\n",
" )\n",
")"
]
},
{
"cell_type": "code",
"execution_count": 10,
"metadata": {},
"outputs": [
{
"data": {
"application/vnd.plotly.v1+json": {
"config": {
"linkText": "Export to plot.ly",
"plotlyServerURL": "https://plot.ly",
"showLink": false
},
"data": [
{
"hoverinfo": "none",
"legendgroup": "",
"line": {
"width": 0
},
"mode": "lines",
"showlegend": false,
"type": "scatter",
"x": [
1,
2,
3,
4,
5,
6,
7,
8,
9,
10,
11,
12,
13,
14,
15,
16,
17,
18,
19,
20,
21,
22,
23,
24,
25,
26,
27,
28,
29,
30
],
"y": [
11.4,
11.4,
96.16666666666667,
96.16666666666667,
96.16666666666667,
96.16666666666667,
96.16666666666667,
96.16666666666667,
96.16666666666667,
96.16666666666667,
96.16666666666667,
96.16666666666667,
96.16666666666667,
96.16666666666667,
96.16666666666667,
96.16666666666667,
96.16666666666667,
96.16666666666667,
96.16666666666667,
96.16666666666667,
96.16666666666667,
96.16666666666667,
96.88333333333333,
96.88333333333333,
96.88333333333333,
96.88333333333333,
96.88333333333333,
96.88333333333333,
96.88333333333333,
96.88333333333333
]
},
{
"fill": "tonexty",
"fillcolor": "rgba(128,177,211,0.3)",
"legendgroup": "mean",
"line": {
"color": "rgba(128,177,211,1)"
},
"mode": "lines",
"name": "mean",
"type": "scatter",
"x": [
1,
2,
3,
4,
5,
6,
7,
8,
9,
10,
11,
12,
13,
14,
15,
16,
17,
18,
19,
20,
21,
22,
23,
24,
25,
26,
27,
28,
29,
30
],
"y": [
11.4,
11.4,
96.16666666666667,
96.16666666666667,
96.16666666666667,
96.16666666666667,
96.16666666666667,
96.16666666666667,
96.16666666666667,
96.16666666666667,
96.16666666666667,
96.16666666666667,
96.16666666666667,
96.16666666666667,
96.16666666666667,
96.16666666666667,
96.16666666666667,
96.16666666666667,
96.16666666666667,
96.16666666666667,
96.16666666666667,
96.16666666666667,
96.88333333333333,
96.88333333333333,
96.88333333333333,
96.88333333333333,
96.88333333333333,
96.88333333333333,
96.88333333333333,
96.88333333333333
]
},
{
"fill": "tonexty",
"fillcolor": "rgba(128,177,211,0.3)",
"hoverinfo": "none",
"legendgroup": "",
"line": {
"width": 0
},
"mode": "lines",
"showlegend": false,
"type": "scatter",
"x": [
1,
2,
3,
4,
5,
6,
7,
8,
9,
10,
11,
12,
13,
14,
15,
16,
17,
18,
19,
20,
21,
22,
23,
24,
25,
26,
27,
28,
29,
30
],
"y": [
11.4,
11.4,
96.16666666666667,
96.16666666666667,
96.16666666666667,
96.16666666666667,
96.16666666666667,
96.16666666666667,
96.16666666666667,
96.16666666666667,
96.16666666666667,
96.16666666666667,
96.16666666666667,
96.16666666666667,
96.16666666666667,
96.16666666666667,
96.16666666666667,
96.16666666666667,
96.16666666666667,
96.16666666666667,
96.16666666666667,
96.16666666666667,
96.88333333333333,
96.88333333333333,
96.88333333333333,
96.88333333333333,
96.88333333333333,
96.88333333333333,
96.88333333333333,
96.88333333333333
]
}
],
"layout": {
"showlegend": true,
"template": {
"data": {
"bar": [
{
"error_x": {
"color": "#2a3f5f"
},
"error_y": {
"color": "#2a3f5f"
},
"marker": {
"line": {
"color": "#E5ECF6",
"width": 0.5
}
},
"type": "bar"
}
],
"barpolar": [
{
"marker": {
"line": {
"color": "#E5ECF6",
"width": 0.5
}
},
"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,
"#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,
"#f0f921"
]
],
"type": "contour"
}
],
"contourcarpet": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"type": "contourcarpet"
}
],
"heatmap": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
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,
"#f0f921"
]
],
"type": "heatmap"
}
],
"heatmapgl": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
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,
"#f0f921"
]
],
"type": "heatmapgl"
}
],
"histogram": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "histogram"
}
],
"histogram2d": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
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,
"#f0f921"
]
],
"type": "histogram2d"
}
],
"histogram2dcontour": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
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,
"#f0f921"
]
],
"type": "histogram2dcontour"
}
],
"mesh3d": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"type": "mesh3d"
}
],
"parcoords": [
{
"line": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "parcoords"
}
],
"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,
"#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,
"#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
},
"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,
"#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,
"#f0f921"
]
],
"sequentialminus": [
[
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,
"#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": "",
"zerolinecolor": "white",
"zerolinewidth": 2
},
"yaxis": {
"automargin": true,
"gridcolor": "white",
"linecolor": "white",
"ticks": "",
"zerolinecolor": "white",
"zerolinewidth": 2
}
}
},
"title": {
"text": "Model performance vs. # of iterations"
},
"xaxis": {
"title": {
"text": "Iteration"
}
},
"yaxis": {
"title": {
"text": "Accuracy"
}
}
}
},
"text/html": [
"\n",
" \n",
" \n",
"
\n",
" \n",
"
"
]
},
"metadata": {},
"output_type": "display_data"
}
],
"source": [
"# `plot_single_method` expects a 2-d array of means, because it expects to average means from multiple \n",
"# optimization runs, so we wrap out best objectives array in another array.\n",
"best_objectives = np.array([[trial.objective_mean * 100 for trial in ax.experiment.trials.values()]])\n",
"best_objective_plot = optimization_trace_single_method(\n",
" y=np.maximum.accumulate(best_objectives, axis=1),\n",
" title=\"Model performance vs. # of iterations\",\n",
" ylabel=\"Accuracy\",\n",
")\n",
"render(best_objective_plot)"
]
}
],
"metadata": {
"kernelspec": {
"display_name": "python3",
"language": "python",
"name": "python3"
}
},
"nbformat": 4,
"nbformat_minor": 2
}