{
"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 04-17 18:35:34] ipy_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 04-17 18:35:34] 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 04-17 18:35:34] 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": [
"2020-04-17 18:35:34,931\tINFO resource_spec.py:212 -- Starting Ray with 4.35 GiB memory available for workers and up to 2.18 GiB for objects. You can adjust these settings with ray.init(memory=, object_store_memory=).\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"2020-04-17 18:35:35,279\tINFO services.py:1148 -- View the Ray dashboard at \u001b[1m\u001b[32mlocalhost:8265\u001b[39m\u001b[22m\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:35:35] ax.service.ax_client: Generated new trial 0 with parameters {'lr': 0.06, 'momentum': 0.37}.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:35:35] ax.service.ax_client: Generated new trial 1 with parameters {'lr': 0.0, 'momentum': 0.48}.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:35:35] ax.service.ax_client: Generated new trial 2 with parameters {'lr': 0.0, 'momentum': 0.41}.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:35:35] ax.service.ax_client: Generated new trial 3 with parameters {'lr': 0.0, 'momentum': 0.37}.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:35:35] ax.service.ax_client: Generated new trial 4 with parameters {'lr': 0.0, 'momentum': 0.57}.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:35:36] ax.service.ax_client: Generated new trial 5 with parameters {'lr': 0.0, 'momentum': 0.76}.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:35:36] ax.service.ax_client: Generated new trial 6 with parameters {'lr': 0.0, 'momentum': 0.31}.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:35:36] ax.service.ax_client: Generated new trial 7 with parameters {'lr': 0.0, 'momentum': 0.76}.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:35:36] ax.service.ax_client: Generated new trial 8 with parameters {'lr': 0.06, 'momentum': 0.67}.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:35:36] ax.service.ax_client: Generated new trial 9 with parameters {'lr': 0.0, 'momentum': 0.93}.\n"
]
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"\u001b[2m\u001b[36m(pid=4021)\u001b[0m Downloading http://yann.lecun.com/exdb/mnist/train-images-idx3-ubyte.gz to /home/travis/.data/MNIST/raw/train-images-idx3-ubyte.gz\n",
"\u001b[2m\u001b[36m(pid=4021)\u001b[0m 2020-04-17 18:35:39,705\tINFO trainable.py:217 -- Getting current IP.\n",
"\u001b[2m\u001b[36m(pid=4020)\u001b[0m 2020-04-17 18:35:39,720\tINFO trainable.py:217 -- Getting current IP.\n",
"\u001b[2m\u001b[36m(pid=4020)\u001b[0m Downloading http://yann.lecun.com/exdb/mnist/train-images-idx3-ubyte.gz to /home/travis/.data/MNIST/raw/train-images-idx3-ubyte.gz\n",
"\u001b[2m\u001b[36m(pid=4021)\u001b[0m \r",
"0.0%\r",
"0.1%\r",
"0.2%\r",
"0.2%\r",
"0.3%\r",
"0.4%\n",
"\u001b[2m\u001b[36m(pid=4020)\u001b[0m \r",
"0.0%\r",
"0.1%\n",
"\u001b[2m\u001b[36m(pid=4021)\u001b[0m \r",
"0.5%\r",
"0.6%\r",
"0.7%\r",
"0.7%\r",
"0.8%\r",
"0.9%\r",
"1.0%\r",
"1.1%\r",
"1.2%\r",
"1.2%\r",
"1.3%\r",
"1.4%\r",
"1.5%\r",
"1.6%\r",
"1.7%\r",
"1.7%\r",
"1.8%\r",
"1.9%\r",
"2.0%\r",
"2.1%\r",
"2.1%\r",
"2.2%\r",
"2.3%\r",
"2.4%\r",
"2.5%\r",
"2.6%\r",
"2.6%\r",
"2.7%\r",
"2.8%\r",
"2.9%\r",
"3.0%\r",
"3.1%\r",
"3.1%\r",
"3.2%\r",
"3.3%\r",
"3.4%\r",
"3.5%\r",
"3.6%\r",
"3.6%\r",
"3.7%\r",
"3.8%\r",
"3.9%\r",
"4.0%\r",
"4.0%\r",
"4.1%\r",
"4.2%\r",
"4.3%\r",
"4.4%\r",
"4.5%\r",
"4.5%\r",
"4.6%\r",
"4.7%\r",
"4.8%\r",
"4.9%\r",
"5.0%\r",
"5.0%\r",
"5.1%\r",
"5.2%\r",
"5.3%\r",
"5.4%\r",
"5.5%\r",
"5.5%\r",
"5.6%\r",
"5.7%\r",
"5.8%\r",
"5.9%\r",
"6.0%\r",
"6.0%\r",
"6.1%\r",
"6.2%\r",
"6.3%\r",
"6.4%\r",
"6.4%\r",
"6.5%\r",
"6.6%\r",
"6.7%\r",
"6.8%\r",
"6.9%\r",
"6.9%\r",
"7.0%\r",
"7.1%\r",
"7.2%\r",
"7.3%\r",
"7.4%\r",
"7.4%\r",
"7.5%\r",
"7.6%\r",
"7.7%\r",
"7.8%\r",
"7.9%\r",
"7.9%\r",
"8.0%\r",
"8.1%\r",
"8.2%\r",
"8.3%\n",
"\u001b[2m\u001b[36m(pid=4020)\u001b[0m \r",
"0.2%\r",
"0.2%\r",
"0.3%\r",
"0.4%\r",
"0.5%\r",
"0.6%\r",
"0.7%\r",
"0.7%\r",
"0.8%\r",
"0.9%\r",
"1.0%\r",
"1.1%\r",
"1.2%\r",
"1.2%\r",
"1.3%\r",
"1.4%\r",
"1.5%\r",
"1.6%\r",
"1.7%\r",
"1.7%\r",
"1.8%\r",
"1.9%\r",
"2.0%\r",
"2.1%\r",
"2.1%\r",
"2.2%\r",
"2.3%\r",
"2.4%\r",
"2.5%\r",
"2.6%\r",
"2.6%\r",
"2.7%\r",
"2.8%\r",
"2.9%\r",
"3.0%\r",
"3.1%\r",
"3.1%\r",
"3.2%\r",
"3.3%\r",
"3.4%\r",
"3.5%\r",
"3.6%\r",
"3.6%\r",
"3.7%\r",
"3.8%\r",
"3.9%\r",
"4.0%\r",
"4.0%\r",
"4.1%\r",
"4.2%\r",
"4.3%\r",
"4.4%\r",
"4.5%\r",
"4.5%\r",
"4.6%\r",
"4.7%\r",
"4.8%\r",
"4.9%\r",
"5.0%\r",
"5.0%\r",
"5.1%\r",
"5.2%\r",
"5.3%\r",
"5.4%\r",
"5.5%\r",
"5.5%\r",
"5.6%\r",
"5.7%\r",
"5.8%\r",
"5.9%\r",
"6.0%\r",
"6.0%\r",
"6.1%\r",
"6.2%\r",
"6.3%\r",
"6.4%\r",
"6.4%\r",
"6.5%\r",
"6.6%\r",
"6.7%\r",
"6.8%\r",
"6.9%\r",
"6.9%\r",
"7.0%\r",
"7.1%\r",
"7.2%\r",
"7.3%\r",
"7.4%\r",
"7.4%\r",
"7.5%\r",
"7.6%\r",
"7.7%\r",
"7.8%\r",
"7.9%\r",
"7.9%\r",
"8.0%\r",
"8.1%\n"
]
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"\u001b[2m\u001b[36m(pid=4021)\u001b[0m \r",
"8.3%\r",
"8.4%\r",
"8.5%\r",
"8.6%\r",
"8.7%\r",
"8.8%\r",
"8.8%\r",
"8.9%\r",
"9.0%\r",
"9.1%\r",
"9.2%\r",
"9.3%\r",
"9.3%\r",
"9.4%\r",
"9.5%\r",
"9.6%\r",
"9.7%\r",
"9.8%\r",
"9.8%\r",
"9.9%\r",
"10.0%\r",
"10.1%\r",
"10.2%\r",
"10.2%\r",
"10.3%\r",
"10.4%\r",
"10.5%\r",
"10.6%\r",
"10.7%\r",
"10.7%\r",
"10.8%\r",
"10.9%\r",
"11.0%\r",
"11.1%\r",
"11.2%\r",
"11.2%\r",
"11.3%\r",
"11.4%\r",
"11.5%\r",
"11.6%\r",
"11.7%\r",
"11.7%\r",
"11.8%\r",
"11.9%\r",
"12.0%\r",
"12.1%\r",
"12.1%\r",
"12.2%\r",
"12.3%\r",
"12.4%\r",
"12.5%\r",
"12.6%\r",
"12.6%\r",
"12.7%\r",
"12.8%\r",
"12.9%\r",
"13.0%\r",
"13.1%\r",
"13.1%\r",
"13.2%\r",
"13.3%\r",
"13.4%\r",
"13.5%\r",
"13.6%\r",
"13.6%\r",
"13.7%\r",
"13.8%\r",
"13.9%\r",
"14.0%\r",
"14.0%\r",
"14.1%\r",
"14.2%\r",
"14.3%\r",
"14.4%\r",
"14.5%\r",
"14.5%\r",
"14.6%\r",
"14.7%\r",
"14.8%\r",
"14.9%\r",
"15.0%\r",
"15.0%\r",
"15.1%\r",
"15.2%\r",
"15.3%\r",
"15.4%\r",
"15.5%\r",
"15.5%\r",
"15.6%\r",
"15.7%\r",
"15.8%\r",
"15.9%\r",
"16.0%\r",
"16.0%\r",
"16.1%\r",
"16.2%\r",
"16.3%\r",
"16.4%\r",
"16.4%\r",
"16.5%\r",
"16.6%\r",
"16.7%\r",
"16.8%\r",
"16.9%\r",
"16.9%\r",
"17.0%\r",
"17.1%\r",
"17.2%\r",
"17.3%\r",
"17.4%\r",
"17.4%\r",
"17.5%\r",
"17.6%\r",
"17.7%\r",
"17.8%\r",
"17.9%\r",
"17.9%\r",
"18.0%\r",
"18.1%\r",
"18.2%\r",
"18.3%\r",
"18.3%\r",
"18.4%\r",
"18.5%\r",
"18.6%\r",
"18.7%\r",
"18.8%\r",
"18.8%\r",
"18.9%\r",
"19.0%\r",
"19.1%\r",
"19.2%\r",
"19.3%\r",
"19.3%\r",
"19.4%\r",
"19.5%\r",
"19.6%\r",
"19.7%\r",
"19.8%\r",
"19.8%\r",
"19.9%\r",
"20.0%\r",
"20.1%\r",
"20.2%\r",
"20.2%\r",
"20.3%\r",
"20.4%\r",
"20.5%\r",
"20.6%\r",
"20.7%\r",
"20.7%\r",
"20.8%\r",
"20.9%\r",
"21.0%\r",
"21.1%\r",
"21.2%\r",
"21.2%\r",
"21.3%\r",
"21.4%\r",
"21.5%\r",
"21.6%\r",
"21.7%\r",
"21.7%\r",
"21.8%\r",
"21.9%\r",
"22.0%\r",
"22.1%\r",
"22.1%\r",
"22.2%\r",
"22.3%\r",
"22.4%\r",
"22.5%\r",
"22.6%\r",
"22.6%\r",
"22.7%\r",
"22.8%\r",
"22.9%\r",
"23.0%\r",
"23.1%\r",
"23.1%\r",
"23.2%\r",
"23.3%\r",
"23.4%\r",
"23.5%\r",
"23.6%\r",
"23.6%\r",
"23.7%\r",
"23.8%\r",
"23.9%\r",
"24.0%\r",
"24.0%\r",
"24.1%\r",
"24.2%\r",
"24.3%\r",
"24.4%\r",
"24.5%\r",
"24.5%\r",
"24.6%\r",
"24.7%\r",
"24.8%\r",
"24.9%\r",
"25.0%\r",
"25.0%\r",
"25.1%\r",
"25.2%\r",
"25.3%\r",
"25.4%\r",
"25.5%\r",
"25.5%\r",
"25.6%\r",
"25.7%\r",
"25.8%\r",
"25.9%\r",
"26.0%\r",
"26.0%\r",
"26.1%\r",
"26.2%\r",
"26.3%\r",
"26.4%\r",
"26.4%\r",
"26.5%\r",
"26.6%\r",
"26.7%\r",
"26.8%\r",
"26.9%\r",
"26.9%\r",
"27.0%\r",
"27.1%\r",
"27.2%\r",
"27.3%\r",
"27.4%\r",
"27.4%\r",
"27.5%\r",
"27.6%\r",
"27.7%\r",
"27.8%\r",
"27.9%\r",
"27.9%\r",
"28.0%\r",
"28.1%\r",
"28.2%\r",
"28.3%\r",
"28.3%\r",
"28.4%\r",
"28.5%\r",
"28.6%\r",
"28.7%\r",
"28.8%\r",
"28.8%\r",
"28.9%\r",
"29.0%\r",
"29.1%\r",
"29.2%\r",
"29.3%\r",
"29.3%\r",
"29.4%\r",
"29.5%\r",
"29.6%\r",
"29.7%\r",
"29.8%\r",
"29.8%\r",
"29.9%\r",
"30.0%\r",
"30.1%\r",
"30.2%\r",
"30.2%\r",
"30.3%\r",
"30.4%\r",
"30.5%\r",
"30.6%\r",
"30.7%\r",
"30.7%\r",
"30.8%\r",
"30.9%\r",
"31.0%\r",
"31.1%\r",
"31.2%\r",
"31.2%\r",
"31.3%\r",
"31.4%\r",
"31.5%\r",
"31.6%\r",
"31.7%\r",
"31.7%\r",
"31.8%\r",
"31.9%\r",
"32.0%\r",
"32.1%\r",
"32.1%\r",
"32.2%\r",
"32.3%\r",
"32.4%\r",
"32.5%\r",
"32.6%\r",
"32.6%\r",
"32.7%\r",
"32.8%\r",
"32.9%\r",
"33.0%\r",
"33.1%\r",
"33.1%\r",
"33.2%\r",
"33.3%\r",
"33.4%\r",
"33.5%\r",
"33.6%\r",
"33.6%\r",
"33.7%\r",
"33.8%\r",
"33.9%\r",
"34.0%\r",
"34.0%\r",
"34.1%\r",
"34.2%\r",
"34.3%\r",
"34.4%\r",
"34.5%\r",
"34.5%\r",
"34.6%\r",
"34.7%\r",
"34.8%\r",
"34.9%\r",
"35.0%\r",
"35.0%\r",
"35.1%\r",
"35.2%\r",
"35.3%\r",
"35.4%\r",
"35.5%\r",
"35.5%\r",
"35.6%\r",
"35.7%\r",
"35.8%\r",
"35.9%\r",
"36.0%\r",
"36.0%\r",
"36.1%\r",
"36.2%\r",
"36.3%\r",
"36.4%\r",
"36.4%\r",
"36.5%\r",
"36.6%\r",
"36.7%\r",
"36.8%\r",
"36.9%\r",
"36.9%\r",
"37.0%\r",
"37.1%\r",
"37.2%\r",
"37.3%\r",
"37.4%\r",
"37.4%\r",
"37.5%\r",
"37.6%\r",
"37.7%\r",
"37.8%\r",
"37.9%\r",
"37.9%\r",
"38.0%\r",
"38.1%\r",
"38.2%\r",
"38.3%\r",
"38.3%\r",
"38.4%\r",
"38.5%\r",
"38.6%\r",
"38.7%\r",
"38.8%\r",
"38.8%\r",
"38.9%\r",
"39.0%\r",
"39.1%\r",
"39.2%\r",
"39.3%\r",
"39.3%\r",
"39.4%\r",
"39.5%\r",
"39.6%\r",
"39.7%\r",
"39.8%\r",
"39.8%\r",
"39.9%\r",
"40.0%\r",
"40.1%\r",
"40.2%\r",
"40.2%\r",
"40.3%\r",
"40.4%\r",
"40.5%\r",
"40.6%\r",
"40.7%\r",
"40.7%\r",
"40.8%\r",
"40.9%\r",
"41.0%\r",
"41.1%\r",
"41.2%\r",
"41.2%\r",
"41.3%\r",
"41.4%\r",
"41.5%\r",
"41.6%\r",
"41.7%\r",
"41.7%\r",
"41.8%\r",
"41.9%\r",
"42.0%\r",
"42.1%\r",
"42.1%\r",
"42.2%\r",
"42.3%\r",
"42.4%\r",
"42.5%\r",
"42.6%\r",
"42.6%\r",
"42.7%\r",
"42.8%\r",
"42.9%\r",
"43.0%\r",
"43.1%\r",
"43.1%\r",
"43.2%\r",
"43.3%\r",
"43.4%\r",
"43.5%\r",
"43.6%\r",
"43.6%\r",
"43.7%\r",
"43.8%\r",
"43.9%\r",
"44.0%\r",
"44.0%\r",
"44.1%\r",
"44.2%\r",
"44.3%\r",
"44.4%\r",
"44.5%\r",
"44.5%\r",
"44.6%\r",
"44.7%\r",
"44.8%\r",
"44.9%\r",
"45.0%\r",
"45.0%\r",
"45.1%\r",
"45.2%\r",
"45.3%\r",
"45.4%\r",
"45.5%\r",
"45.5%\r",
"45.6%\r",
"45.7%\r",
"45.8%\r",
"45.9%\r",
"45.9%\r",
"46.0%\r",
"46.1%\r",
"46.2%\r",
"46.3%\r",
"46.4%\r",
"46.4%\r",
"46.5%\r",
"46.6%\r",
"46.7%\r",
"46.8%\r",
"46.9%\r",
"46.9%\r",
"47.0%\r",
"47.1%\r",
"47.2%\r",
"47.3%\r",
"47.4%\r",
"47.4%\r",
"47.5%\r",
"47.6%\r",
"47.7%\r",
"47.8%\r",
"47.9%\r",
"47.9%\r",
"48.0%\r",
"48.1%\r",
"48.2%\r",
"48.3%\r",
"48.3%\r",
"48.4%\r",
"48.5%\r",
"48.6%\r",
"48.7%\r",
"48.8%\r",
"48.8%\r",
"48.9%\r",
"49.0%\r",
"49.1%\r",
"49.2%\r",
"49.3%\r",
"49.3%\r",
"49.4%\r",
"49.5%\r",
"49.6%\r",
"49.7%\r",
"49.8%\r",
"49.8%\r",
"49.9%\r",
"50.0%\r",
"50.1%\r",
"50.2%\r",
"50.2%\r",
"50.3%\r",
"50.4%\r",
"50.5%\r",
"50.6%\r",
"50.7%\r",
"50.7%\r",
"50.8%\r",
"50.9%\r",
"51.0%\r",
"51.1%\r",
"51.2%\r",
"51.2%\r",
"51.3%\r",
"51.4%\r",
"51.5%\r",
"51.6%\r",
"51.7%\r",
"51.7%\r",
"51.8%\r",
"51.9%\r",
"52.0%\r",
"52.1%\r",
"52.1%\r",
"52.2%\r",
"52.3%\r",
"52.4%\r",
"52.5%\r",
"52.6%\r",
"52.6%\r",
"52.7%\r",
"52.8%\r",
"52.9%\r",
"53.0%\r",
"53.1%\r",
"53.1%\r",
"53.2%\r",
"53.3%\r",
"53.4%\r",
"53.5%\r",
"53.6%\r",
"53.6%\r",
"53.7%\r",
"53.8%\r",
"53.9%\r",
"54.0%\r",
"54.0%\r",
"54.1%\r",
"54.2%\r",
"54.3%\r",
"54.4%\r",
"54.5%\r",
"54.5%\r",
"54.6%\r",
"54.7%\r",
"54.8%\r",
"54.9%\r",
"55.0%\r",
"55.0%\r",
"55.1%\r",
"55.2%\r",
"55.3%\r",
"55.4%\r",
"55.5%\r",
"55.5%\n",
"\u001b[2m\u001b[36m(pid=4020)\u001b[0m \r",
"8.2%\r",
"8.3%\r",
"8.3%\r",
"8.4%\r",
"8.5%\r",
"8.6%\r",
"8.7%\r",
"8.8%\r",
"8.8%\r",
"8.9%\r",
"9.0%\r",
"9.1%\r",
"9.2%\r",
"9.3%\r",
"9.3%\r",
"9.4%\r",
"9.5%\r",
"9.6%\r",
"9.7%\r",
"9.8%\r",
"9.8%\r",
"9.9%\r",
"10.0%\r",
"10.1%\r",
"10.2%\r",
"10.2%\r",
"10.3%\r",
"10.4%\r",
"10.5%\r",
"10.6%\r",
"10.7%\r",
"10.7%\r",
"10.8%\r",
"10.9%\r",
"11.0%\r",
"11.1%\r",
"11.2%\r",
"11.2%\r",
"11.3%\r",
"11.4%\r",
"11.5%\r",
"11.6%\r",
"11.7%\r",
"11.7%\r",
"11.8%\r",
"11.9%\r",
"12.0%\r",
"12.1%\r",
"12.1%\r",
"12.2%\r",
"12.3%\r",
"12.4%\r",
"12.5%\r",
"12.6%\r",
"12.6%\r",
"12.7%\r",
"12.8%\r",
"12.9%\r",
"13.0%\r",
"13.1%\r",
"13.1%\r",
"13.2%\r",
"13.3%\r",
"13.4%\r",
"13.5%\r",
"13.6%\r",
"13.6%\r",
"13.7%\r",
"13.8%\r",
"13.9%\r",
"14.0%\r",
"14.0%\r",
"14.1%\r",
"14.2%\r",
"14.3%\r",
"14.4%\r",
"14.5%\r",
"14.5%\r",
"14.6%\r",
"14.7%\r",
"14.8%\r",
"14.9%\r",
"15.0%\r",
"15.0%\r",
"15.1%\r",
"15.2%\r",
"15.3%\r",
"15.4%\r",
"15.5%\r",
"15.5%\r",
"15.6%\r",
"15.7%\r",
"15.8%\r",
"15.9%\r",
"16.0%\r",
"16.0%\r",
"16.1%\r",
"16.2%\r",
"16.3%\r",
"16.4%\r",
"16.4%\r",
"16.5%\r",
"16.6%\r",
"16.7%\r",
"16.8%\r",
"16.9%\r",
"16.9%\r",
"17.0%\r",
"17.1%\r",
"17.2%\r",
"17.3%\r",
"17.4%\r",
"17.4%\r",
"17.5%\r",
"17.6%\r",
"17.7%\r",
"17.8%\r",
"17.9%\r",
"17.9%\r",
"18.0%\r",
"18.1%\r",
"18.2%\r",
"18.3%\r",
"18.3%\r",
"18.4%\r",
"18.5%\r",
"18.6%\r",
"18.7%\r",
"18.8%\r",
"18.8%\r",
"18.9%\r",
"19.0%\r",
"19.1%\r",
"19.2%\r",
"19.3%\r",
"19.3%\r",
"19.4%\r",
"19.5%\r",
"19.6%\r",
"19.7%\r",
"19.8%\r",
"19.8%\r",
"19.9%\r",
"20.0%\r",
"20.1%\r",
"20.2%\r",
"20.2%\r",
"20.3%\r",
"20.4%\r",
"20.5%\r",
"20.6%\r",
"20.7%\r",
"20.7%\r",
"20.8%\r",
"20.9%\r",
"21.0%\r",
"21.1%\r",
"21.2%\r",
"21.2%\r",
"21.3%\r",
"21.4%\r",
"21.5%\r",
"21.6%\r",
"21.7%\r",
"21.7%\r",
"21.8%\r",
"21.9%\r",
"22.0%\r",
"22.1%\r",
"22.1%\r",
"22.2%\r",
"22.3%\r",
"22.4%\r",
"22.5%\r",
"22.6%\r",
"22.6%\r",
"22.7%\r",
"22.8%\r",
"22.9%\r",
"23.0%\r",
"23.1%\r",
"23.1%\r",
"23.2%\r",
"23.3%\r",
"23.4%\r",
"23.5%\r",
"23.6%\r",
"23.6%\r",
"23.7%\r",
"23.8%\r",
"23.9%\r",
"24.0%\r",
"24.0%\r",
"24.1%\r",
"24.2%\r",
"24.3%\r",
"24.4%\r",
"24.5%\r",
"24.5%\r",
"24.6%\r",
"24.7%\r",
"24.8%\r",
"24.9%\r",
"25.0%\r",
"25.0%\r",
"25.1%\r",
"25.2%\r",
"25.3%\r",
"25.4%\r",
"25.5%\r",
"25.5%\r",
"25.6%\r",
"25.7%\r",
"25.8%\r",
"25.9%\r",
"26.0%\r",
"26.0%\r",
"26.1%\r",
"26.2%\r",
"26.3%\r",
"26.4%\r",
"26.4%\r",
"26.5%\r",
"26.6%\r",
"26.7%\r",
"26.8%\r",
"26.9%\r",
"26.9%\r",
"27.0%\r",
"27.1%\r",
"27.2%\r",
"27.3%\r",
"27.4%\r",
"27.4%\r",
"27.5%\r",
"27.6%\r",
"27.7%\r",
"27.8%\r",
"27.9%\r",
"27.9%\r",
"28.0%\r",
"28.1%\r",
"28.2%\r",
"28.3%\r",
"28.3%\r",
"28.4%\r",
"28.5%\r",
"28.6%\r",
"28.7%\r",
"28.8%\r",
"28.8%\r",
"28.9%\r",
"29.0%\r",
"29.1%\r",
"29.2%\r",
"29.3%\r",
"29.3%\r",
"29.4%\r",
"29.5%\r",
"29.6%\r",
"29.7%\r",
"29.8%\r",
"29.8%\r",
"29.9%\r",
"30.0%\r",
"30.1%\r",
"30.2%\r",
"30.2%\r",
"30.3%\r",
"30.4%\r",
"30.5%\r",
"30.6%\r",
"30.7%\r",
"30.7%\r",
"30.8%\r",
"30.9%\r",
"31.0%\r",
"31.1%\r",
"31.2%\r",
"31.2%\r",
"31.3%\r",
"31.4%\r",
"31.5%\r",
"31.6%\r",
"31.7%\r",
"31.7%\r",
"31.8%\r",
"31.9%\r",
"32.0%\r",
"32.1%\r",
"32.1%\r",
"32.2%\r",
"32.3%\r",
"32.4%\r",
"32.5%\r",
"32.6%\r",
"32.6%\r",
"32.7%\r",
"32.8%\r",
"32.9%\r",
"33.0%\r",
"33.1%\r",
"33.1%\r",
"33.2%\r",
"33.3%\r",
"33.4%\r",
"33.5%\r",
"33.6%\r",
"33.6%\r",
"33.7%\r",
"33.8%\r",
"33.9%\r",
"34.0%\r",
"34.0%\r",
"34.1%\r",
"34.2%\r",
"34.3%\r",
"34.4%\r",
"34.5%\r",
"34.5%\r",
"34.6%\r",
"34.7%\r",
"34.8%\r",
"34.9%\r",
"35.0%\r",
"35.0%\r",
"35.1%\r",
"35.2%\r",
"35.3%\r",
"35.4%\r",
"35.5%\r",
"35.5%\r",
"35.6%\r",
"35.7%\r",
"35.8%\r",
"35.9%\r",
"36.0%\r",
"36.0%\r",
"36.1%\r",
"36.2%\r",
"36.3%\r",
"36.4%\r",
"36.4%\r",
"36.5%\r",
"36.6%\r",
"36.7%\r",
"36.8%\r",
"36.9%\r",
"36.9%\r",
"37.0%\r",
"37.1%\r",
"37.2%\r",
"37.3%\r",
"37.4%\r",
"37.4%\r",
"37.5%\r",
"37.6%\r",
"37.7%\r",
"37.8%\r",
"37.9%\r",
"37.9%\r",
"38.0%\r",
"38.1%\r",
"38.2%\r",
"38.3%\r",
"38.3%\r",
"38.4%\r",
"38.5%\r",
"38.6%\r",
"38.7%\r",
"38.8%\r",
"38.8%\r",
"38.9%\r",
"39.0%\r",
"39.1%\r",
"39.2%\r",
"39.3%\r",
"39.3%\r",
"39.4%\r",
"39.5%\r",
"39.6%\r",
"39.7%\r",
"39.8%\r",
"39.8%\r",
"39.9%\r",
"40.0%\r",
"40.1%\r",
"40.2%\r",
"40.2%\r",
"40.3%\r",
"40.4%\r",
"40.5%\r",
"40.6%\r",
"40.7%\r",
"40.7%\r",
"40.8%\r",
"40.9%\r",
"41.0%\r",
"41.1%\r",
"41.2%\r",
"41.2%\r",
"41.3%\r",
"41.4%\r",
"41.5%\r",
"41.6%\r",
"41.7%\r",
"41.7%\r",
"41.8%\r",
"41.9%\r",
"42.0%\r",
"42.1%\r",
"42.1%\r",
"42.2%\r",
"42.3%\r",
"42.4%\r",
"42.5%\r",
"42.6%\r",
"42.6%\r",
"42.7%\r",
"42.8%\r",
"42.9%\r",
"43.0%\r",
"43.1%\r",
"43.1%\r",
"43.2%\r",
"43.3%\r",
"43.4%\r",
"43.5%\r",
"43.6%\r",
"43.6%\r",
"43.7%\r",
"43.8%\r",
"43.9%\r",
"44.0%\r",
"44.0%\r",
"44.1%\r",
"44.2%\r",
"44.3%\r",
"44.4%\r",
"44.5%\n",
"\u001b[2m\u001b[36m(pid=4021)\u001b[0m \r",
"55.6%\r",
"55.7%\r",
"55.8%\r",
"55.9%\r",
"55.9%\r",
"56.0%\r",
"56.1%\r",
"56.2%\r",
"56.3%\r",
"56.4%\r",
"56.4%\r",
"56.5%\r",
"56.6%\r",
"56.7%\r",
"56.8%\r",
"56.9%\r",
"56.9%\r",
"57.0%\r",
"57.1%\r",
"57.2%\r",
"57.3%\r",
"57.4%\r",
"57.4%\r",
"57.5%\r",
"57.6%\r",
"57.7%\r",
"57.8%\r",
"57.9%\r",
"57.9%\r",
"58.0%\r",
"58.1%\r",
"58.2%\r",
"58.3%\r",
"58.3%\r",
"58.4%\r",
"58.5%\r",
"58.6%\r",
"58.7%\r",
"58.8%\r",
"58.8%\r",
"58.9%\r",
"59.0%\r",
"59.1%\r",
"59.2%\r",
"59.3%\r",
"59.3%\r",
"59.4%\r",
"59.5%\r",
"59.6%\r",
"59.7%\r",
"59.8%\r",
"59.8%\r",
"59.9%\r",
"60.0%\r",
"60.1%\r",
"60.2%\r",
"60.2%\r",
"60.3%\r",
"60.4%\r",
"60.5%\r",
"60.6%\r",
"60.7%\r",
"60.7%\r",
"60.8%\r",
"60.9%\r",
"61.0%\r",
"61.1%\r",
"61.2%\r",
"61.2%\r",
"61.3%\r",
"61.4%\r",
"61.5%\r",
"61.6%\r",
"61.7%\r",
"61.7%\r",
"61.8%\r",
"61.9%\r",
"62.0%\r",
"62.1%\r",
"62.1%\r",
"62.2%\r",
"62.3%\r",
"62.4%\r",
"62.5%\r",
"62.6%\r",
"62.6%\r",
"62.7%\r",
"62.8%\r",
"62.9%\r",
"63.0%\r",
"63.1%\r",
"63.1%\r",
"63.2%\r",
"63.3%\r",
"63.4%\r",
"63.5%\r",
"63.6%\r",
"63.6%\r",
"63.7%\r",
"63.8%\r",
"63.9%\r",
"64.0%\r",
"64.0%\r",
"64.1%\r",
"64.2%\r",
"64.3%\r",
"64.4%\r",
"64.5%\r",
"64.5%\r",
"64.6%\r",
"64.7%\r",
"64.8%\r",
"64.9%\r",
"65.0%\r",
"65.0%\r",
"65.1%\r",
"65.2%\r",
"65.3%\r",
"65.4%\r",
"65.5%\r",
"65.5%\r",
"65.6%\r",
"65.7%\r",
"65.8%\r",
"65.9%\r",
"65.9%\r",
"66.0%\r",
"66.1%\r",
"66.2%\r",
"66.3%\r",
"66.4%\r",
"66.4%\r",
"66.5%\r",
"66.6%\r",
"66.7%\r",
"66.8%\r",
"66.9%\r",
"66.9%\r",
"67.0%\r",
"67.1%\r",
"67.2%\r",
"67.3%\r",
"67.4%\r",
"67.4%\r",
"67.5%\r",
"67.6%\r",
"67.7%\r",
"67.8%\r",
"67.9%\r",
"67.9%\r",
"68.0%\r",
"68.1%\r",
"68.2%\r",
"68.3%\r",
"68.3%\r",
"68.4%\r",
"68.5%\r",
"68.6%\r",
"68.7%\r",
"68.8%\r",
"68.8%\r",
"68.9%\r",
"69.0%\r",
"69.1%\r",
"69.2%\r",
"69.3%\r",
"69.3%\r",
"69.4%\r",
"69.5%\r",
"69.6%\r",
"69.7%\r",
"69.8%\r",
"69.8%\r",
"69.9%\r",
"70.0%\r",
"70.1%\r",
"70.2%\r",
"70.2%\r",
"70.3%\r",
"70.4%\r",
"70.5%\r",
"70.6%\r",
"70.7%\r",
"70.7%\r",
"70.8%\r",
"70.9%\r",
"71.0%\r",
"71.1%\r",
"71.2%\r",
"71.2%\r",
"71.3%\r",
"71.4%\r",
"71.5%\r",
"71.6%\r",
"71.7%\r",
"71.7%\r",
"71.8%\r",
"71.9%\r",
"72.0%\r",
"72.1%\r",
"72.1%\r",
"72.2%\r",
"72.3%\r",
"72.4%\r",
"72.5%\r",
"72.6%\r",
"72.6%\r",
"72.7%\r",
"72.8%\r",
"72.9%\r",
"73.0%\r",
"73.1%\r",
"73.1%\r",
"73.2%\r",
"73.3%\r",
"73.4%\r",
"73.5%\r",
"73.6%\r",
"73.6%\r",
"73.7%\r",
"73.8%\r",
"73.9%\r",
"74.0%\r",
"74.0%\r",
"74.1%\r",
"74.2%\r",
"74.3%\r",
"74.4%\r",
"74.5%\r",
"74.5%\r",
"74.6%\r",
"74.7%\r",
"74.8%\r",
"74.9%\r",
"75.0%\r",
"75.0%\r",
"75.1%\r",
"75.2%\r",
"75.3%\r",
"75.4%\r",
"75.5%\r",
"75.5%\r",
"75.6%\r",
"75.7%\r",
"75.8%\r",
"75.9%\r",
"75.9%\r",
"76.0%\r",
"76.1%\r",
"76.2%\r",
"76.3%\r",
"76.4%\r",
"76.4%\r",
"76.5%\r",
"76.6%\r",
"76.7%\r",
"76.8%\r",
"76.9%\r",
"76.9%\r",
"77.0%\r",
"77.1%\r",
"77.2%\r",
"77.3%\r",
"77.4%\r",
"77.4%\r",
"77.5%\r",
"77.6%\r",
"77.7%\r",
"77.8%\r",
"77.9%\r",
"77.9%\r",
"78.0%\r",
"78.1%\r",
"78.2%\r",
"78.3%\r",
"78.3%\r",
"78.4%\r",
"78.5%\r",
"78.6%\r",
"78.7%\r",
"78.8%\r",
"78.8%\r",
"78.9%\r",
"79.0%\r",
"79.1%\r",
"79.2%\r",
"79.3%\r",
"79.3%\r",
"79.4%\r",
"79.5%\r",
"79.6%\r",
"79.7%\r",
"79.8%\r",
"79.8%\r",
"79.9%\r",
"80.0%\r",
"80.1%\r",
"80.2%\r",
"80.2%\r",
"80.3%\r",
"80.4%\r",
"80.5%\r",
"80.6%\r",
"80.7%\r",
"80.7%\n",
"\u001b[2m\u001b[36m(pid=4020)\u001b[0m \r",
"44.5%\r",
"44.6%\r",
"44.7%\r",
"44.8%\r",
"44.9%\r",
"45.0%\r",
"45.0%\r",
"45.1%\r",
"45.2%\r",
"45.3%\r",
"45.4%\r",
"45.5%\r",
"45.5%\r",
"45.6%\r",
"45.7%\r",
"45.8%\r",
"45.9%\r",
"45.9%\r",
"46.0%\r",
"46.1%\r",
"46.2%\r",
"46.3%\r",
"46.4%\r",
"46.4%\r",
"46.5%\r",
"46.6%\r",
"46.7%\r",
"46.8%\r",
"46.9%\r",
"46.9%\r",
"47.0%\r",
"47.1%\r",
"47.2%\r",
"47.3%\r",
"47.4%\r",
"47.4%\r",
"47.5%\r",
"47.6%\r",
"47.7%\r",
"47.8%\r",
"47.9%\r",
"47.9%\r",
"48.0%\r",
"48.1%\r",
"48.2%\r",
"48.3%\r",
"48.3%\r",
"48.4%\r",
"48.5%\r",
"48.6%\r",
"48.7%\r",
"48.8%\r",
"48.8%\r",
"48.9%\r",
"49.0%\r",
"49.1%\r",
"49.2%\r",
"49.3%\r",
"49.3%\r",
"49.4%\r",
"49.5%\r",
"49.6%\r",
"49.7%\r",
"49.8%\r",
"49.8%\r",
"49.9%\r",
"50.0%\r",
"50.1%\r",
"50.2%\r",
"50.2%\r",
"50.3%\r",
"50.4%\r",
"50.5%\r",
"50.6%\r",
"50.7%\r",
"50.7%\r",
"50.8%\r",
"50.9%\r",
"51.0%\r",
"51.1%\r",
"51.2%\r",
"51.2%\r",
"51.3%\r",
"51.4%\r",
"51.5%\r",
"51.6%\r",
"51.7%\r",
"51.7%\r",
"51.8%\r",
"51.9%\r",
"52.0%\r",
"52.1%\r",
"52.1%\r",
"52.2%\r",
"52.3%\r",
"52.4%\r",
"52.5%\r",
"52.6%\r",
"52.6%\r",
"52.7%\r",
"52.8%\r",
"52.9%\r",
"53.0%\r",
"53.1%\r",
"53.1%\r",
"53.2%\r",
"53.3%\r",
"53.4%\r",
"53.5%\r",
"53.6%\r",
"53.6%\r",
"53.7%\r",
"53.8%\r",
"53.9%\r",
"54.0%\r",
"54.0%\r",
"54.1%\r",
"54.2%\r",
"54.3%\r",
"54.4%\r",
"54.5%\r",
"54.5%\r",
"54.6%\r",
"54.7%\r",
"54.8%\r",
"54.9%\r",
"55.0%\r",
"55.0%\r",
"55.1%\r",
"55.2%\r",
"55.3%\r",
"55.4%\r",
"55.5%\r",
"55.5%\r",
"55.6%\r",
"55.7%\r",
"55.8%\r",
"55.9%\r",
"55.9%\r",
"56.0%\r",
"56.1%\r",
"56.2%\r",
"56.3%\r",
"56.4%\r",
"56.4%\r",
"56.5%\r",
"56.6%\r",
"56.7%\r",
"56.8%\r",
"56.9%\r",
"56.9%\r",
"57.0%\r",
"57.1%\r",
"57.2%\r",
"57.3%\r",
"57.4%\r",
"57.4%\r",
"57.5%\r",
"57.6%\r",
"57.7%\r",
"57.8%\r",
"57.9%\r",
"57.9%\r",
"58.0%\r",
"58.1%\r",
"58.2%\r",
"58.3%\r",
"58.3%\r",
"58.4%\r",
"58.5%\r",
"58.6%\r",
"58.7%\r",
"58.8%\r",
"58.8%\r",
"58.9%\r",
"59.0%\r",
"59.1%\r",
"59.2%\r",
"59.3%\r",
"59.3%\r",
"59.4%\r",
"59.5%\r",
"59.6%\r",
"59.7%\r",
"59.8%\r",
"59.8%\r",
"59.9%\r",
"60.0%\r",
"60.1%\r",
"60.2%\r",
"60.2%\r",
"60.3%\r",
"60.4%\r",
"60.5%\r",
"60.6%\r",
"60.7%\r",
"60.7%\r",
"60.8%\r",
"60.9%\r",
"61.0%\r",
"61.1%\r",
"61.2%\r",
"61.2%\r",
"61.3%\r",
"61.4%\r",
"61.5%\r",
"61.6%\r",
"61.7%\r",
"61.7%\r",
"61.8%\r",
"61.9%\r",
"62.0%\r",
"62.1%\r",
"62.1%\r",
"62.2%\r",
"62.3%\r",
"62.4%\r",
"62.5%\r",
"62.6%\r",
"62.6%\r",
"62.7%\r",
"62.8%\r",
"62.9%\r",
"63.0%\r",
"63.1%\r",
"63.1%\r",
"63.2%\r",
"63.3%\r",
"63.4%\r",
"63.5%\r",
"63.6%\r",
"63.6%\r",
"63.7%\r",
"63.8%\r",
"63.9%\r",
"64.0%\r",
"64.0%\r",
"64.1%\r",
"64.2%\r",
"64.3%\r",
"64.4%\r",
"64.5%\r",
"64.5%\r",
"64.6%\r",
"64.7%\r",
"64.8%\r",
"64.9%\r",
"65.0%\r",
"65.0%\r",
"65.1%\r",
"65.2%\r",
"65.3%\r",
"65.4%\r",
"65.5%\r",
"65.5%\r",
"65.6%\r",
"65.7%\r",
"65.8%\r",
"65.9%\r",
"65.9%\r",
"66.0%\r",
"66.1%\r",
"66.2%\r",
"66.3%\r",
"66.4%\r",
"66.4%\r",
"66.5%\r",
"66.6%\r",
"66.7%\r",
"66.8%\r",
"66.9%\r",
"66.9%\r",
"67.0%\r",
"67.1%\r",
"67.2%\r",
"67.3%\r",
"67.4%\r",
"67.4%\r",
"67.5%\r",
"67.6%\r",
"67.7%\r",
"67.8%\r",
"67.9%\r",
"67.9%\r",
"68.0%\r",
"68.1%\r",
"68.2%\r",
"68.3%\r",
"68.3%\r",
"68.4%\r",
"68.5%\r",
"68.6%\r",
"68.7%\r",
"68.8%\r",
"68.8%\r",
"68.9%\r",
"69.0%\r",
"69.1%\r",
"69.2%\r",
"69.3%\r",
"69.3%\r",
"69.4%\r",
"69.5%\r",
"69.6%\r",
"69.7%\r",
"69.8%\r",
"69.8%\r",
"69.9%\r",
"70.0%\r",
"70.1%\r",
"70.2%\r",
"70.2%\r",
"70.3%\r",
"70.4%\r",
"70.5%\r",
"70.6%\r",
"70.7%\r",
"70.7%\r",
"70.8%\r",
"70.9%\r",
"71.0%\r",
"71.1%\r",
"71.2%\r",
"71.2%\r",
"71.3%\r",
"71.4%\r",
"71.5%\r",
"71.6%\r",
"71.7%\r",
"71.7%\r",
"71.8%\r",
"71.9%\r",
"72.0%\r",
"72.1%\r",
"72.1%\n",
"\u001b[2m\u001b[36m(pid=4021)\u001b[0m \r",
"80.8%\r",
"80.9%\r",
"81.0%\r",
"81.1%\r",
"81.2%\r",
"81.2%\r",
"81.3%\r",
"81.4%\r",
"81.5%\r",
"81.6%\r",
"81.7%\r",
"81.7%\r",
"81.8%\r",
"81.9%\r",
"82.0%\r",
"82.1%\r",
"82.1%\r",
"82.2%\r",
"82.3%\r",
"82.4%\r",
"82.5%\r",
"82.6%\r",
"82.6%\r",
"82.7%\r",
"82.8%\r",
"82.9%\r",
"83.0%\r",
"83.1%\r",
"83.1%\r",
"83.2%\r",
"83.3%\r",
"83.4%\r",
"83.5%\r",
"83.6%\r",
"83.6%\r",
"83.7%\r",
"83.8%\r",
"83.9%\r",
"84.0%\r",
"84.0%\r",
"84.1%\r",
"84.2%\r",
"84.3%\r",
"84.4%\r",
"84.5%\r",
"84.5%\r",
"84.6%\r",
"84.7%\n",
"\u001b[2m\u001b[36m(pid=4020)\u001b[0m \r",
"72.2%\r",
"72.3%\r",
"72.4%\r",
"72.5%\r",
"72.6%\r",
"72.6%\r",
"72.7%\r",
"72.8%\r",
"72.9%\r",
"73.0%\r",
"73.1%\r",
"73.1%\r",
"73.2%\r",
"73.3%\r",
"73.4%\r",
"73.5%\r",
"73.6%\n",
"\u001b[2m\u001b[36m(pid=4020)\u001b[0m \r",
"73.6%\r",
"73.7%\r",
"73.8%\r",
"73.9%\r",
"74.0%\r",
"74.0%\r",
"74.1%\r",
"74.2%\r",
"74.3%\r",
"74.4%\r",
"74.5%\r",
"74.5%\r",
"74.6%\r",
"74.7%\r",
"74.8%\r",
"74.9%\r",
"75.0%\r",
"75.0%\r",
"75.1%\r",
"75.2%\r",
"75.3%\r",
"75.4%\n",
"\u001b[2m\u001b[36m(pid=4021)\u001b[0m \r",
"84.8%\r",
"84.9%\r",
"85.0%\r",
"85.0%\r",
"85.1%\r",
"85.2%\r",
"85.3%\r",
"85.4%\r",
"85.5%\r",
"85.5%\r",
"85.6%\r",
"85.7%\r",
"85.8%\r",
"85.9%\r",
"85.9%\r",
"86.0%\r",
"86.1%\r",
"86.2%\r",
"86.3%\r",
"86.4%\r",
"86.4%\r",
"86.5%\r",
"86.6%\r",
"86.7%\r",
"86.8%\r",
"86.9%\r",
"86.9%\r",
"87.0%\r",
"87.1%\r",
"87.2%\r",
"87.3%\r",
"87.4%\r",
"87.4%\r",
"87.5%\r",
"87.6%\r",
"87.7%\r",
"87.8%\r",
"87.9%\r",
"87.9%\r",
"88.0%\r",
"88.1%\r",
"88.2%\r",
"88.3%\r",
"88.3%\r",
"88.4%\r",
"88.5%\r",
"88.6%\r",
"88.7%\r",
"88.8%\r",
"88.8%\r",
"88.9%\r",
"89.0%\r",
"89.1%\r",
"89.2%\r",
"89.3%\r",
"89.3%\r",
"89.4%\r",
"89.5%\r",
"89.6%\r",
"89.7%\r",
"89.8%\r",
"89.8%\r",
"89.9%\r",
"90.0%\r",
"90.1%\r",
"90.2%\r",
"90.2%\r",
"90.3%\r",
"90.4%\r",
"90.5%\r",
"90.6%\r",
"90.7%\r",
"90.7%\r",
"90.8%\r",
"90.9%\r",
"91.0%\r",
"91.1%\r",
"91.2%\r",
"91.2%\r",
"91.3%\r",
"91.4%\r",
"91.5%\r",
"91.6%\r",
"91.7%\r",
"91.7%\r",
"91.8%\r",
"91.9%\r",
"92.0%\r",
"92.1%\r",
"92.1%\r",
"92.2%\r",
"92.3%\r",
"92.4%\r",
"92.5%\r",
"92.6%\r",
"92.6%\r",
"92.7%\r",
"92.8%\r",
"92.9%\r",
"93.0%\r",
"93.1%\r",
"93.1%\r",
"93.2%\r",
"93.3%\r",
"93.4%\r",
"93.5%\r",
"93.6%\r",
"93.6%\r",
"93.7%\r",
"93.8%\r",
"93.9%\r",
"94.0%\r",
"94.0%\r",
"94.1%\r",
"94.2%\r",
"94.3%\r",
"94.4%\r",
"94.5%\r",
"94.5%\r",
"94.6%\r",
"94.7%\r",
"94.8%\r",
"94.9%\r",
"95.0%\r",
"95.0%\r",
"95.1%\r",
"95.2%\r",
"95.3%\r",
"95.4%\r",
"95.5%\r",
"95.5%\r",
"95.6%\r",
"95.7%\r",
"95.8%\r",
"95.9%\r",
"95.9%\r",
"96.0%\r",
"96.1%\r",
"96.2%\r",
"96.3%\r",
"96.4%\r",
"96.4%\r",
"96.5%\r",
"96.6%\r",
"96.7%\r",
"96.8%\r",
"96.9%\r",
"96.9%\r",
"97.0%\r",
"97.1%\r",
"97.2%\r",
"97.3%\r",
"97.4%\r",
"97.4%\r",
"97.5%\r",
"97.6%\r",
"97.7%\r",
"97.8%\r",
"97.9%\r",
"97.9%\r",
"98.0%\r",
"98.1%\r",
"98.2%\r",
"98.3%\r",
"98.3%\r",
"98.4%\r",
"98.5%\r",
"98.6%\r",
"98.7%\r",
"98.8%\r",
"98.8%\r",
"98.9%\r",
"99.0%\r",
"99.1%\r",
"99.2%\r",
"99.3%\r",
"99.3%\r",
"99.4%\r",
"99.5%\r",
"99.6%\r",
"99.7%\r",
"99.8%\r",
"99.8%\r",
"99.9%\r",
"100.0%\r",
"100.1%\n",
"\u001b[2m\u001b[36m(pid=4020)\u001b[0m \r",
"75.5%\r",
"75.5%\r",
"75.6%\r",
"75.7%\r",
"75.8%\r",
"75.9%\r",
"75.9%\r",
"76.0%\r",
"76.1%\r",
"76.2%\r",
"76.3%\r",
"76.4%\r",
"76.4%\r",
"76.5%\r",
"76.6%\r",
"76.7%\r",
"76.8%\r",
"76.9%\r",
"76.9%\r",
"77.0%\r",
"77.1%\r",
"77.2%\r",
"77.3%\r",
"77.4%\r",
"77.4%\r",
"77.5%\r",
"77.6%\r",
"77.7%\r",
"77.8%\r",
"77.9%\r",
"77.9%\r",
"78.0%\r",
"78.1%\r",
"78.2%\r",
"78.3%\r",
"78.3%\r",
"78.4%\r",
"78.5%\r",
"78.6%\r",
"78.7%\r",
"78.8%\r",
"78.8%\r",
"78.9%\r",
"79.0%\r",
"79.1%\r",
"79.2%\r",
"79.3%\r",
"79.3%\r",
"79.4%\r",
"79.5%\r",
"79.6%\r",
"79.7%\r",
"79.8%\r",
"79.8%\r",
"79.9%\r",
"80.0%\r",
"80.1%\r",
"80.2%\r",
"80.2%\r",
"80.3%\r",
"80.4%\r",
"80.5%\r",
"80.6%\r",
"80.7%\r",
"80.7%\r",
"80.8%\r",
"80.9%\r",
"81.0%\r",
"81.1%\r",
"81.2%\r",
"81.2%\r",
"81.3%\r",
"81.4%\r",
"81.5%\r",
"81.6%\r",
"81.7%\r",
"81.7%\r",
"81.8%\r",
"81.9%\r",
"82.0%\r",
"82.1%\r",
"82.1%\r",
"82.2%\r",
"82.3%\r",
"82.4%\r",
"82.5%\r",
"82.6%\r",
"82.6%\r",
"82.7%\r",
"82.8%\r",
"82.9%\r",
"83.0%\r",
"83.1%\r",
"83.1%\r",
"83.2%\r",
"83.3%\r",
"83.4%\r",
"83.5%\r",
"83.6%\r",
"83.6%\r",
"83.7%\r",
"83.8%\r",
"83.9%\r",
"84.0%\r",
"84.0%\r",
"84.1%\r",
"84.2%\r",
"84.3%\r",
"84.4%\r",
"84.5%\r",
"84.5%\r",
"84.6%\r",
"84.7%\r",
"84.8%\r",
"84.9%\r",
"85.0%\r",
"85.0%\r",
"85.1%\r",
"85.2%\r",
"85.3%\r",
"85.4%\r",
"85.5%\r",
"85.5%\r",
"85.6%\r",
"85.7%\r",
"85.8%\r",
"85.9%\r",
"85.9%\r",
"86.0%\r",
"86.1%\r",
"86.2%\r",
"86.3%\r",
"86.4%\r",
"86.4%\r",
"86.5%\r",
"86.6%\r",
"86.7%\r",
"86.8%\r",
"86.9%\r",
"86.9%\r",
"87.0%\r",
"87.1%\r",
"87.2%\r",
"87.3%\r",
"87.4%\r",
"87.4%\r",
"87.5%\r",
"87.6%\r",
"87.7%\r",
"87.8%\r",
"87.9%\r",
"87.9%\r",
"88.0%\r",
"88.1%\r",
"88.2%\r",
"88.3%\r",
"88.3%\r",
"88.4%\r",
"88.5%\r",
"88.6%\r",
"88.7%\r",
"88.8%\r",
"88.8%\r",
"88.9%\r",
"89.0%\r",
"89.1%\r",
"89.2%\r",
"89.3%\r",
"89.3%\r",
"89.4%\r",
"89.5%\r",
"89.6%\r",
"89.7%\r",
"89.8%\r",
"89.8%\r",
"89.9%\r",
"90.0%\r",
"90.1%\r",
"90.2%\r",
"90.2%\r",
"90.3%\r",
"90.4%\r",
"90.5%\r",
"90.6%\r",
"90.7%\r",
"90.7%\r",
"90.8%\r",
"90.9%\r",
"91.0%\r",
"91.1%\r",
"91.2%\r",
"91.2%\r",
"91.3%\r",
"91.4%\r",
"91.5%\r",
"91.6%\r",
"91.7%\r",
"91.7%\r",
"91.8%\r",
"91.9%\r",
"92.0%\r",
"92.1%\r",
"92.1%\r",
"92.2%\r",
"92.3%\r",
"92.4%\r",
"92.5%\r",
"92.6%\r",
"92.6%\r",
"92.7%\r",
"92.8%\r",
"92.9%\r",
"93.0%\r",
"93.1%\r",
"93.1%\r",
"93.2%\r",
"93.3%\r",
"93.4%\r",
"93.5%\r",
"93.6%\r",
"93.6%\r",
"93.7%\r",
"93.8%\r",
"93.9%\r",
"94.0%\r",
"94.0%\r",
"94.1%\r",
"94.2%\r",
"94.3%\r",
"94.4%\r",
"94.5%\r",
"94.5%\r",
"94.6%\r",
"94.7%\r",
"94.8%\r",
"94.9%\r",
"95.0%\r",
"95.0%\r",
"95.1%\r",
"95.2%\r",
"95.3%\r",
"95.4%\r",
"95.5%\r",
"95.5%\r",
"95.6%\r",
"95.7%\r",
"95.8%\r",
"95.9%\r",
"95.9%\r",
"96.0%\r",
"96.1%\r",
"96.2%\r",
"96.3%\r",
"96.4%\r",
"96.4%\r",
"96.5%\r",
"96.6%\r",
"96.7%\r",
"96.8%\r",
"96.9%\r",
"96.9%\r",
"97.0%\r",
"97.1%\r",
"97.2%\r",
"97.3%\r",
"97.4%\r",
"97.4%\r",
"97.5%\r",
"97.6%\r",
"97.7%\r",
"97.8%\r",
"97.9%\r",
"97.9%\r",
"98.0%\r",
"98.1%\r",
"98.2%\r",
"98.3%\r",
"98.3%\r",
"98.4%\r",
"98.5%\r",
"98.6%\r",
"98.7%\r",
"98.8%\r",
"98.8%\r",
"98.9%\r",
"99.0%\r",
"99.1%\r",
"99.2%\r",
"99.3%\r",
"99.3%\r",
"99.4%\r",
"99.5%\r",
"99.6%\r",
"99.7%\r",
"99.8%\r",
"99.8%\r",
"99.9%\r",
"100.0%\r",
"100.1%\n",
"\u001b[2m\u001b[36m(pid=4021)\u001b[0m Extracting /home/travis/.data/MNIST/raw/train-images-idx3-ubyte.gz to /home/travis/.data/MNIST/raw\n",
"\u001b[2m\u001b[36m(pid=4020)\u001b[0m Extracting /home/travis/.data/MNIST/raw/train-images-idx3-ubyte.gz to /home/travis/.data/MNIST/raw\n"
]
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"\u001b[2m\u001b[36m(pid=4021)\u001b[0m Downloading http://yann.lecun.com/exdb/mnist/train-labels-idx1-ubyte.gz to /home/travis/.data/MNIST/raw/train-labels-idx1-ubyte.gz\n",
"\u001b[2m\u001b[36m(pid=4020)\u001b[0m Downloading http://yann.lecun.com/exdb/mnist/train-labels-idx1-ubyte.gz to /home/travis/.data/MNIST/raw/train-labels-idx1-ubyte.gz\n",
"\u001b[2m\u001b[36m(pid=4021)\u001b[0m Extracting /home/travis/.data/MNIST/raw/train-labels-idx1-ubyte.gz to /home/travis/.data/MNIST/raw\n",
"\u001b[2m\u001b[36m(pid=4021)\u001b[0m Downloading http://yann.lecun.com/exdb/mnist/t10k-images-idx3-ubyte.gz to /home/travis/.data/MNIST/raw/t10k-images-idx3-ubyte.gz\n",
"\u001b[2m\u001b[36m(pid=4021)\u001b[0m \r",
"0.0%\r",
"28.4%\r",
"56.7%\r",
"85.1%\r",
"113.5%\n",
"\u001b[2m\u001b[36m(pid=4020)\u001b[0m \r",
"0.0%\r",
"28.4%\r",
"56.7%\r",
"85.1%\n",
"\u001b[2m\u001b[36m(pid=4020)\u001b[0m \r",
"113.5%\n",
"\u001b[2m\u001b[36m(pid=4020)\u001b[0m Extracting /home/travis/.data/MNIST/raw/train-labels-idx1-ubyte.gz to /home/travis/.data/MNIST/raw\n",
"\u001b[2m\u001b[36m(pid=4020)\u001b[0m Downloading http://yann.lecun.com/exdb/mnist/t10k-images-idx3-ubyte.gz to /home/travis/.data/MNIST/raw/t10k-images-idx3-ubyte.gz\n",
"\u001b[2m\u001b[36m(pid=4021)\u001b[0m \r",
"0.0%\r",
"0.5%\n",
"\u001b[2m\u001b[36m(pid=4020)\u001b[0m \r",
"0.0%\r",
"0.5%\n"
]
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"\u001b[2m\u001b[36m(pid=4021)\u001b[0m \r",
"1.0%\r",
"1.5%\r",
"2.0%\r",
"2.5%\r",
"3.0%\r",
"3.5%\r",
"4.0%\r",
"4.5%\r",
"5.0%\r",
"5.5%\r",
"6.0%\r",
"6.5%\r",
"7.0%\r",
"7.5%\r",
"7.9%\r",
"8.4%\r",
"8.9%\r",
"9.4%\r",
"9.9%\r",
"10.4%\r",
"10.9%\r",
"11.4%\r",
"11.9%\r",
"12.4%\r",
"12.9%\r",
"13.4%\r",
"13.9%\r",
"14.4%\r",
"14.9%\r",
"15.4%\r",
"15.9%\r",
"16.4%\r",
"16.9%\r",
"17.4%\r",
"17.9%\r",
"18.4%\r",
"18.9%\r",
"19.4%\r",
"19.9%\r",
"20.4%\n",
"\u001b[2m\u001b[36m(pid=4020)\u001b[0m \r",
"1.0%\r",
"1.5%\r",
"2.0%\r",
"2.5%\r",
"3.0%\r",
"3.5%\r",
"4.0%\r",
"4.5%\r",
"5.0%\r",
"5.5%\n",
"\u001b[2m\u001b[36m(pid=4021)\u001b[0m Extracting /home/travis/.data/MNIST/raw/t10k-images-idx3-ubyte.gz to /home/travis/.data/MNIST/raw\n",
"\u001b[2m\u001b[36m(pid=4021)\u001b[0m \r",
"20.9%\r",
"21.4%\r",
"21.9%\r",
"22.4%\r",
"22.9%\r",
"23.4%\r",
"23.8%\r",
"24.3%\r",
"24.8%\r",
"25.3%\r",
"25.8%\r",
"26.3%\r",
"26.8%\r",
"27.3%\r",
"27.8%\r",
"28.3%\r",
"28.8%\r",
"29.3%\r",
"29.8%\r",
"30.3%\r",
"30.8%\r",
"31.3%\r",
"31.8%\r",
"32.3%\r",
"32.8%\r",
"33.3%\r",
"33.8%\r",
"34.3%\r",
"34.8%\r",
"35.3%\r",
"35.8%\r",
"36.3%\r",
"36.8%\r",
"37.3%\r",
"37.8%\r",
"38.3%\r",
"38.8%\r",
"39.2%\r",
"39.7%\r",
"40.2%\r",
"40.7%\r",
"41.2%\r",
"41.7%\r",
"42.2%\r",
"42.7%\r",
"43.2%\r",
"43.7%\r",
"44.2%\r",
"44.7%\r",
"45.2%\r",
"45.7%\r",
"46.2%\r",
"46.7%\r",
"47.2%\r",
"47.7%\r",
"48.2%\r",
"48.7%\r",
"49.2%\r",
"49.7%\r",
"50.2%\r",
"50.7%\r",
"51.2%\r",
"51.7%\r",
"52.2%\r",
"52.7%\r",
"53.2%\r",
"53.7%\r",
"54.2%\r",
"54.7%\r",
"55.1%\r",
"55.6%\r",
"56.1%\r",
"56.6%\r",
"57.1%\r",
"57.6%\r",
"58.1%\r",
"58.6%\r",
"59.1%\r",
"59.6%\r",
"60.1%\r",
"60.6%\r",
"61.1%\r",
"61.6%\r",
"62.1%\r",
"62.6%\r",
"63.1%\r",
"63.6%\r",
"64.1%\r",
"64.6%\r",
"65.1%\r",
"65.6%\r",
"66.1%\r",
"66.6%\r",
"67.1%\r",
"67.6%\r",
"68.1%\r",
"68.6%\r",
"69.1%\r",
"69.6%\r",
"70.1%\r",
"70.5%\r",
"71.0%\r",
"71.5%\r",
"72.0%\r",
"72.5%\r",
"73.0%\r",
"73.5%\r",
"74.0%\r",
"74.5%\r",
"75.0%\r",
"75.5%\r",
"76.0%\r",
"76.5%\r",
"77.0%\r",
"77.5%\r",
"78.0%\r",
"78.5%\r",
"79.0%\r",
"79.5%\r",
"80.0%\r",
"80.5%\r",
"81.0%\r",
"81.5%\r",
"82.0%\r",
"82.5%\r",
"83.0%\r",
"83.5%\r",
"84.0%\r",
"84.5%\r",
"85.0%\r",
"85.5%\r",
"86.0%\r",
"86.4%\r",
"86.9%\r",
"87.4%\r",
"87.9%\r",
"88.4%\r",
"88.9%\r",
"89.4%\r",
"89.9%\r",
"90.4%\r",
"90.9%\r",
"91.4%\r",
"91.9%\r",
"92.4%\r",
"92.9%\r",
"93.4%\r",
"93.9%\r",
"94.4%\r",
"94.9%\r",
"95.4%\r",
"95.9%\r",
"96.4%\r",
"96.9%\r",
"97.4%\r",
"97.9%\r",
"98.4%\r",
"98.9%\r",
"99.4%\r",
"99.9%\r",
"100.4%\n",
"\u001b[2m\u001b[36m(pid=4020)\u001b[0m \r",
"6.0%\r",
"6.5%\r",
"7.0%\r",
"7.5%\r",
"7.9%\r",
"8.4%\r",
"8.9%\r",
"9.4%\r",
"9.9%\r",
"10.4%\r",
"10.9%\r",
"11.4%\r",
"11.9%\r",
"12.4%\r",
"12.9%\r",
"13.4%\r",
"13.9%\r",
"14.4%\r",
"14.9%\r",
"15.4%\r",
"15.9%\r",
"16.4%\r",
"16.9%\r",
"17.4%\r",
"17.9%\r",
"18.4%\r",
"18.9%\r",
"19.4%\r",
"19.9%\r",
"20.4%\r",
"20.9%\r",
"21.4%\r",
"21.9%\r",
"22.4%\r",
"22.9%\r",
"23.4%\r",
"23.8%\r",
"24.3%\r",
"24.8%\r",
"25.3%\r",
"25.8%\r",
"26.3%\r",
"26.8%\r",
"27.3%\r",
"27.8%\r",
"28.3%\r",
"28.8%\r",
"29.3%\r",
"29.8%\r",
"30.3%\r",
"30.8%\r",
"31.3%\r",
"31.8%\r",
"32.3%\r",
"32.8%\r",
"33.3%\r",
"33.8%\r",
"34.3%\r",
"34.8%\r",
"35.3%\r",
"35.8%\r",
"36.3%\r",
"36.8%\r",
"37.3%\r",
"37.8%\r",
"38.3%\r",
"38.8%\r",
"39.2%\r",
"39.7%\r",
"40.2%\r",
"40.7%\r",
"41.2%\r",
"41.7%\r",
"42.2%\r",
"42.7%\r",
"43.2%\r",
"43.7%\r",
"44.2%\r",
"44.7%\r",
"45.2%\r",
"45.7%\r",
"46.2%\r",
"46.7%\r",
"47.2%\r",
"47.7%\r",
"48.2%\r",
"48.7%\r",
"49.2%\r",
"49.7%\r",
"50.2%\r",
"50.7%\r",
"51.2%\r",
"51.7%\r",
"52.2%\r",
"52.7%\r",
"53.2%\r",
"53.7%\r",
"54.2%\r",
"54.7%\r",
"55.1%\r",
"55.6%\r",
"56.1%\r",
"56.6%\r",
"57.1%\r",
"57.6%\r",
"58.1%\r",
"58.6%\r",
"59.1%\r",
"59.6%\r",
"60.1%\r",
"60.6%\r",
"61.1%\r",
"61.6%\r",
"62.1%\r",
"62.6%\r",
"63.1%\r",
"63.6%\r",
"64.1%\r",
"64.6%\r",
"65.1%\r",
"65.6%\r",
"66.1%\r",
"66.6%\r",
"67.1%\r",
"67.6%\r",
"68.1%\r",
"68.6%\r",
"69.1%\r",
"69.6%\r",
"70.1%\r",
"70.5%\r",
"71.0%\r",
"71.5%\r",
"72.0%\r",
"72.5%\r",
"73.0%\r",
"73.5%\r",
"74.0%\r",
"74.5%\r",
"75.0%\r",
"75.5%\r",
"76.0%\r",
"76.5%\r",
"77.0%\r",
"77.5%\r",
"78.0%\r",
"78.5%\r",
"79.0%\r",
"79.5%\r",
"80.0%\r",
"80.5%\r",
"81.0%\r",
"81.5%\r",
"82.0%\r",
"82.5%\r",
"83.0%\r",
"83.5%\r",
"84.0%\r",
"84.5%\r",
"85.0%\r",
"85.5%\r",
"86.0%\r",
"86.4%\r",
"86.9%\r",
"87.4%\r",
"87.9%\r",
"88.4%\r",
"88.9%\r",
"89.4%\r",
"89.9%\r",
"90.4%\r",
"90.9%\r",
"91.4%\r",
"91.9%\r",
"92.4%\r",
"92.9%\r",
"93.4%\r",
"93.9%\r",
"94.4%\r",
"94.9%\n",
"\u001b[2m\u001b[36m(pid=4020)\u001b[0m \r",
"95.4%\r",
"95.9%\r",
"96.4%\r",
"96.9%\r",
"97.4%\r",
"97.9%\r",
"98.4%\r",
"98.9%\r",
"99.4%\r",
"99.9%\r",
"100.4%\n",
"\u001b[2m\u001b[36m(pid=4020)\u001b[0m Extracting /home/travis/.data/MNIST/raw/t10k-images-idx3-ubyte.gz to /home/travis/.data/MNIST/raw\n",
"\u001b[2m\u001b[36m(pid=4021)\u001b[0m Downloading http://yann.lecun.com/exdb/mnist/t10k-labels-idx1-ubyte.gz to /home/travis/.data/MNIST/raw/t10k-labels-idx1-ubyte.gz\n",
"\u001b[2m\u001b[36m(pid=4020)\u001b[0m Downloading http://yann.lecun.com/exdb/mnist/t10k-labels-idx1-ubyte.gz to /home/travis/.data/MNIST/raw/t10k-labels-idx1-ubyte.gz\n"
]
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"\u001b[2m\u001b[36m(pid=4021)\u001b[0m Extracting /home/travis/.data/MNIST/raw/t10k-labels-idx1-ubyte.gz to /home/travis/.data/MNIST/raw\n",
"\u001b[2m\u001b[36m(pid=4021)\u001b[0m Processing...\n",
"\u001b[2m\u001b[36m(pid=4021)\u001b[0m \r",
"0.0%\r",
"180.4%\n",
"\u001b[2m\u001b[36m(pid=4020)\u001b[0m \r",
"0.0%\r",
"180.4%\n",
"\u001b[2m\u001b[36m(pid=4020)\u001b[0m Extracting /home/travis/.data/MNIST/raw/t10k-labels-idx1-ubyte.gz to /home/travis/.data/MNIST/raw\n",
"\u001b[2m\u001b[36m(pid=4020)\u001b[0m Processing...\n",
"\u001b[2m\u001b[36m(pid=4021)\u001b[0m Done!\n",
"\u001b[2m\u001b[36m(pid=4020)\u001b[0m Done!\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:35:57] ax.service.ax_client: Completed trial 0 with data: {'mean_accuracy': (0.12, 0.0)}.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:35:57] ax.service.ax_client: Generated new trial 10 with parameters {'lr': 0.0, 'momentum': 0.37}.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:35:57] ax.service.ax_client: Completed trial 1 with data: {'mean_accuracy': (0.74, 0.0)}.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:35:57] ax.service.ax_client: Generated new trial 11 with parameters {'lr': 0.0, 'momentum': 0.45}.\n"
]
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"\u001b[2m\u001b[36m(pid=4057)\u001b[0m 2020-04-17 18:35:59,554\tINFO trainable.py:217 -- Getting current IP.\n"
]
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"\u001b[2m\u001b[36m(pid=4101)\u001b[0m 2020-04-17 18:36:00,333\tINFO trainable.py:217 -- Getting current IP.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:36:15] ax.service.ax_client: Completed trial 2 with data: {'mean_accuracy': (0.86, 0.0)}.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:36:17] ax.service.ax_client: Generated new trial 12 with parameters {'lr': 0.0, 'momentum': 0.0}.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:36:17] ax.service.ax_client: Completed trial 3 with data: {'mean_accuracy': (0.39, 0.0)}.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:36:19] ax.service.ax_client: Generated new trial 13 with parameters {'lr': 0.0, 'momentum': 0.05}.\n"
]
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"\u001b[2m\u001b[36m(pid=4124)\u001b[0m 2020-04-17 18:36:20,449\tINFO trainable.py:217 -- Getting current IP.\n"
]
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"\u001b[2m\u001b[36m(pid=4123)\u001b[0m 2020-04-17 18:36:21,630\tINFO trainable.py:217 -- Getting current IP.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:36:36] ax.service.ax_client: Completed trial 4 with data: {'mean_accuracy': (0.11, 0.0)}.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:36:39] ax.service.ax_client: Generated new trial 14 with parameters {'lr': 0.0, 'momentum': 0.57}.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:36:39] ax.service.ax_client: Completed trial 5 with data: {'mean_accuracy': (0.92, 0.0)}.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:36:41] ax.service.ax_client: Generated new trial 15 with parameters {'lr': 0.02, 'momentum': 0.9}.\n"
]
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"\u001b[2m\u001b[36m(pid=4153)\u001b[0m 2020-04-17 18:36:42,596\tINFO trainable.py:217 -- Getting current IP.\n"
]
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"\u001b[2m\u001b[36m(pid=4154)\u001b[0m 2020-04-17 18:36:44,029\tINFO trainable.py:217 -- Getting current IP.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:36:58] ax.service.ax_client: Completed trial 6 with data: {'mean_accuracy': (0.82, 0.0)}.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:37:00] ax.service.ax_client: Generated new trial 16 with parameters {'lr': 0.0, 'momentum': 1.0}.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:37:00] ax.service.ax_client: Completed trial 7 with data: {'mean_accuracy': (0.96, 0.0)}.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:37:02] ax.service.ax_client: Generated new trial 17 with parameters {'lr': 0.4, 'momentum': 1.0}.\n"
]
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"\u001b[2m\u001b[36m(pid=4185)\u001b[0m 2020-04-17 18:37:03,916\tINFO trainable.py:217 -- Getting current IP.\n"
]
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"\u001b[2m\u001b[36m(pid=4186)\u001b[0m 2020-04-17 18:37:05,368\tINFO trainable.py:217 -- Getting current IP.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:37:19] ax.service.ax_client: Completed trial 8 with data: {'mean_accuracy': (0.11, 0.0)}.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:37:21] ax.service.ax_client: Generated new trial 18 with parameters {'lr': 0.4, 'momentum': 0.0}.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:37:21] ax.service.ax_client: Completed trial 9 with data: {'mean_accuracy': (0.11, 0.0)}.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:37:25] ax.service.ax_client: Generated new trial 19 with parameters {'lr': 0.0, 'momentum': 0.75}.\n"
]
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"\u001b[2m\u001b[36m(pid=4220)\u001b[0m 2020-04-17 18:37:25,470\tINFO trainable.py:217 -- Getting current IP.\n"
]
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"\u001b[2m\u001b[36m(pid=4221)\u001b[0m 2020-04-17 18:37:27,782\tINFO trainable.py:217 -- Getting current IP.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:37:41] ax.service.ax_client: Completed trial 10 with data: {'mean_accuracy': (0.24, 0.0)}.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:37:44] ax.service.ax_client: Generated new trial 20 with parameters {'lr': 0.0, 'momentum': 0.72}.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:37:44] ax.service.ax_client: Completed trial 11 with data: {'mean_accuracy': (0.92, 0.0)}.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:37:47] ax.service.ax_client: Generated new trial 21 with parameters {'lr': 0.0, 'momentum': 0.35}.\n"
]
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"\u001b[2m\u001b[36m(pid=4250)\u001b[0m 2020-04-17 18:37:47,911\tINFO trainable.py:217 -- Getting current IP.\n"
]
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"\u001b[2m\u001b[36m(pid=4251)\u001b[0m 2020-04-17 18:37:49,550\tINFO trainable.py:217 -- Getting current IP.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:38:04] ax.service.ax_client: Completed trial 12 with data: {'mean_accuracy': (0.67, 0.0)}.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:38:06] ax.service.ax_client: Generated new trial 22 with parameters {'lr': 0.0, 'momentum': 0.18}.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:38:06] ax.service.ax_client: Completed trial 13 with data: {'mean_accuracy': (0.91, 0.0)}.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:38:08] ax.service.ax_client: Generated new trial 23 with parameters {'lr': 0.0, 'momentum': 0.0}.\n"
]
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"\u001b[2m\u001b[36m(pid=4281)\u001b[0m 2020-04-17 18:38:10,011\tINFO trainable.py:217 -- Getting current IP.\n"
]
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"\u001b[2m\u001b[36m(pid=4282)\u001b[0m 2020-04-17 18:38:10,717\tINFO trainable.py:217 -- Getting current IP.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:38:26] ax.service.ax_client: Completed trial 14 with data: {'mean_accuracy': (0.9, 0.0)}.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:38:28] ax.service.ax_client: Generated new trial 24 with parameters {'lr': 0.0, 'momentum': 0.14}.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:38:28] ax.service.ax_client: Completed trial 15 with data: {'mean_accuracy': (0.1, 0.0)}.\n"
]
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"\u001b[2m\u001b[36m(pid=4313)\u001b[0m 2020-04-17 18:38:31,715\tINFO trainable.py:217 -- Getting current IP.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:38:32] ax.service.ax_client: Generated new trial 25 with parameters {'lr': 0.0, 'momentum': 0.9}.\n"
]
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"\u001b[2m\u001b[36m(pid=4312)\u001b[0m 2020-04-17 18:38:35,071\tINFO trainable.py:217 -- Getting current IP.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:38:47] ax.service.ax_client: Completed trial 16 with data: {'mean_accuracy': (0.88, 0.0)}.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:38:51] ax.service.ax_client: Generated new trial 26 with parameters {'lr': 0.0, 'momentum': 1.0}.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:38:51] ax.service.ax_client: Completed trial 17 with data: {'mean_accuracy': (0.1, 0.0)}.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:38:51] ModelBridge: Leaving out out-of-design observations for arms: 17_0\n"
]
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"\u001b[2m\u001b[36m(pid=4348)\u001b[0m 2020-04-17 18:38:54,954\tINFO trainable.py:217 -- Getting current IP.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:38:56] ax.service.ax_client: Generated new trial 27 with parameters {'lr': 0.0, 'momentum': 0.85}.\n"
]
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"\u001b[2m\u001b[36m(pid=4347)\u001b[0m 2020-04-17 18:38:58,710\tINFO trainable.py:217 -- Getting current IP.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:39:11] ax.service.ax_client: Completed trial 18 with data: {'mean_accuracy': (0.1, 0.0)}.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:39:11] ModelBridge: Leaving out out-of-design observations for arms: 17_0\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:39:14] ax.service.ax_client: Generated new trial 28 with parameters {'lr': 0.0, 'momentum': 0.68}.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:39:15] ax.service.ax_client: Completed trial 19 with data: {'mean_accuracy': (0.97, 0.0)}.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:39:15] ModelBridge: Leaving out out-of-design observations for arms: 17_0\n"
]
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"\u001b[2m\u001b[36m(pid=4396)\u001b[0m 2020-04-17 18:39:17,169\tINFO trainable.py:217 -- Getting current IP.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:39:20] ax.service.ax_client: Generated new trial 29 with parameters {'lr': 0.0, 'momentum': 0.77}.\n"
]
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"\u001b[2m\u001b[36m(pid=4411)\u001b[0m 2020-04-17 18:39:23,688\tINFO trainable.py:217 -- Getting current IP.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:39:33] ax.service.ax_client: Completed trial 20 with data: {'mean_accuracy': (0.87, 0.0)}.\n"
]
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"\u001b[2m\u001b[36m(pid=4426)\u001b[0m 2020-04-17 18:39:36,858\tINFO trainable.py:217 -- Getting current IP.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:39:39] ax.service.ax_client: Completed trial 21 with data: {'mean_accuracy': (0.94, 0.0)}.\n"
]
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"\u001b[2m\u001b[36m(pid=4441)\u001b[0m 2020-04-17 18:39:43,288\tINFO trainable.py:217 -- Getting current IP.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:39:53] ax.service.ax_client: Completed trial 22 with data: {'mean_accuracy': (0.93, 0.0)}.\n"
]
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"\u001b[2m\u001b[36m(pid=4457)\u001b[0m 2020-04-17 18:39:56,556\tINFO trainable.py:217 -- Getting current IP.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:39:59] ax.service.ax_client: Completed trial 23 with data: {'mean_accuracy': (0.97, 0.0)}.\n"
]
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"\u001b[2m\u001b[36m(pid=4473)\u001b[0m 2020-04-17 18:40:02,902\tINFO trainable.py:217 -- Getting current IP.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:40:12] ax.service.ax_client: Completed trial 24 with data: {'mean_accuracy': (0.85, 0.0)}.\n"
]
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"\u001b[2m\u001b[36m(pid=4488)\u001b[0m 2020-04-17 18:40:16,506\tINFO trainable.py:217 -- Getting current IP.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:40:19] ax.service.ax_client: Completed trial 25 with data: {'mean_accuracy': (0.49, 0.0)}.\n"
]
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"\u001b[2m\u001b[36m(pid=4508)\u001b[0m 2020-04-17 18:40:22,621\tINFO trainable.py:217 -- Getting current IP.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:40:32] ax.service.ax_client: Completed trial 26 with data: {'mean_accuracy': (0.86, 0.0)}.\n"
]
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"\u001b[2m\u001b[36m(pid=4523)\u001b[0m 2020-04-17 18:40:35,876\tINFO trainable.py:217 -- Getting current IP.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:40:38] ax.service.ax_client: Completed trial 27 with data: {'mean_accuracy': (0.89, 0.0)}.\n"
]
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"\u001b[2m\u001b[36m(pid=4539)\u001b[0m 2020-04-17 18:40:42,068\tINFO trainable.py:217 -- Getting current IP.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:40:52] ax.service.ax_client: Completed trial 28 with data: {'mean_accuracy': (0.93, 0.0)}.\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"[INFO 04-17 18:40:56] ax.service.ax_client: Completed trial 29 with data: {'mean_accuracy': (0.25, 0.0)}.\n"
]
},
{
"data": {
"text/plain": [
""
]
},
"execution_count": 6,
"metadata": {},
"output_type": "execute_result"
}
],
"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.0008918200730215226, 'momentum': 0.745181368720066}"
]
},
"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.9738333633678309}"
]
},
"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.0,
"rgb(247,252,253)"
],
[
0.125,
"rgb(229,245,249)"
],
[
0.25,
"rgb(204,236,230)"
],
[
0.375,
"rgb(153,216,201)"
],
[
0.5,
"rgb(102,194,164)"
],
[
0.625,
"rgb(65,174,118)"
],
[
0.75,
"rgb(35,139,69)"
],
[
0.875,
"rgb(0,109,44)"
],
[
1.0,
"rgb(0,68,27)"
]
],
"contours": {
"coloring": "heatmap"
},
"hoverinfo": "x+y+z",
"ncontours": 25,
"type": "contour",
"x": [
1e-06,
1.3011511650442548e-06,
1.692994354296022e-06,
2.2028415765056147e-06,
2.866229883678204e-06,
3.729398352432554e-06,
4.852511011181743e-06,
6.3138503555892e-06,
8.215273746089953e-06,
1.0689313005882424e-05,
1.390841207112662e-05,
1.809694657026198e-05,
2.354686311364001e-05,
3.063802837345029e-05,
3.986470631277378e-05,
5.1870009063012666e-05,
6.749072272319499e-05,
8.781563250096393e-05,
0.00011426141253772724,
0.00014867137004306603,
0.00019344392634026088,
0.0002516997901283655,
0.0003274994751669172,
0.0004261263236648159,
0.0005544547624925005,
0.0007214294601814526,
0.000938688782612345,
0.0012213760031100258,
0.0015891948094037057,
0.002067782677737912,
0.0026904978401970136,
0.0035007443993213955,
0.004554997653699184,
0.005926740503884541,
0.007711585311544345,
0.010033938212454078,
0.013055670395116691,
0.01698740074503987,
0.02210317627048227,
0.028759573555516536,
0.03742055263793628,
0.04868979566145066,
0.06335278435066323,
0.0824315491666629,
0.10725590623460621,
0.13955614735503497,
0.18158364372009145,
0.23626776957937787,
0.3074200836506151,
0.4
],
"xaxis": "x",
"y": [
0.0,
0.02040816326530612,
0.04081632653061224,
0.061224489795918366,
0.08163265306122448,
0.1020408163265306,
0.12244897959183673,
0.14285714285714285,
0.16326530612244897,
0.18367346938775508,
0.2040816326530612,
0.22448979591836732,
0.24489795918367346,
0.26530612244897955,
0.2857142857142857,
0.3061224489795918,
0.32653061224489793,
0.3469387755102041,
0.36734693877551017,
0.3877551020408163,
0.4081632653061224,
0.42857142857142855,
0.44897959183673464,
0.4693877551020408,
0.4897959183673469,
0.5102040816326531,
0.5306122448979591,
0.5510204081632653,
0.5714285714285714,
0.5918367346938775,
0.6122448979591836,
0.6326530612244897,
0.6530612244897959,
0.673469387755102,
0.6938775510204082,
0.7142857142857142,
0.7346938775510203,
0.7551020408163265,
0.7755102040816326,
0.7959183673469387,
0.8163265306122448,
0.836734693877551,
0.8571428571428571,
0.8775510204081632,
0.8979591836734693,
0.9183673469387754,
0.9387755102040816,
0.9591836734693877,
0.9795918367346939,
1.0
],
"yaxis": "y",
"z": [
[
0.42825612648064304,
0.44253303664819643,
0.45826110393486985,
0.4754873177190121,
0.4942505897508914,
0.514577917590609,
0.5364786758146269,
0.5599364399009225,
0.5848976354940995,
0.6112561732910544,
0.6388330689929718,
0.6673498486660042,
0.6963949977703634,
0.7254000213698955,
0.7536593888957257,
0.7803692488729504,
0.8046663763231687,
0.82567113786686,
0.8425393198192416,
0.8545260327857953,
0.8610595222285153,
0.861810588308962,
0.8567299201277269,
0.8460322262213171,
0.8301368549411934,
0.8095942718683985,
0.7850203778260256,
0.7570464285128822,
0.7262844225527884,
0.6933052991661544,
0.6586270035699868,
0.622709869050523,
0.585957276977276,
0.5487200237148134,
0.5113032064115002,
0.4739747365041359,
0.43697480927093846,
0.40052580987287495,
0.3648422292937471,
0.33014020306034086,
0.29664627439019015,
0.264604921357851,
0.23428427167118349,
0.20597925240416015,
0.18001117574647857,
0.156722431748545,
0.13646452680629484,
0.11957714843025474,
0.10635522231022293,
0.09700001851333301
],
[
0.42567229830896525,
0.44134436707161795,
0.4585794062178169,
0.47741239545347125,
0.49786904441976715,
0.5199623662652806,
0.5436872940693419,
0.5690126756990822,
0.595869870718155,
0.6241370471888605,
0.6536181436009111,
0.68401550632422,
0.7148979432325813,
0.745680787516338,
0.7756392236051693,
0.8039409712392034,
0.8296824219399688,
0.8519293169052311,
0.8697676080970778,
0.8823709128246721,
0.88908963390406,
0.8895538429570233,
0.8837405579041876,
0.8719444425265208,
0.8546811667244715,
0.8325905050080424,
0.806363003297663,
0.7766893750586754,
0.7442276959994202,
0.7095839020724565,
0.6733020267128903,
0.6358614444892338,
0.5976790565848955,
0.5591148742915653,
0.5204798547507514,
0.4820451407575702,
0.4440520713900523,
0.4067224760961763,
0.37026885132239945,
0.3349040519657741,
0.30085011281952745,
0.26834574762722346,
0.23765195217163299,
0.20905495664008028,
0.18286552160532893,
0.15941323818383418,
0.13903406084591058,
0.12204876279020671,
0.10872943618622549,
0.09925149068281036
],
[
0.4212355776570309,
0.43838198913322135,
0.4571954845974387,
0.4776898332933954,
0.4998672221444568,
0.5237153826727087,
0.5492026667960332,
0.5762703278872435,
0.604821190449135,
0.6347038970224416,
0.6656922244098478,
0.6974603253649272,
0.729558715999354,
0.7614012597699914,
0.7922711776499987,
0.8213429846748843,
0.8477133521648581,
0.8704393157907679,
0.888587389382548,
0.9012998248408541,
0.907886070728888,
0.9079477503734145,
0.9014902001705232,
0.8888705395111209,
0.8706636163829088,
0.8475578735824798,
0.8202827721936177,
0.78955996394805,
0.7560721421831426,
0.7204449056436866,
0.6832380740697999,
0.6449437585996034,
0.6059891611875619,
0.5667425936262335,
0.527521598622267,
0.48860234645735096,
0.45022968934049645,
0.41262739527346093,
0.3760081637518161,
0.34058305303687053,
0.30656992602648897,
0.2742004490317492,
0.24372505264435057,
0.21541508230402479,
0.18956112492358151,
0.16646620281271396,
0.14643222008218504,
0.1297379072999913,
0.11660716414072725,
0.10716990513691527
],
[
0.41454828857964965,
0.4332534602593505,
0.4537205787438213,
0.47593063894565574,
0.4998494310241822,
0.5254255627433664,
0.5525864159345185,
0.5812312662905155,
0.6112208601578526,
0.6423630353217434,
0.6743947368983992,
0.70696233333401,
0.7396043691273095,
0.7717422960755854,
0.8026831425235629,
0.831634357532101,
0.8577291585116295,
0.8800621588388613,
0.8977379361880398,
0.9099378055814125,
0.9160117219000523,
0.9155959929019744,
0.9087024795224401,
0.8956795430384528,
0.8770951363282944,
0.85363430416038,
0.8260261716873274,
0.7949945957063254,
0.7612265386029384,
0.7253534968819774,
0.6879424100562138,
0.6494933411905859,
0.6104418935538335,
0.5711648450882891,
0.5319878739450361,
0.4931945380968109,
0.45503587857354455,
0.41774015308121504,
0.38152228464520666,
0.34659263513590577,
0.3131646901156641,
0.2814611717175037,
0.25171798258162237,
0.22418523238964366,
0.19912442792842205,
0.17680076933250355,
0.15746951756747418,
0.14135586613500978,
0.1286291718066339,
0.11937526901735501
],
[
0.40521168398153473,
0.42557780556350433,
0.44779341604778927,
0.4717931381561042,
0.4974914881346407,
0.5247825043895482,
0.5535374805210409,
0.5836000378866552,
0.6147779797174374,
0.6468318383414,
0.6794608410460053,
0.7122881473413406,
0.7448483203675613,
0.7765804384855136,
0.8068295896524638,
0.8348582183684168,
0.8598680847117179,
0.8810340798467746,
0.8975523426451333,
0.908705663243984,
0.913945905586093,
0.9129793173118547,
0.9058166631191948,
0.8927535212770805,
0.8742965428944593,
0.8510792260349365,
0.8237922177940014,
0.79313293890381,
0.7597719886184517,
0.7243325719303368,
0.6873795984972524,
0.6494157771118847,
0.6108826485498597,
0.5721650025538355,
0.5335975137113773,
0.49547272151090405,
0.4580496879645415,
0.4215628053812135,
0.38623030768900457,
0.3522620691740919,
0.3198662611965654,
0.2892543872596682,
0.26064414012015147,
0.2342594409404949,
0.2103269683162584,
0.18906853722744466,
0.170688968760017,
0.15535977314312172,
0.1432001887484986,
0.13425874025513362
],
[
0.3928536402251903,
0.4150193980630779,
0.43912216729532794,
0.46503500305604006,
0.4926047950172414,
0.5216546381001522,
0.5519846783204642,
0.5833705831156383,
0.6155590643663688,
0.648260398934417,
0.6811386248545367,
0.7138009268599741,
0.7457884370158372,
0.7765710087147789,
0.8055483811276374,
0.8320597397722542,
0.8554033493758715,
0.8748678062987177,
0.8897760851596419,
0.8995417767450652,
0.9037320631751806,
0.9021237725255585,
0.8947328757653602,
0.8818044323707664,
0.8637685395513663,
0.8411810729704485,
0.814666433078771,
0.7848709910518537,
0.7524291853750678,
0.7179410311747715,
0.6819588397948352,
0.6449809458712685,
0.6074505578383655,
0.5697582209991409,
0.5322467162273973,
0.4952174857284207,
0.45893787842398676,
0.4236486477853783,
0.3895712225362079,
0.3569143139515938,
0.32587943134184477,
0.2966648607522996,
0.2694676371037984,
0.2444830325232092,
0.22190113344903667,
0.20190024356650016,
0.18463719692513952,
0.1702352452284852,
0.15877096055425716,
0.15026236556276468
],
[
0.3771503422492729,
0.40131191873040245,
0.42751141964302164,
0.45554354915037165,
0.48516952692502235,
0.5161237570858027,
0.5481195081670032,
0.5808524489936765,
0.6140011850201305,
0.6472244870751042,
0.6801556348122998,
0.7123950831059865,
0.7435033349320258,
0.7729963205035578,
0.8003456754642904,
0.8249861185835614,
0.8463317130997889,
0.8638020952980658,
0.8768584802534173,
0.8850469720370246,
0.8880432979662061,
0.8856896495959321,
0.8780135612248985,
0.8652230743397249,
0.8476803404171831,
0.825862189530425,
0.8003175310258758,
0.7716287928720684,
0.7403809505818959,
0.7071389408172972,
0.6724327508614636,
0.6367488791172055,
0.600526764983093,
0.5641589118081811,
0.5279936232540109,
0.49233946972294207,
0.45747076816120563,
0.42363348662241324,
0.3910510750506777,
0.3599297809376621,
0.330463040979062,
0.30283455914705065,
0.2772197040015999,
0.2537849061102975,
0.23268483901636372,
0.21405735573994245,
0.19801645004616342,
0.18464391036340255,
0.17398076994068462,
0.16601999407118345
],
[
0.35783917776001894,
0.38426851671991724,
0.41286942630024503,
0.4433392691963055,
0.4753327263548413,
0.5084748096119375,
0.5423735912003821,
0.5766308481663419,
0.6108491267168077,
0.6446343770051606,
0.6775941923572826,
0.709332644728891,
0.7394435530809168,
0.7675045906539901,
0.793074829198198,
0.8156980978172139,
0.8349139006116753,
0.8502765792980493,
0.8613818954705637,
0.8678982891105071,
0.8695980730759129,
0.8663825230343998,
0.8582952228296714,
0.8455205728531533,
0.8283682062451658,
0.807247375829403,
0.7826367835760804,
0.7550547703850438,
0.7250331771534436,
0.6930964894403322,
0.6597465999313079,
0.6254527588099346,
0.5906459224804718,
0.5557166066139184,
0.5210153806915779,
0.4868552307580889,
0.4535151212458527,
0.4212441837402786,
0.3902660417439915,
0.3607828448598283,
0.3329786373023505,
0.3070217321941237,
0.2830658163742373,
0.2612495853492691,
0.24169482072965925,
0.2245029857854629,
0.20975062993478527,
0.19748413980254992,
0.18771460394256978,
0.18041369677492908
],
[
0.33472482584125585,
0.3637803096090275,
0.39519857960389154,
0.4285573469773266,
0.46337919106377035,
0.49915365701331027,
0.5353600550369992,
0.5714879875402034,
0.6070529533534265,
0.641605258433421,
0.6747317317228321,
0.7060511384792384,
0.7352054136609165,
0.7618496638940215,
0.785644157095319,
0.8062511855363546,
0.8233387958420163,
0.8365920484337908,
0.8457308835378932,
0.8505320864201462,
0.8508516036342306,
0.8466429646896796,
0.8379681185763477,
0.8249985806482483,
0.808006920565081,
0.7873505489975308,
0.7634508673268217,
0.7367709713485147,
0.7077945068733382,
0.6770073782555274,
0.6448831457142196,
0.6118722828569323,
0.5783950349902189,
0.54483738350226,
0.5115495235049771,
0.47884624855553926,
0.44700866928736604,
0.41628674749714345,
0.3869021894418933,
0.35905130484803643,
0.33290749950441323,
0.30862313114331874,
0.28633052543393517,
0.2661420281650637,
0.24814906801877695,
0.23242032540352853,
0.2189992424937478,
0.20790125183429514,
0.1991112166571944,
0.19258162893690878
],
[
0.3076845373013613,
0.3398096492064616,
0.3745764874380467,
0.41141620247192934,
0.4496866902957209,
0.4887075788052207,
0.5277974623565189,
0.566308385374081,
0.6036529339981822,
0.6393206590327635,
0.6728826023920649,
0.7039849387672379,
0.7323346752685939,
0.7576815992998461,
0.7798010298993826,
0.7984813860984876,
0.8135192773958706,
0.8247230367402327,
0.8319237479590553,
0.8349912659647158,
0.8338517941680358,
0.8285034242848288,
0.8190266467307604,
0.8055880218553627,
0.7884366356077154,
0.7678942663698025,
0.7443410636942752,
0.7181988695802775,
0.6899141711345758,
0.6599422394675425,
0.628733472185508,
0.5967224522519377,
0.5643198338630345,
0.5319068838257355,
0.4998323328355045,
0.46841110195980895,
0.43792444194667757,
0.4086210370500003,
0.38071866604298155,
0.3544060702202868,
0.3298447438487948,
0.3071704316569837,
0.28649418792620424,
0.26790292230705437,
0.25145943008568455,
0.2372019806386514,
0.22514361573235508,
0.21527138210257024,
0.2075457771393266,
0.20190070584617759
],
[
0.2766815488477253,
0.31238700571080485,
0.351136556218028,
0.392182299212555,
0.43467535187543094,
0.477719148174357,
0.5204276878862835,
0.5619802347599375,
0.6016643834595439,
0.6389017605578853,
0.6732541989207231,
0.7044120096751311,
0.7321690620502639,
0.7563912242859556,
0.7769851356816797,
0.7938733233035316,
0.8069795923724117,
0.8162259116304112,
0.8215394089730637,
0.8228662532899502,
0.8201884262296687,
0.8135395803046832,
0.803017026731409,
0.7887880675014964,
0.7710901045255745,
0.7502250095969699,
0.7265489793743192,
0.7004594736715932,
0.6723808730922574,
0.6427502829154932,
0.6120045640423054,
0.5805692861446742,
0.5488499409789293,
0.517225462099248,
0.4860438837727638,
0.4556198346203875,
0.42623349089758655,
0.39813059830940906,
0.37152319732175587,
0.3465907426128638,
0.32348138000309196,
0.3023132214337189,
0.2831755293019685,
0.2661297782922307,
0.25121060389147265,
0.23842667566637954,
0.22776155646274576,
0.21917463051974906,
0.2126022031849083,
0.2079588858247829
],
[
0.24179812877410722,
0.28162208156717317,
0.3250574376471873,
0.3711391811929846,
0.41875773281103446,
0.46673840092600416,
0.5139308572694772,
0.5592939190835522,
0.6019614457096402,
0.6412795822606949,
0.6768122250375557,
0.7083181449408271,
0.7357079757281053,
0.758991664755569,
0.7782271920080635,
0.7934796805851043,
0.8047966246281336,
0.8122004803406295,
0.8156957461359682,
0.8152852949351976,
0.8109903816209827,
0.8028697118571855,
0.79103439373326,
0.7756570217868367,
0.7569743748232223,
0.735284173574557,
0.7109370078619495,
0.68432490027112,
0.6558680542844825,
0.6260012002570372,
0.5951606794107361,
0.5637730693109057,
0.5322458149178599,
0.5009600286476644,
0.47026538388239214,
0.44047685794299407,
0.4118729824855717,
0.38469522611089746,
0.35914815672904987,
0.3354000974582243,
0.3135840827270139,
0.2937990195092481,
0.27611103930003583,
0.26055507125635446,
0.24713666985906307,
0.23583410157155327,
0.2266006561748386,
0.21936712227214877,
0.21404436468884208,
0.21052596100593352
],
[
0.20330281718734466,
0.2477423602283656,
0.29657209409434565,
0.3485684560393243,
0.4022939315851197,
0.45621399043708594,
0.5088340775660294,
0.5588304157616103,
0.6051490460516524,
0.6470566923015579,
0.6841402019917717,
0.7162628584607243,
0.7434925182311416,
0.7660184161802053,
0.7840725599685336,
0.7978691188711302,
0.807570240915949,
0.8132789287109714,
0.8150523622609807,
0.8129262726304168,
0.8069422515537511,
0.79717247949785,
0.7837386485475646,
0.7668235831798471,
0.7466753510525359,
0.7236045968553554,
0.6979764502778003,
0.6701986704713622,
0.6407077318355194,
0.6099543912256319,
0.5783899784569438,
0.5464542915280501,
0.5145656136720307,
0.48311304218397233,
0.45245105339814623,
0.4228960358373611,
0.3947244078927957,
0.3681718963118271,
0.34343358292873716,
0.32066442019870095,
0.2999800527449656,
0.28145793063300345,
0.26513881727038924,
0.25102883892708133,
0.23910217551264035,
0.22930437514349516,
0.22155614360388226,
0.2157573728058499,
0.2117911595475283,
0.20952761791498897
],
[
0.1617702553326485,
0.2111768804188197,
0.2660112681923937,
0.3247531746351261,
0.3855572571300624,
0.44642346150954365,
0.5054083575935167,
0.5608285428727131,
0.6114079420778988,
0.6563417059521145,
0.6952772677990766,
0.7282333521472656,
0.755484780694103,
0.7774383583061732,
0.7945201115080981,
0.8070916912851391,
0.8154096434950583,
0.8196268956340211,
0.819820959529989,
0.816032228410193,
0.8083019615553905,
0.7967043719861671,
0.7813699514397874,
0.762498974512054,
0.7403655009735545,
0.715313199504747,
0.6877449283402995,
0.6581082447646657,
0.6268789400329595,
0.5945444018909157,
0.5615881907409987,
0.5284767610346998,
0.49564882715725694,
0.463507499942344,
0.43241502426707623,
0.4026897361795734,
0.37460473052355764,
0.34838768742541415,
0.32422135031556354,
0.30224428024030353,
0.2825517208863437,
0.2651966585451325,
0.25019137508497935,
0.23750987140082824,
0.22709142056421439,
0.21884523118132926,
0.2126558991609221,
0.20838914690000837,
0.2058973509278605,
0.20502449634764874
],
[
0.11827464405029137,
0.17270958648801105,
0.2339038615048077,
0.300021221764518,
0.3687221043687977,
0.4374078743637482,
0.5035523699961729,
0.5650242803274261,
0.6203035999667184,
0.6685483151807124,
0.7095296475465933,
0.7434866189599215,
0.770950374139417,
0.7925729382935194,
0.80897948147153,
0.8206603529791228,
0.8279292299098131,
0.8309466742622682,
0.8297719938518539,
0.8244193358262685,
0.8149086585444383,
0.8013064883681895,
0.7837537160387906,
0.7624798063286645,
0.7378045525951433,
0.7101297217025975,
0.6799235475926584,
0.6477011069514403,
0.6140032893953782,
0.5793765236886845,
0.5443547878610958,
0.509444819449111,
0.4751149118251661,
0.44178725729272217,
0.4098334786796008,
0.3795727700361197,
0.35127193465222195,
0.32514656205582704,
0.30136263306464167,
0.28003800349928093,
0.2612435144970355,
0.24500389818604856,
0.23129908522552473,
0.22006674858002012,
0.21120671045523393,
0.20458722400049117,
0.20005247743311266,
0.19743034824068423,
0.1965395460784934,
0.19719562841626376
],
[
0.0746708013295615,
0.1337314859626943,
0.20116768750522335,
0.2748584565247145,
0.3518974595899953,
0.4289278867037558,
0.5026754232890748,
0.5704748858919607,
0.6305788508160752,
0.6821889461259314,
0.7252920342496065,
0.7604145849063046,
0.7883728962620785,
0.8100565472780776,
0.8262573744474466,
0.8375479877877929,
0.8442475792121837,
0.846476585103141,
0.8442342732679855,
0.8374759190139208,
0.8261800918362314,
0.8103996781159306,
0.7902936745358407,
0.7661399224622311,
0.7383313756146133,
0.7073599644076696,
0.6737926204703579,
0.6382437362352139,
0.6013475538612106,
0.5637330024765537,
0.5260025519755809,
0.4887158443509442,
0.45237823743556826,
0.41743394028895453,
0.38426310400854763,
0.35318202471621496,
0.3244454926757841,
0.29825027109686414,
0.2747387165198046,
0.2540016953140713,
0.23608028464984426,
0.2209663681658851,
0.20860312128106784,
0.19888710611444543,
0.19167347741715168,
0.18678440824090675,
0.1840193213577347,
0.1831650452091369,
0.18400456322451392,
0.18632382321740426
],
[
0.0339316976212819,
0.09660698615747576,
0.16943265345739722,
0.25013731260434424,
0.3352455265077743,
0.42047516990975814,
0.5016164017547095,
0.5754269489789189,
0.6400289821856239,
0.6947985530987014,
0.7400282101909039,
0.776563352749049,
0.8054865718676083,
0.8278676323927601,
0.844582220990393,
0.8562068122624089,
0.8630075099053534,
0.8650113177091261,
0.8621113282351454,
0.8541711942792696,
0.8411124943427815,
0.822976742008432,
0.7999592524789793,
0.7724165838398223,
0.7408525782783958,
0.7058897565938799,
0.6682329544194556,
0.6286310586180629,
0.5878411267816256,
0.5465975739265414,
0.5055877802853527,
0.46543449638116186,
0.42668475887552326,
0.3898046033579614,
0.35517859248842676,
0.3231130146070882,
0.2938415148842517,
0.2675318796972912,
0.2442926999567402,
0.22417870935594908,
0.20719381458739056,
0.19329145596006736,
0.18237339271936392,
0.17429014772432883,
0.16884684683024798,
0.16581483129342733,
0.16494560342149683,
0.1659835464152815,
0.16867584734642393,
0.17277951871468422
],
[
0.00034900999313092207,
0.06506545874074665,
0.14151081015826306,
0.22752029728237239,
0.31924305271331177,
0.41139156446233394,
0.49868067417122336,
0.5773946377859615,
0.6457193939360343,
0.7033026889105941,
0.7507354558020851,
0.7891180085012339,
0.8197128876771231,
0.8436761438490891,
0.8618724274475951,
0.8747890276208021,
0.8825538416505208,
0.8850334413302838,
0.8819676795206208,
0.8731025820102494,
0.8582983829405627,
0.8376012687634118,
0.8112756628485654,
0.7798007329691719,
0.743839856232845,
0.7041939172248654,
0.6617485446143299,
0.6174228827169925,
0.5721246232336528,
0.5267136432225898,
0.4819749597162525,
0.4386007166181919,
0.3971803563776858,
0.3581978144942717,
0.3220343919118531,
0.2889758499286394,
0.2592222116937576,
0.23289873595079996,
0.21006654547599846,
0.19073143411470517,
0.17484944256847662,
0.1623279953835849,
0.15302252154786117,
0.14673300527098132,
0.1432100566820062,
0.14217173034452008,
0.14332184844460355,
0.14636439223293157,
0.15101354095298275,
0.1570001949329497
],
[
-0.02098379466669087,
0.04409090307260122,
0.12173983515562675,
0.21003437611955939,
0.3051627452401417,
0.4012055127480867,
0.4920857279048484,
0.5739310528904037,
0.6450437401282855,
0.705209784092629,
0.7551403477971759,
0.7960274862873996,
0.8291835320402541,
0.8557501206114593,
0.8764922753164812,
0.8917170291138607,
0.9013271560063005,
0.9049626112397922,
0.9021702472779707,
0.8925635817455804,
0.8759498930072853,
0.8524097320884609,
0.8223228109907477,
0.7863458101690828,
0.745356989238534,
0.7003851619496856,
0.652537313138742,
0.6029336580185717,
0.552654239115864,
0.5026981723773356,
0.45395511381383546,
0.4071878392416334,
0.36302454918878196,
0.3219593655085534,
0.28435936831539027,
0.2504764160371996,
0.220461920415305,
0.19438273634934738,
0.17223637940877495,
0.1539638841255826,
0.1394587282213085,
0.12857032763892418,
0.12110064114944646,
0.11679561468057215,
0.1153508336918938,
0.11643488831724652,
0.11970978587702324,
0.12484511528188252,
0.13152740513322753,
0.13946589403009968
],
[
-0.026114696296392736,
0.038019962903625415,
0.1146028424105966,
0.201705435202241,
0.2956149619390563,
0.3908889253393043,
0.481941268866162,
0.5648802530917539,
0.6378243932436947,
0.7003925078859108,
0.7531573293837508,
0.7971947258659235,
0.8337125410715847,
0.8637349802860652,
0.8878490196897313,
0.9061063215583722,
0.9181278278574188,
0.923294187164629,
0.9209431083295206,
0.9105529674985275,
0.8918928330760458,
0.8651131246550606,
0.8307606753146675,
0.7897266632360551,
0.743155576885708,
0.6923442932044424,
0.6386494946875745,
0.5834109392509552,
0.5278919540273673,
0.4732360531135251,
0.4204379583134228,
0.3703273248004146,
0.3235635603388862,
0.2806400768836996,
0.24189612763995,
0.20753415146468673,
0.17764037480371392,
0.15220637966625056,
0.1311494490190253,
0.1143297114343581,
0.10156235825552717,
0.09262344575902798,
0.08724834039111246,
0.0851265751031125,
0.08590810027209361,
0.08922340153236813,
0.09470277375236608,
0.10198987945612847,
0.11075049119726138,
0.12067765208800707
],
[
-0.01441338259220215,
0.04765563556294372,
0.12119824642350246,
0.20422050687631937,
0.2933573738865049,
0.3841932117843689,
0.4722362774630715,
0.5539855801673214,
0.627396639244578,
0.6917456936151853,
0.7472466891572644,
0.7946442571451356,
0.8348498200858838,
0.86862240483946,
0.8962862039733526,
0.9176103588704259,
0.9319497687063834,
0.9384499461420832,
0.9362536314764963,
0.9247088249236428,
0.9035569792430516,
0.8730495768516011,
0.8339474271625087,
0.7874203109855616,
0.7349085372456161,
0.67799195402748,
0.6182822054254286,
0.5573390364462476,
0.4966074434930248,
0.43737248576117926,
0.380729492175654,
0.32756815168145825,
0.27856924521239335,
0.23421256623089776,
0.19479405864678945,
0.16044962919407563,
0.13118269671137006,
0.10689245368980554,
0.08740004194088824,
0.07247030266777904,
0.06182737507727487,
0.05516330799070557,
0.05214069955408074,
0.05239396226682114,
0.05553586532184207,
0.06117062926028116,
0.0689084305026113,
0.07837706491829255,
0.08922981521240325,
0.101150068281056
],
[
0.011726387933580495,
0.07071523520008616,
0.13978000849318623,
0.21704705296257693,
0.2997077323463606,
0.3843282850329772,
0.46743454113328775,
0.54612897145082,
0.6184597931238619,
0.6834565825577076,
0.7409303026273675,
0.791171529514483,
0.8346346450918254,
0.8716477167043915,
0.9021821816823493,
0.9257636686246696,
0.9415585046389465,
0.9485489648010088,
0.945734892619878,
0.9323570223639862,
0.9081365637954326,
0.8734484557881235,
0.8292948896898193,
0.7771293604071507,
0.7186720195502865,
0.6557619847647919,
0.5902440910094702,
0.5238821618251976,
0.45829285370962103,
0.39489660739226445,
0.33488422063746354,
0.2791987010844336,
0.22853221555859166,
0.18333722249626294,
0.14384962889827224,
0.11012057914783169,
0.08205272192080948,
0.05943673167730257,
0.04198442908751654,
0.02935584274497527,
0.02117880138006234,
0.01706111986531922,
0.016597190519502147,
0.01937236970429712,
0.024968584711004382,
0.03297234763060841,
0.04298379663701324,
0.05462474941290285,
0.06754464925029491,
0.0814242547239889
],
[
0.04876638433448588,
0.10404527951716008,
0.16797365097471423,
0.23892761128401585,
0.314662264038191,
0.39254623480783457,
0.46991930508119606,
0.5444597001968361,
0.614434635581147,
0.6787693150363625,
0.7369482539545266,
0.7888087754813119,
0.8343003086605288,
0.8732711477487933,
0.9053191436904083,
0.9297368138778552,
0.945561769830539,
0.9517057396586388,
0.947130142139103,
0.9310584684228476,
0.9032345098868525,
0.8641625300757804,
0.8150475271395555,
0.7575553055946989,
0.693614801648502,
0.6252680870858657,
0.5545544887115889,
0.4834190385416586,
0.41363913380362316,
0.34676672360215943,
0.2840861734278012,
0.2265896100456249,
0.17497152661089155,
0.12964273494484257,
0.090761096252578,
0.05827398994981048,
0.0319661678237404,
0.011506815475058163,
-0.0035090128796650966,
-0.013527505940076456,
-0.019012698352282253,
-0.0204317586753322,
-0.01824679930300932,
-0.012910347687572932,
-0.004861887718890845,
0.00547596989892285,
0.017701811693798475,
0.03143963069852518,
0.046342283297621245,
0.062093859997515044
],
[
0.09322935133916815,
0.14461277297437597,
0.2033716548332195,
0.2681641049358781,
0.3372303338142708,
0.40855617376793063,
0.4800945252050494,
0.5499871616263524,
0.6167242447283962,
0.6792011756973443,
0.7366661115372438,
0.788579345104417,
0.8344422369723283,
0.8736733105760082,
0.9055346230021468,
0.9291105265279622,
0.9433506506056268,
0.947172435409735,
0.9396121431583031,
0.9200189581954101,
0.8882819131825639,
0.8450011841732832,
0.7914492902608079,
0.7293789132455019,
0.6608303811099749,
0.5879784084470402,
0.5130105741102321,
0.43802722170574904,
0.36495609325569417,
0.2954795990943419,
0.2309771112504715,
0.17248771308780975,
0.12069892950496114,
0.07596354461951366,
0.038341068783243726,
0.007655504133082247,
-0.01644099912899155,
-0.03440789521448295,
-0.04676567708131085,
-0.05405785652627204,
-0.05682553151976133,
-0.05559267136302126,
-0.050859232387304054,
-0.04309899327780231,
-0.03275944664183439,
-0.02026197168141597,
-0.0060014861266347586,
0.009654493653918461,
0.026367094437590333,
0.043827273090320085
],
[
0.14208064785816538,
0.18970676290570865,
0.2436318427522069,
0.3027738133483505,
0.36575931317059834,
0.4310325691403123,
0.49699190496632173,
0.5621227208720099,
0.6250937560124291,
0.6847928347497116,
0.7402943166642545,
0.7907690083944449,
0.8353801261444516,
0.8732220826617552,
0.9033007511969957,
0.924547904746245,
0.9358759104460228,
0.9362726335218979,
0.9249314803682482,
0.9014070725063751,
0.8657694394462938,
0.8186976828783302,
0.7614586952208446,
0.6957880276834422,
0.6237376954648571,
0.5475337634242305,
0.4694532292659148,
0.3917154241142655,
0.31638176184090827,
0.24526202100835703,
0.17983226923158685,
0.12117600365203018,
0.06996165077395289,
0.02646308510819184,
-0.00938218537206248,
-0.03789255921088319,
-0.05955754222949616,
-0.07496238922698706,
-0.08472941343707341,
-0.08947759760006702,
-0.0897986074945899,
-0.08624558924878245,
-0.07933065358033731,
-0.06952725158619744,
-0.05727441473854311,
-0.04298081979615764,
-0.027027620476827607,
-0.009769778539511553,
0.008463865639729673,
0.027371311290488864
],
[
0.19278263856458305,
0.2369591260075633,
0.2865407380429686,
0.3406618555227853,
0.39824318882854115,
0.4580611688423276,
0.5188301013057901,
0.5792794738863295,
0.6382082241215062,
0.6945028128031379,
0.7471159308126951,
0.7950173675930465,
0.8371445671978714,
0.8723806397476259,
0.8995681967351172,
0.9175556814820787,
0.9252712745528602,
0.9218163891855258,
0.9065692823066879,
0.8792890334042051,
0.8402034550083095,
0.7900552132231531,
0.7300863242050225,
0.6619656364634267,
0.5876839864041543,
0.5094409704469139,
0.42953431055493785,
0.35025138233735953,
0.27375781117371273,
0.20198046101135775,
0.13649157879228313,
0.07841491138833073,
0.02838308326284067,
-0.01343561059970566,
-0.047251009965740054,
-0.07353696151744793,
-0.09292055574628522,
-0.10609285520839984,
-0.1137465149866026,
-0.116538280616718,
-0.11507124801689339,
-0.10989103667343114,
-0.10149041668132952,
-0.09031784710089186,
-0.07678654937291729,
-0.06128197565221938,
-0.044166674497492675,
-0.025782464296126628,
-0.006450416199861753,
0.013530578792773307
],
[
0.2432764845958144,
0.2843595664688363,
0.3301020186207084,
0.37980781523258145,
0.432614642737544,
0.48753574882376577,
0.5435072279746778,
0.5994307287525543,
0.6542019043277467,
0.7067185205668661,
0.7558688595083891,
0.8005096496024621,
0.8394495664153792,
0.871454499979283,
0.8952844095179842,
0.9097632585481602,
0.9138724256808444,
0.9068446728711576,
0.888237774168231,
0.8579870560728596,
0.8164425036653956,
0.7643853522731288,
0.7030150818495683,
0.6339054411839756,
0.5589372085123948,
0.48021777343039757,
0.3999932920999859,
0.3205524110445527,
0.2441151991691099,
0.172699934959193,
0.10796898997834092,
0.05108125511089967,
0.002612870647783483,
-0.037403013090572146,
-0.06934092944793913,
-0.09382284868451474,
-0.11158281701949335,
-0.12337163503252757,
-0.12989904594375057,
-0.1318056041276897,
-0.12965577447690735,
-0.12394457091361732,
-0.11511120446820744,
-0.10355457171642979,
-0.0896469264245836,
-0.07374364219749419,
-0.056188407886912484,
-0.03731430064366004,
-0.01744183347576911,
0.003124716984594489
],
[
0.29196377522936784,
0.330286462038644,
0.372635680044424,
0.418443059953039,
0.4670035055151642,
0.5174986239966957,
0.5690222859372961,
0.6206028493773422,
0.6712173381644215,
0.7197954394962014,
0.7652152851556195,
0.8062975486544441,
0.8418077145305956,
0.8704771059474533,
0.8910517203853998,
0.9023750810257913,
0.9035011519844776,
0.8937965538263624,
0.8729801648298665,
0.8411254484110342,
0.79866238009594,
0.746377910540206,
0.6854053885100376,
0.6171983046550074,
0.5434890838147597,
0.46623581850160134,
0.38755830633020566,
0.3096607466197266,
0.2347335232018702,
0.1648219328952505,
0.10164857309975339,
0.046398094526083344,
-0.0004311653562465434,
-0.03895843525744247,
-0.06970411003145571,
-0.09338548815625158,
-0.11077323922382831,
-0.12260306183268777,
-0.12952994266512008,
-0.13211343091763572,
-0.13082391056901066,
-0.1260612057569599,
-0.11817812208834955,
-0.10750298515797008,
-0.09435706357771978,
-0.0790648618421197,
-0.06195726582782002,
-0.04336898203679007,
-0.023632394058330508,
-0.0030699359473164156
],
[
0.33769238357557674,
0.3735359979586278,
0.41285849783232975,
0.4551855526330061,
0.49992584127656947,
0.546382839147415,
0.5937675237944816,
0.6412092508032438,
0.6877628341653805,
0.7324115984106326,
0.7740685790256614,
0.8115805355427738,
0.8437412790805239,
0.8693215465952876,
0.8871224113424614,
0.896058570143947,
0.8952760278007192,
0.8842639640019975,
0.8628621073445211,
0.831229866252053,
0.7898307351204268,
0.7394236452962316,
0.6810525139303025,
0.6160290447362394,
0.5459069152075939,
0.47244681449383513,
0.3975709758184477,
0.3233031501580613,
0.2516860033399064,
0.1846632651088242,
0.12390896930567497,
0.07058295349050214,
0.025099240838325043,
-0.012761336041297588,
-0.04356559071096611,
-0.06801703344557741,
-0.08682083898018966,
-0.10060705849390272,
-0.10989752675227649,
-0.11510430964368468,
-0.11654920494523668,
-0.11449485857167319,
-0.10917886543165634,
-0.10084344280726087,
-0.08975547954179053,
-0.07621491363685928,
-0.060552577542540065,
-0.04312075982696728,
-0.024280284601564506,
-0.004387262825271021
],
[
0.37973423054805255,
0.4133293004032298,
0.4499223771583248,
0.4891084120499942,
0.5303801556190226,
0.5731331089556756,
0.6166711588714312,
0.6602117103368399,
0.7028897855469218,
0.74376170096773,
0.7818103827702516,
0.8159558352743076,
0.8450754179061725,
0.8680392156731704,
0.8837658342644996,
0.891302659644359,
0.8899250035689661,
0.8792146962855512,
0.8590718745510783,
0.8296871763512085,
0.7915157798773788,
0.7452597678235583,
0.6918538392567442,
0.6324498694213972,
0.5683975106804516,
0.501218787190715,
0.4325739068476907,
0.3642132092387578,
0.297906523246735,
0.23533678561606197,
0.17794168669136484,
0.126703372930833,
0.08199288031676105,
0.04365072452471175,
0.011217673963026753,
-0.015865393034833586,
-0.03812881821181213,
-0.05600543661608104,
-0.0698072429867439,
-0.07973501211652012,
-0.08591018911669912,
-0.08841899149917798,
-0.0873583751311301,
-0.0828736382298052,
-0.07517991323179063,
-0.0645651425015672,
-0.05137801272052278,
-0.03600754686864893,
-0.018860774603161268,
-0.00034270208170605887
],
[
0.41774552169326784,
0.44928746882808906,
0.4834026881546573,
0.5197384982397223,
0.5578526376249471,
0.5972146582904907,
0.6372081599397377,
0.6771335432715296,
0.7162114696503625,
0.7535879761585154,
0.7883431006485313,
0.819505754082471,
0.8460782320448079,
0.867073894046142,
0.8815704849963841,
0.8887775268939884,
0.8881065505467822,
0.8792218556708702,
0.862055144637832,
0.836791368085468,
0.8038447329282474,
0.7638357839669938,
0.7175711889105585,
0.6660243879703837,
0.6103149568541915,
0.5516846781124187,
0.4914676097148616,
0.4310494201140237,
0.37180832760037197,
0.3150283150252197,
0.26178145518833107,
0.21280278825365384,
0.1684239559760876,
0.12862476098153647,
0.09317386508538306,
0.061777819960271985,
0.03418893587531957,
0.010262730460205982,
-0.010027750125269463,
-0.026610575014041515,
-0.03935725493509157,
-0.048139624848899776,
-0.052889769935472786,
-0.053647913889949383,
-0.0505843044784261,
-0.043991331797048394,
-0.034254815219730395,
-0.021818013742674336,
-0.007148170691032574,
0.00929014950535878
],
[
0.451708171051623,
0.48137632436955197,
0.5132434268059837,
0.546998281524339,
0.5822519683631772,
0.6185378359991813,
0.6553126040820145,
0.6919587022410955,
0.7277883469043567,
0.7620503523023225,
0.7939412061356792,
0.8226223753268227,
0.8472459258284422,
0.8669899829132663,
0.8811037560557264,
0.8889582517056045,
0.8900940222185489,
0.8842547970076182,
0.8713998960841041,
0.8516971858123403,
0.8255042154333226,
0.7933445021405792,
0.755882265543013,
0.7138961991425734,
0.6682520148287007,
0.6198736265214597,
0.569712764503588,
0.5187157699360772,
0.46778466134721386,
0.4177295507658323,
0.3692150465672721,
0.32271589704621484,
0.278507516318651,
0.23670751570913062,
0.19735563134822826,
0.1604994462776207,
0.1262581832633538,
0.09485337847029152,
0.06660745468714646,
0.04191556638814986,
0.021195829049046377,
0.00482239467714185,
-0.006950303785578482,
-0.014051426412102441,
-0.016616015591728872,
-0.014957019184173581,
-0.009510970171977884,
-0.0007836695236587143,
0.01069317095133715,
0.024393222930707115
],
[
0.4818579920690807,
0.5098309580272643,
0.5396751020027066,
0.5711137192853378,
0.6038039574205403,
0.637336740212367,
0.6712380421953678,
0.7049718269336109,
0.7379452072825032,
0.7695166652885665,
0.7990084084821145,
0.8257240171095338,
0.8489722787397884,
0.8680972957155876,
0.8825134182607287,
0.8917414370752702,
0.8954405618745898,
0.8934304135927595,
0.8856994412685375,
0.8723998095774985,
0.8538315036338152,
0.8304187837622186,
0.8026809436965006,
0.7711982979084231,
0.7365746221429937,
0.6993989294715321,
0.6602114489350487,
0.6194793949116548,
0.5775864851840137,
0.5348368497752058,
0.4914713687190384,
0.44769428471408035,
0.40370851354758874,
0.35975612884975916,
0.31615638857436107,
0.2733319602518155,
0.23181714264168052,
0.1922471042667972,
0.15533053976386096,
0.12180840423334338,
0.0923994975147755,
0.06773113055036906,
0.04825262651099982,
0.034146762751038784,
0.025303692399757716,
0.02138434266946898,
0.02190541369698129,
0.026307118762956105,
0.03400197661506443,
0.04440869865226682
],
[
0.5086084971100885,
0.5350732621871697,
0.5631237596958962,
0.5925125783298278,
0.6229373256140426,
0.6540412102533734,
0.6854151219305561,
0.7166015423775096,
0.7471007476231282,
0.7763798696262602,
0.803885416040786,
0.8290597173307444,
0.8513613880467678,
0.8702891864520976,
0.8854076654660679,
0.8963719539668948,
0.9029483376192624,
0.9050275025254298,
0.9026284696666766,
0.8958928334117171,
0.8850699861177236,
0.8704939617998781,
0.8525516766552317,
0.8316419249322904,
0.8081260819219064,
0.7822758698674099,
0.7542296461628331,
0.7239730625804556,
0.6913580529072841,
0.6561638481364962,
0.6181889500760241,
0.5773511171320355,
0.5337689392261318,
0.48780530045369597,
0.4400672281057596,
0.3913707418729624,
0.342686023744396,
0.29507642814565116,
0.24963868129108496,
0.20744536131083857,
0.16948622385774742,
0.13660205872303566,
0.1094028237062063,
0.08816899402678413,
0.07282326189296884,
0.06302595876173345,
0.05827512168826665,
0.057980325360274865,
0.06151578332992702,
0.06825756927765336
],
[
0.5324787911358728,
0.5576341266867311,
0.5841264627780175,
0.6117325596313616,
0.6401844825428367,
0.6691711458238382,
0.6983414033798113,
0.7273089506500046,
0.7556593330452479,
0.7829593463333478,
0.8087690265505627,
0.8326562194476932,
0.8542133621492827,
0.8730756096860746,
0.8889388721858584,
0.9015758565294443,
0.9108480438964693,
0.9167118424606204,
0.9192178928836106,
0.9185033473951918,
0.9147773366513804,
0.9082992129309141,
0.8993473909644332,
0.8881749040389519,
0.8749491791286395,
0.8596808506823779,
0.8421590058541414,
0.821922966350159,
0.7983026060333056,
0.7705391133334699,
0.7379641861853673,
0.7001887568163295,
0.6572426654505559,
0.6096217883412396,
0.5582391577999439,
0.5043151306990619,
0.4492512220817717,
0.3945169231963487,
0.34155905097077666,
0.2917302633302968,
0.24622763625517208,
0.20603082720063892,
0.17183267705507244,
0.14397574907081578,
0.12244723872987462,
0.1069514887944133,
0.09700483469092741,
0.0920148367150384,
0.0913392213991257,
0.09432793597363076
],
[
0.5540312426886125,
0.5780875956437258,
0.6032621137199454,
0.6293495655733979,
0.6561088389185635,
0.6832654837202475,
0.7105157902415077,
0.7375325674777724,
0.7639727505453536,
0.7894868856713148,
0.8137304000681949,
0.8363763478852368,
0.8571290345562885,
0.8757375896080393,
0.8920082481634772,
0.9058139124104216,
0.9170996015572386,
0.9258827278829028,
0.9322477326196317,
0.936335325982776,
0.9383270665645385,
0.9384255851135093,
0.9368280913398289,
0.933685347997959,
0.9290356078159765,
0.9227130199886083,
0.9142501072106524,
0.9028181811363152,
0.8872706825163759,
0.8663221503657279,
0.8388242926190536,
0.8040652775413405,
0.7619922854354512,
0.7132609552627004,
0.6591092191801038,
0.6011491108012952,
0.5411666415574965,
0.4809666158137427,
0.42226285512092276,
0.3666012779271237,
0.3153017212501881,
0.2694079338464865,
0.22964367896214044,
0.19638688164263174,
0.16968191181864495,
0.14929418568355418,
0.13478643769541826,
0.12559305984241048,
0.12108121845802522,
0.12059692134055366
],
[
0.5738209535821219,
0.5969991449214234,
0.6210995565456833,
0.6459273033206203,
0.6712584024568722,
0.6968432064144631,
0.7224113498220139,
0.7476782853901536,
0.7723534034594863,
0.796149611584523,
0.8187940894393282,
0.8400397326264242,
0.8596765711956426,
0.8775422256807273,
0.8935302928512967,
0.9075954932887695,
0.9197545181400602,
0.9300818169118019,
0.9387000723494855,
0.9457657787859427,
0.9514511094488591,
0.9559239099163805,
0.9593267867983645,
0.9617473159829341,
0.9631534045689405,
0.9632834922104598,
0.9615205063007134,
0.9567877456027685,
0.947572332597997,
0.9321547754741503,
0.9089564274324191,
0.8769506040606063,
0.8360174262255007,
0.7869972450928209,
0.7314328636875855,
0.6712489732723025,
0.6085017634877256,
0.5452071592168011,
0.4832280095459057,
0.42420061699016565,
0.3694856181017545,
0.3201342177794293,
0.2768679481967994,
0.24007671065348346,
0.20984127307999528,
0.18597991464553865,
0.16810994868667356,
0.15571161943653594,
0.1481851718188581,
0.14489698788705496
],
[
0.5923559072773685,
0.6148860984874732,
0.638159618934127,
0.661982904379836,
0.68613760596186,
0.7103847293896424,
0.7344703060861232,
0.7581326103416941,
0.7811108283199049,
0.8031549436943504,
0.8240364340207311,
0.8435591820402913,
0.8615698162371614,
0.8779665334484238,
0.8927053581583506,
0.9058027947422835,
0.9173339611110054,
0.9274255737253639,
0.9362435899011478,
0.9439759005571319,
0.9508112055060675,
0.9569161115433087,
0.9624136096790274,
0.9673634880681484,
0.9717029473683003,
0.9751172058974245,
0.9769028379927776,
0.9758595761353647,
0.9703113222763395,
0.9583361689975755,
0.9381200695821006,
0.9084158025268212,
0.8690556454978755,
0.8210152235833508,
0.7659962012690421,
0.7060529867022279,
0.6433354902833397,
0.5799174386593108,
0.5176854137699584,
0.4582697148476614,
0.4030035294488823,
0.3529020567335782,
0.30865797999607836,
0.2706530383449455,
0.23898604088010889,
0.2135153340360475,
0.19391045098723708,
0.17970603624495302,
0.17035200550151403,
0.16525620434585359
],
[
0.6100648709089201,
0.632185972104232,
0.6548851325998539,
0.6779603158095879,
0.7011862600182068,
0.7243191013297003,
0.7471026208548204,
0.7692761098804198,
0.7905837183610291,
0.8107849913948095,
0.8296661133682935,
0.847051185679599,
0.8628126844407513,
0.8768801080573674,
0.8892457615823821,
0.8999666622796978,
0.909161707772094,
0.9170035332619837,
0.9237048991006609,
0.9294999960196881,
0.9346217404340695,
0.9392769308146733,
0.9436213175017174,
0.9477288251454796,
0.9515233045571121,
0.954659498519187,
0.956400035862903,
0.9555435704608775,
0.9504681942804014,
0.9393284593973585,
0.9203888764336374,
0.8924690220665603,
0.8553801362125046,
0.8099875169344111,
0.7578787510254095,
0.7010059843531662,
0.6414253092700856,
0.5811204638539837,
0.5218887656289593,
0.4652719027662079,
0.41251885523267395,
0.3645721535149683,
0.3220718810352262,
0.2853740257217089,
0.25458066436707355,
0.22957911605915254,
0.210086341818636,
0.1956944071129772,
0.18591322900973545,
0.18020792943731606
],
[
0.6272698827992318,
0.6492283518718514,
0.6716129648508092,
0.6942035487348701,
0.7167553971254972,
0.7390041221108793,
0.760672318441018,
0.7814780622449025,
0.8011451213207694,
0.8194145696258203,
0.836057285318559,
0.8508865896679072,
0.8637700828882586,
0.8746395881652107,
0.8834980621978488,
0.8904223964802899,
0.8955612297968778,
0.8991272120360103,
0.9013835776695451,
0.9026253546164293,
0.9031559147440753,
0.9032593736339263,
0.9031670585486917,
0.9030100953378326,
0.9027463887981719,
0.9020650595541538,
0.9002982158254291,
0.8963844805610084,
0.8889269134992517,
0.8763694026222708,
0.8572841609281164,
0.8307186342577233,
0.79647612097635,
0.7551755218151165,
0.7080798191342491,
0.6568341605343544,
0.6032284610396381,
0.5490195965168487,
0.49581088456760825,
0.4449780641608041,
0.39763096554630906,
0.3546016508462132,
0.31645160988130494,
0.28349232868706076,
0.25581493697716906,
0.23332549826229654,
0.21578292656504766,
0.20283679797298493,
0.19406273909423977,
0.18899368953688522
],
[
0.6441612805199841,
0.6662074355588394,
0.6885441437932058,
0.7109246039472211,
0.7330733663373985,
0.7546911149970239,
0.7754615509019933,
0.7950604856643202,
0.8131670968673878,
0.8294770817398721,
0.8437171843126092,
0.8556602866410972,
0.8651399873480132,
0.8720633930826291,
0.8764207742383283,
0.878290823795471,
0.8778405128755893,
0.8753189184790577,
0.8710448165015072,
0.8653881335164764,
0.8587452867316716,
0.8515076520358099,
0.8440206987317643,
0.8365298807298766,
0.8291118698160174,
0.8215993398595809,
0.8135207361628514,
0.8040848977397516,
0.7922383005588342,
0.7768082186387902,
0.7567187062288924,
0.7312310550499358,
0.7001303144499138,
0.6637872276079523,
0.6230842311843264,
0.5792563351251047,
0.5337115475845662,
0.487872912378645,
0.44305940679117184,
0.4004082897478791,
0.36083419857238935,
0.32501688145261975,
0.2934087635912994,
0.2662548356653852,
0.2436194340009305,
0.22541631418632563,
0.2114396107293895,
0.2013939423111123,
0.19492233635545408,
0.19163100375034942
],
[
0.6607752902363478,
0.6831550274122937,
0.7057115433543263,
0.7281651278241291,
0.750200749520664,
0.7714724056908726,
0.7916099452156621,
0.8102286315817042,
0.8269415518872631,
0.8413747319791818,
0.8531844864918242,
0.8620761390813875,
0.8678228459062408,
0.8702829272807371,
0.8694139547021913,
0.8652819292945141,
0.8580642370601854,
0.8480455965181115,
0.8356067514313836,
0.8212059753023115,
0.8053533369315217,
0.7885770858546209,
0.7713808377352059,
0.7541905472432919,
0.7372930263536495,
0.7207735563243404,
0.7044672508522406,
0.6879437231692039,
0.6705435951645644,
0.6514758106262744,
0.6299662965804427,
0.6054260090481783,
0.5775913597575624,
0.546595299208496,
0.5129535085283973,
0.4774805701239449,
0.44116785896457456,
0.4050556588808555,
0.37012444831381325,
0.33721979844290273,
0.3070134919412319,
0.2799937566100922,
0.2564738761572189,
0.23661024035785944,
0.2204243802533749,
0.2078261867282486,
0.1986369054365471,
0.19261107814610462,
0.18945681917073653,
0.1888539409011371
],
[
0.67697667588468,
0.699916956633542,
0.722948591842515,
0.7457557751605429,
0.7679786126708186,
0.789216599982243,
0.8090349808207756,
0.8269744880392778,
0.8425648321760444,
0.8553420409455921,
0.8648693417900555,
0.8707607245159861,
0.8727056806588955,
0.8704930180532513,
0.8640312768799666,
0.8533633075718223,
0.838673090064948,
0.8202837692103782,
0.7986468548565392,
0.7743232155917018,
0.7479566247262668,
0.7202402229008944,
0.6918757334758565,
0.6635252798985413,
0.6357568894235496,
0.6089875232699447,
0.5834314669466583,
0.5590663298559168,
0.5356320454888001,
0.5126766093593416,
0.4896514712450111,
0.4660401507791099,
0.4414862149694713,
0.4158840839929514,
0.3894100348964611,
0.36249108548615944,
0.3357255817866174,
0.3097789430508384,
0.2852837571405017,
0.26277113133302465,
0.242642285987827,
0.22516866065440583,
0.2105044191198981,
0.1987021447147066,
0.18972855337771283,
0.18347956264136522,
0.17979467938295446,
0.17847067035662423,
0.17927436225755783,
0.1819543404845883
],
[
0.6924512388109401,
0.7161389173457544,
0.7398663596835446,
0.7632821245130901,
0.7859805350346691,
0.8075037847233355,
0.8273472847862159,
0.8449690574935278,
0.8598039177437453,
0.8712829596218936,
0.8788584041374006,
0.8820331186657024,
0.8803931112954906,
0.8736401974714161,
0.8616211683086188,
0.8443495925383753,
0.8220171604410749,
0.7949931307443938,
0.7638123966757218,
0.7291541666500134,
0.6918137263464585,
0.6526692015742234,
0.6126441058434665,
0.5726653007916346,
0.5336152586340668,
0.4962774932409467,
0.4612753166414084,
0.42900834992303033,
0.39960083164063714,
0.37288835115967045,
0.34846992490490425,
0.325824947459177,
0.30445729732969473,
0.2840174809432502,
0.26437099127739977,
0.24560417840922327,
0.227973906514368,
0.2118158096173685,
0.19744142160048467,
0.1850746041182479,
0.17484544565088211,
0.16680783600171445,
0.16095598787783316,
0.15723615508597305,
0.15555519209535396,
0.15578756733641308,
0.15778178202655907,
0.16136662036847932,
0.16635731665789455,
0.1725615340636923
],
[
0.7067143869144847,
0.7312698377574991,
0.7558493455014419,
0.7800699751888804,
0.803483997314504,
0.8255791432126117,
0.8457823078660605,
0.863467834131485,
0.8779715915511649,
0.8886119739005565,
0.8947185454647026,
0.895668201342668,
0.8909272518784241,
0.8800958845317353,
0.8629495074024383,
0.8394705102700551,
0.8098649854955796,
0.7745620671361504,
0.7341975394241054,
0.6895863246949446,
0.6416891854424265,
0.5915776373118874,
0.5403986716984421,
0.4893383505770554,
0.43958104772037765,
0.3922590284154783,
0.3483853081541277,
0.30876323513444187,
0.27387698680603884,
0.24380248585207015,
0.21821602877362778,
0.19652952095632875,
0.17807918004040374,
0.16228341791536588,
0.14873594273446306,
0.13723252367998745,
0.12773986390518594,
0.12031582006080566,
0.11499698851701223,
0.11173591323927395,
0.1104266232229334,
0.11093476725715212,
0.1131137780817103,
0.11681257431778452,
0.12187874882925326,
0.1281596888932986,
0.135503043951742,
0.14375727157883994,
0.1527725540023368,
0.16240211460954368
],
[
0.7191417986906004,
0.7445911514312289,
0.7700812375101153,
0.7952047785773007,
0.8194798836814201,
0.8423481430033088,
0.8631761361890626,
0.8812617646974137,
0.8958470880070548,
0.906139511703919,
0.9113430643785554,
0.9107008027785084,
0.9035476722521503,
0.8893700812318088,
0.8678643738412826,
0.8389831353220988,
0.8029588591637619,
0.7603004661050793,
0.7117666949536491,
0.6583261453408374,
0.6011140129004486,
0.5413918796278914,
0.48051227958636716,
0.41988587314495734,
0.36094612270985504,
0.305103831178921,
0.2536811512683197,
0.20781136289789753,
0.16828898614606908,
0.13538724347809755,
0.10880732436079504,
0.08787361610084232,
0.07178009086008957,
0.05976539885291021,
0.05121177220592499,
0.04567889540273118,
0.042882909360487664,
0.042629632671192685,
0.04472407763079922,
0.04892169013438408,
0.054947274470187324,
0.0625253383922082,
0.07139764203879262,
0.08133050535370073,
0.09211610980337748,
0.10357072706878173,
0.11553171876337998,
0.12785438074285949,
0.14040918543784048,
0.1530796405650447
],
[
0.7290256671258868,
0.7552777345388906,
0.7816094940192679,
0.8075980675066879,
0.8327380037306162,
0.8564372347784748,
0.8780161861859233,
0.8967115893155978,
0.9116869860849526,
0.9220523823478822,
0.9268958730924741,
0.9253300107986175,
0.9165545047322761,
0.8999332513023552,
0.8750764771260259,
0.8419095803806651,
0.8007070793169813,
0.7520815183085474,
0.6969371693187586,
0.6364094280845237,
0.5718071598515979,
0.5045655855454404,
0.4362094640122008,
0.36832181204403214,
0.30251086004460653,
0.240365970610736,
0.18339100554491267,
0.1329006764604081,
0.08986160936456228,
0.05467310664350977,
0.027079544342023087,
0.0063961978032529565,
-0.008234878734175277,
-0.01767229728073183,
-0.02267560587528883,
-0.02386595343679665,
-0.021735933373635108,
-0.016694390695779604,
-0.009121296407054835,
0.0005998038527689209,
0.012083459064226476,
0.024960232720709685,
0.03889254756535865,
0.05358301426350487,
0.06877637234850087,
0.08425739484505734,
0.09984671399631478,
0.11539590292773227,
0.13078262496314053,
0.1459062835647072
],
[
0.7356547781624018,
0.7624900429153155,
0.7894504228114652,
0.8161059063464557,
0.8419385633003531,
0.8663367920720845,
0.8885923681158319,
0.9079018410931784,
0.923374347284087,
0.9340485488211954,
0.9389221720987813,
0.9369983884083681,
0.9273536135211646,
0.9092296209155539,
0.882144751303726,
0.8459986185302633,
0.8011238729267895,
0.7482581862616255,
0.6884633308759255,
0.6230367919018284,
0.553439903038774,
0.48124580305191095,
0.40810180947636476,
0.33569813063142884,
0.26573375718369174,
0.19986928588059033,
0.13965499334947662,
0.08642166693588477,
0.041128600280433636,
0.0042065467957794755,
-0.02448390225756991,
-0.04551538478591444,
-0.05969057397119948,
-0.06787699727103735,
-0.07090271232970369,
-0.06950638448943713,
-0.06432972597727293,
-0.055937137512293456,
-0.04484408727456424,
-0.03153709483095424,
-0.016478033150447047,
-9.722445373050448e-05,
0.01721612675582096,
0.03512062553095041,
0.053324974197743735,
0.07158650944520628,
0.08970727210453217,
0.10752880288915712,
0.12492655109720102,
0.14180447115105066
],
[
0.7384093947797425,
0.765487524499535,
0.7927243829866051,
0.8196894007481881,
0.8458615369665985,
0.8706225237965248,
0.8932526457803933,
0.9129305491711258,
0.9287390973387881,
0.9396799596409195,
0.944700479290532,
0.9427374515343917,
0.9327837769268263,
0.9139853363163065,
0.8857745037301219,
0.8480251963452112,
0.8011393457986098,
0.7459829317483024,
0.6837545391358153,
0.6158741623012077,
0.5439051694878628,
0.46950097566758076,
0.3943663974774061,
0.32022407968412875,
0.24877657620881305,
0.18165474390148384,
0.12034408720874223,
0.06608547084428773,
0.019761010877959007,
-0.018197562766672393,
-0.04782493477812799,
-0.06954333285141823,
-0.08402869518759792,
-0.09207819921709648,
-0.094510975243844,
-0.09210889887954321,
-0.08559166322239753,
-0.07561509286346602,
-0.06278018547794062,
-0.04764228687101324,
-0.03071478192852395,
-0.012467217653021168,
0.006679100583847131,
0.026354897453912618,
0.046244376492526884,
0.06608401007579234,
0.08565915880694253,
0.10479928002376643,
0.12337245030094424,
0.14127976795839636
],
[
0.736854732627548,
0.7637432589403816,
0.7907965929872451,
0.8175877903605384,
0.8435994109422261,
0.8682165255690908,
0.8907221681724674,
0.910296701478672,
0.9260230781106658,
0.9369006410492103,
0.9418709564108423,
0.9398602552646793,
0.9298444391977897,
0.9109443502989444,
0.8825612115620189,
0.8445600119850128,
0.797396525357367,
0.7420099179043232,
0.6796614513859571,
0.6118188188045575,
0.5400763863223994,
0.4660993999810416,
0.39158183367639976,
0.31820869019549003,
0.24761455645224523,
0.18133168661085342,
0.12072397427452569,
0.06690944422623502,
0.020683984773603226,
-0.017530852041254597,
-0.04769297031191122,
-0.07009119088230087,
-0.08525943542356573,
-0.09388120275265399,
-0.09670684909401095,
-0.09449433706497867,
-0.08797406083791348,
-0.07783252138475993,
-0.06470747107358932,
-0.04918775255352015,
-0.03181342221302508,
-0.013074560574511396,
0.006590793879118539,
0.026798386518961714,
0.04721816625425823,
0.06757296168311677,
0.087635509519216,
0.10722422981779817,
0.12619823798994162,
0.14445204943669637
]
],
"zauto": true,
"zmax": 0.9769028379927776,
"zmin": -0.9769028379927776
},
{
"autocolorscale": false,
"autocontour": true,
"colorbar": {
"tickfont": {
"size": 8
},
"ticksuffix": "",
"x": 1,
"y": 0.5
},
"colorscale": [
[
0.0,
"rgb(255,247,251)"
],
[
0.14285714285714285,
"rgb(236,231,242)"
],
[
0.2857142857142857,
"rgb(208,209,230)"
],
[
0.42857142857142855,
"rgb(166,189,219)"
],
[
0.5714285714285714,
"rgb(116,169,207)"
],
[
0.7142857142857143,
"rgb(54,144,192)"
],
[
0.8571428571428571,
"rgb(5,112,176)"
],
[
1.0,
"rgb(3,78,123)"
]
],
"contours": {
"coloring": "heatmap"
},
"hoverinfo": "x+y+z",
"ncontours": 25,
"type": "contour",
"x": [
1e-06,
1.3011511650442548e-06,
1.692994354296022e-06,
2.2028415765056147e-06,
2.866229883678204e-06,
3.729398352432554e-06,
4.852511011181743e-06,
6.3138503555892e-06,
8.215273746089953e-06,
1.0689313005882424e-05,
1.390841207112662e-05,
1.809694657026198e-05,
2.354686311364001e-05,
3.063802837345029e-05,
3.986470631277378e-05,
5.1870009063012666e-05,
6.749072272319499e-05,
8.781563250096393e-05,
0.00011426141253772724,
0.00014867137004306603,
0.00019344392634026088,
0.0002516997901283655,
0.0003274994751669172,
0.0004261263236648159,
0.0005544547624925005,
0.0007214294601814526,
0.000938688782612345,
0.0012213760031100258,
0.0015891948094037057,
0.002067782677737912,
0.0026904978401970136,
0.0035007443993213955,
0.004554997653699184,
0.005926740503884541,
0.007711585311544345,
0.010033938212454078,
0.013055670395116691,
0.01698740074503987,
0.02210317627048227,
0.028759573555516536,
0.03742055263793628,
0.04868979566145066,
0.06335278435066323,
0.0824315491666629,
0.10725590623460621,
0.13955614735503497,
0.18158364372009145,
0.23626776957937787,
0.3074200836506151,
0.4
],
"xaxis": "x2",
"y": [
0.0,
0.02040816326530612,
0.04081632653061224,
0.061224489795918366,
0.08163265306122448,
0.1020408163265306,
0.12244897959183673,
0.14285714285714285,
0.16326530612244897,
0.18367346938775508,
0.2040816326530612,
0.22448979591836732,
0.24489795918367346,
0.26530612244897955,
0.2857142857142857,
0.3061224489795918,
0.32653061224489793,
0.3469387755102041,
0.36734693877551017,
0.3877551020408163,
0.4081632653061224,
0.42857142857142855,
0.44897959183673464,
0.4693877551020408,
0.4897959183673469,
0.5102040816326531,
0.5306122448979591,
0.5510204081632653,
0.5714285714285714,
0.5918367346938775,
0.6122448979591836,
0.6326530612244897,
0.6530612244897959,
0.673469387755102,
0.6938775510204082,
0.7142857142857142,
0.7346938775510203,
0.7551020408163265,
0.7755102040816326,
0.7959183673469387,
0.8163265306122448,
0.836734693877551,
0.8571428571428571,
0.8775510204081632,
0.8979591836734693,
0.9183673469387754,
0.9387755102040816,
0.9591836734693877,
0.9795918367346939,
1.0
],
"yaxis": "y2",
"z": [
[
0.36180960123542405,
0.3404654036454042,
0.3164632549611034,
0.28971040117503943,
0.2601847914927094,
0.22796057251402513,
0.19323864314428948,
0.15638367361789463,
0.1179728379742269,
0.07888420912668545,
0.04066653386986838,
0.013097714883962178,
0.03644349579397062,
0.0654717405248273,
0.08966803518580525,
0.10807381929957396,
0.12079562023813814,
0.1287100394258619,
0.13346105146329112,
0.13737577507102514,
0.14307609026860638,
0.15270222119159416,
0.16714371438055725,
0.18591835390434608,
0.20771468296776932,
0.23102604881370456,
0.2545147994783355,
0.27712670240724885,
0.29808151963424306,
0.3168232994703702,
0.3329660797473769,
0.3462464372548119,
0.3564851031310082,
0.36355703024246755,
0.36736871355971684,
0.3678416600632807,
0.3649011553720045,
0.3584697242924749,
0.3484648954296897,
0.3348010533804642,
0.3173952998857385,
0.29617735003879686,
0.27110355980044815,
0.2421752110422829,
0.20946116094198722,
0.17312488345733143,
0.13345578735968225,
0.09090450838993473,
0.04612174502997076,
0.000114608433900703
],
[
0.3631385567040271,
0.34240780636046475,
0.31918416947607003,
0.2934197725836443,
0.26515463867172856,
0.23455274911061,
0.20195310175155035,
0.16795014548327777,
0.1335435811237844,
0.10048043623949075,
0.07215409980235271,
0.05528202011427083,
0.05615396964082294,
0.06830429977091562,
0.08139855447907794,
0.09048818877330746,
0.09396483247194966,
0.09198606782802161,
0.0862777754666785,
0.08059701409706782,
0.0807308961772295,
0.09138423739420098,
0.11208402215727634,
0.1390776432566974,
0.16890856700094906,
0.19925366032399666,
0.22862952825211857,
0.25608090755629725,
0.2809890634567226,
0.30295748775805387,
0.3217391562517819,
0.3371868491000189,
0.3492175080827787,
0.35778608282504065,
0.3628664345591156,
0.3644379227665363,
0.3624768807641535,
0.3569525531928085,
0.347827347904628,
0.33506152325258903,
0.31862276520691435,
0.2985016369369846,
0.2747349028262383,
0.247441012182087,
0.2168777986778235,
0.18354878304284267,
0.14843633398725745,
0.11362150431068971,
0.08413011915382701,
0.07139209901007705
],
[
0.3679955593628842,
0.3488421226043451,
0.32759726750068247,
0.3043168378729671,
0.27917725195956,
0.25252346731349523,
0.22493336053847368,
0.19730186157301383,
0.17093702431581978,
0.14761202950625807,
0.1293821497245772,
0.11782200743430934,
0.112750165424625,
0.1117217170550702,
0.11118021149457172,
0.10795245411872757,
0.09988228070037718,
0.08583385638506051,
0.06558034881979923,
0.04001583447465167,
0.016254590653155036,
0.0345963535737541,
0.07040812793526163,
0.10802195741036327,
0.1452131043089897,
0.18084725706383287,
0.21416390132499954,
0.2446400566752685,
0.2719278062252488,
0.2958106316136673,
0.31616846699265133,
0.33294895694991994,
0.34614404646715613,
0.35577144843693653,
0.3618606796486857,
0.3644434588996244,
0.3635483830838873,
0.35919996288183115,
0.3514223339173781,
0.3402483084802015,
0.32573499145686274,
0.30798814359672155,
0.2871992238762024,
0.26370235103864076,
0.2380646894814943,
0.21123467880949232,
0.18478495864062075,
0.16126319143338672,
0.14443369520281474,
0.13850610474712677
],
[
0.3750634086591303,
0.35805703563140334,
0.33944441144193793,
0.3193703328928007,
0.29810567157427464,
0.27608154700992577,
0.25392053228072026,
0.23244960567102185,
0.21266316171752245,
0.19558575301811862,
0.18199207708688664,
0.1720300560112221,
0.16495175552848343,
0.15919231476154888,
0.15279396473042342,
0.14391379929521284,
0.1311964685265417,
0.11401057417403104,
0.09273677389468368,
0.0696401035140992,
0.052048563106451,
0.05503749557883355,
0.07951347946747912,
0.11261250304969621,
0.14777792260340522,
0.18239743434744013,
0.21517869532989906,
0.24538003561733007,
0.27255565234116624,
0.2964447237771724,
0.3169098422536345,
0.33389676383116945,
0.34740580518342207,
0.35747103944989495,
0.3641455613471731,
0.3674919944580256,
0.36757789326846424,
0.3644760334574673,
0.35826990648793533,
0.34906510779449934,
0.3370077894530964,
0.3223119900042233,
0.3052984593535955,
0.2864483419181129,
0.26647474855014297,
0.24641049813949342,
0.22769246743646857,
0.21217704394780348,
0.2019485096286018,
0.1987829509060453
],
[
0.3827215025697326,
0.3680027697958381,
0.35211742045542654,
0.33524854714183355,
0.31768351152791874,
0.29982646171700583,
0.28219658245166634,
0.26539875826053005,
0.25005073601610045,
0.23665748540593484,
0.22544808569084226,
0.21623038141121198,
0.2083438272207235,
0.20076199714657664,
0.19232199169737577,
0.18200567558901234,
0.16921379443840187,
0.15403589332628173,
0.13757784872733356,
0.12239546863135688,
0.11273152139194574,
0.11323268054980139,
0.12551920015129991,
0.14694874346758585,
0.1734940470000507,
0.2019775694930024,
0.23033631174818858,
0.25729126998524166,
0.2820566702779646,
0.3041581976502413,
0.32332333323736057,
0.33941269456550455,
0.3523750468319777,
0.36221700057785633,
0.36898271917303654,
0.37274115977591327,
0.3735795523677974,
0.3716025147626181,
0.3669366566500764,
0.3597408510089273,
0.3502225682626121,
0.3386607098913002,
0.3254350285083168,
0.3110609860882669,
0.2962258153915816,
0.2818151316681631,
0.26890865120015106,
0.2587116405670601,
0.2523903866955625,
0.2508209834431812
],
[
0.3893683410816457,
0.37673878704257097,
0.3632737808956332,
0.3491489496792377,
0.33461438760502804,
0.3199935094631778,
0.3056676284114917,
0.292039847512982,
0.2794745297452452,
0.26821669944380955,
0.25830917379911955,
0.24953811943433032,
0.24143908079687862,
0.23337881355522286,
0.22470190574778595,
0.21491364219592057,
0.20387167471207063,
0.1919692546780475,
0.18028750533839058,
0.17064103965206784,
0.1653323559980153,
0.1664201828661798,
0.17474283143722763,
0.18952549774533559,
0.20894112967885492,
0.2309611204152,
0.2538592305954381,
0.27634180171872996,
0.29750312514764254,
0.3167384500364859,
0.333663823148041,
0.34805348560929145,
0.3597936468220235,
0.3688492440414441,
0.37524072549060006,
0.37902874495860556,
0.3803053784081379,
0.3791909932045586,
0.3758362398961092,
0.3704288070931815,
0.36320455274284175,
0.35446231214169527,
0.3445809225309496,
0.33403556578168075,
0.3234082093429975,
0.3133838636924092,
0.3047217675210044,
0.298191574107162,
0.2944737554875443,
0.29404254258254714
],
[
0.3936262272154815,
0.3826811835934607,
0.3711150070755873,
0.35906879641399847,
0.3467334326376637,
0.334344375558471,
0.32216634419678775,
0.3104656465448576,
0.2994706170729352,
0.289325513453137,
0.2800493188089282,
0.27151526030696876,
0.26346577694816975,
0.25556971869632267,
0.24751681187148472,
0.23913443445164964,
0.23050625076616243,
0.22206796873615167,
0.2146457731931208,
0.20938753871248533,
0.20753807142276282,
0.21007509127048518,
0.21735708605447632,
0.22899929857237472,
0.24404633975899753,
0.26129102781183805,
0.2795481932307566,
0.29780542454730813,
0.31527084220673796,
0.33136394809781117,
0.3456839709110511,
0.3579739087907977,
0.36808797033004603,
0.37596491568015666,
0.38160762234957546,
0.38506843993433154,
0.38643972094104195,
0.38584893580777163,
0.3834578226845966,
0.3794649925616856,
0.3741112387411999,
0.3676864212508807,
0.3605361571818861,
0.3530656456738781,
0.3457369376952629,
0.339055267412293,
0.33354054779144326,
0.3296829002248584,
0.32788668673468035,
0.32841457556335046
],
[
0.3944133444849367,
0.3846609109069878,
0.3744045137104619,
0.36373846983815,
0.352790738619907,
0.34171976419932387,
0.3307054630411401,
0.3199337129197493,
0.3095752229846616,
0.2997619611648277,
0.2905669155693779,
0.28199479617593676,
0.27399098044605436,
0.2664727355581379,
0.25938093073390334,
0.25274357861995755,
0.24673608831715338,
0.24171785238704213,
0.23822206212142463,
0.23688011768864228,
0.2382815784706741,
0.24280650397177017,
0.2504982381454859,
0.26103586597053163,
0.27381167468451106,
0.28806490796990397,
0.3030117953110219,
0.31793707522147985,
0.33224184530965734,
0.34545827169097443,
0.35724450715251993,
0.367370197968894,
0.3756990859219562,
0.3821722453046691,
0.3867936353387208,
0.3896186051853114,
0.390745442783365,
0.3903097780838039,
0.38848148459588355,
0.3854635720611141,
0.38149236230446076,
0.37683795357683836,
0.3718036106660972,
0.36672234140583826,
0.3619487083013357,
0.35784416052960927,
0.3547551826023449,
0.3529855069656553,
0.35276622256420204,
0.35422985487779807
],
[
0.3909232352517406,
0.38187021481513134,
0.37236282480189176,
0.3624432048530585,
0.35217772508509276,
0.34165880775428775,
0.33100431189124685,
0.3203543279531789,
0.30986564390981725,
0.2997045802066163,
0.2900393711503234,
0.28103379494899006,
0.2728441695049054,
0.26562172193467676,
0.2595211114706737,
0.2547131433143189,
0.251395872362683,
0.24979507015273125,
0.2501451954626382,
0.2526479456119902,
0.2574165114860902,
0.264424236825972,
0.27347843800451,
0.284230324735549,
0.2962163076744057,
0.3089149121424624,
0.3218023390192385,
0.3343957232313803,
0.3462805651754812,
0.3571239322074879,
0.3666771937628249,
0.3747721998692266,
0.38131404263648583,
0.3862725693609964,
0.3896739697658274,
0.3915931291894674,
0.39214700938543146,
0.39148903999479334,
0.3898043237755512,
0.38730533095333225,
0.3842276477451628,
0.3808252346796965,
0.37736455416390474,
0.3741168953511473,
0.371348347615285,
0.3693072529423214,
0.3682096516394098,
0.36822413820787464,
0.3694583910348089,
0.371950027586371
],
[
0.3825593498062184,
0.3737659341230667,
0.36453268344486206,
0.3548452149371497,
0.34470724786070245,
0.33414831298275816,
0.32323170571048004,
0.3120631329577105,
0.3008001763811878,
0.2896614971657292,
0.27893282549750026,
0.2689649513282108,
0.26015838294661325,
0.2529313974255876,
0.24767348475857806,
0.24469335743549223,
0.2441758833623113,
0.24616094502284733,
0.25054846776568357,
0.2571229709524774,
0.2655853872721045,
0.27558216095824073,
0.2867279550417402,
0.29862329079149763,
0.31086982395623697,
0.3230847963618968,
0.3349145555213191,
0.34604616506984215,
0.3562161803166795,
0.3652162077371049,
0.3728954489094915,
0.37916080042120687,
0.38397519419479775,
0.38735477792351947,
0.38936534191452793,
0.39011817425934275,
0.3897653263157742,
0.38849413064165755,
0.3865207543376329,
0.3840826000581415,
0.38142947956782064,
0.37881366192677646,
0.37647910986076566,
0.3746504274870154,
0.37352221610841396,
0.37324964507324726,
0.37394107079279804,
0.37565346002627137,
0.3783911771526413,
0.38210837717021406
],
[
0.36885973382661974,
0.3599698334338201,
0.3506550092766422,
0.3408386014689496,
0.33045611064644886,
0.3194682558033935,
0.3078759572344317,
0.29573940137383686,
0.2832031505283871,
0.27052668954444015,
0.25811453920758326,
0.2465328126695461,
0.23649220709619806,
0.22877644518903464,
0.224109376540981,
0.22298893432053032,
0.2255554350901687,
0.23156331716554637,
0.24046894303991445,
0.2515789380259519,
0.26418609107153807,
0.2776531350546474,
0.29144441656758935,
0.3051242878425455,
0.318341371032608,
0.3308110462849228,
0.3423018378937356,
0.3526270573194776,
0.3616409576171787,
0.3692379896966708,
0.3753538204487506,
0.37996709811566814,
0.3831012666754233,
0.38482592696533097,
0.38525730077791237,
0.38455731043490887,
0.3829307034901032,
0.3806196090568137,
0.377894994102551,
0.3750447704119572,
0.3723588214840096,
0.3701119285699419,
0.368546319657567,
0.36785608919016516,
0.3681757724419225,
0.3695747706221133,
0.3720582237828017,
0.375573671166094,
0.3800218523660886,
0.3852695752109888
],
[
0.3494344707621685,
0.34018583959807686,
0.33056823799391083,
0.32043558200313244,
0.30964701289366564,
0.29808372992711357,
0.28566660629573465,
0.2723802809186561,
0.2583115174215437,
0.2437071146115574,
0.22904801220232265,
0.21512022334060196,
0.2030384433853741,
0.19415048907280846,
0.18975628162016292,
0.19068354176650879,
0.1969532399643498,
0.20779330794662218,
0.2219767720398566,
0.2382132244950449,
0.2553917321084175,
0.2726594837978852,
0.2894047976633142,
0.30520554577208625,
0.3197753828297048,
0.33292018122168104,
0.34450732442884086,
0.3544466101905612,
0.36268030659213507,
0.3691798280083985,
0.3739468521390053,
0.37701715539464925,
0.3784658339389978,
0.37841281743058164,
0.37702764335650646,
0.3745323602482719,
0.37120123600391836,
0.3673557907713719,
0.3633537466372483,
0.3595710265642252,
0.35637713448849934,
0.35410607994210214,
0.35302703657834095,
0.3533202760675603,
0.3550636508240229,
0.35823265161933865,
0.3627135459395604,
0.36832581711357343,
0.37484844123355027,
0.3820448574172903
],
[
0.3239338193002497,
0.31414760010246784,
0.3041371014316935,
0.2936783662890356,
0.28254737249465006,
0.2705399006849542,
0.25748341203649266,
0.24325190491773244,
0.2278036131069137,
0.21126221560686992,
0.1940536184876844,
0.17709134306630536,
0.16195807493609746,
0.15091570293647374,
0.14641286424238825,
0.14995384394002712,
0.1611576112220509,
0.1780989208409311,
0.19844757457835172,
0.2202477992456357,
0.242110926760489,
0.2631311878570027,
0.28274788162288883,
0.3006285860344391,
0.3165847647565653,
0.33051486001506664,
0.34236817959951094,
0.3521240604861769,
0.3597820934210876,
0.36536021097065796,
0.36889822799325567,
0.3704650308326858,
0.3701680348083888,
0.36816373078009385,
0.3646680778332291,
0.35996514681222347,
0.35441180835917885,
0.3484355352108277,
0.3425219067524902,
0.33718879853870065,
0.3329463152489256,
0.3302457440869874,
0.32942636914091444,
0.33067324080228033,
0.33399846862114224,
0.3392519189647086,
0.3461572536384117,
0.35436157932132256,
0.36348530310566957,
0.37316247064691077
],
[
0.292068605670438,
0.28161425332738094,
0.27122545856438846,
0.260586062599536,
0.24938399082953985,
0.23734084053985993,
0.22420718056707523,
0.20973997070087227,
0.1937039562520386,
0.17594532409180821,
0.15657605000027536,
0.136305282969334,
0.11696977545085151,
0.10218699564152874,
0.09707279227604607,
0.10480976744256723,
0.12328137019005188,
0.14782389905283944,
0.17472860941917814,
0.201759056378066,
0.2276559668179084,
0.2517251389276373,
0.2735970263764211,
0.29308900869383414,
0.31012329244425907,
0.3246770641301038,
0.33675327639719954,
0.34636561721310255,
0.3535335516862554,
0.3582845748261119,
0.3606616553129488,
0.36073449529118395,
0.3586136910033302,
0.3544670870851001,
0.3485374691450388,
0.3411600993390454,
0.33277731857015014,
0.3239454494981403,
0.3153268306318159,
0.3076581760934161,
0.30168815913673813,
0.29808546214308934,
0.29733411370422225,
0.29964853793406004,
0.304942258941922,
0.3128639069033956,
0.3228838321047436,
0.3343965318355779,
0.3468078599747105,
0.3595922996047596
],
[
0.2537163320462636,
0.24244225408196932,
0.23174244263994537,
0.22117193694790357,
0.21031288512784108,
0.19884625492441965,
0.186525118493494,
0.17306625220878996,
0.15805017165440158,
0.14093260158905424,
0.12121805176984624,
0.09881331067530906,
0.07473682334351402,
0.05320814680380083,
0.046552569586229574,
0.06357163767924935,
0.09250532345219446,
0.1245037283145953,
0.1563462833727094,
0.18667831927937023,
0.21483693090418138,
0.24049007612146708,
0.2634855763609943,
0.2837689314936188,
0.30133265043842156,
0.31618511562708573,
0.3283336120335732,
0.3377779605209216,
0.3445119180012608,
0.3485301497581547,
0.3498393136747724,
0.34847254304990016,
0.3445072509840618,
0.33808659134809627,
0.3294449673133564,
0.3189374447158145,
0.30707134205633185,
0.29453483049218177,
0.28221112051590164,
0.27115784483758787,
0.26252419788380593,
0.25738675003635947,
0.2565255111873654,
0.26022515684804626,
0.2682105994582111,
0.2797568697332046,
0.29390390180109155,
0.3096659583316616,
0.3261695948098913,
0.34271449420344735
],
[
0.20917928887167817,
0.19677543491671493,
0.18579923342023982,
0.17558575013109332,
0.16552755269390879,
0.15529764829626863,
0.1448253043080206,
0.13400541182417622,
0.12236995318743474,
0.10900362217336881,
0.09277178103432614,
0.07269391749966045,
0.04826346072768936,
0.019633356861095425,
0.012376608986181096,
0.0462300470367825,
0.0805668819765059,
0.11425742366100915,
0.14648627154327842,
0.17670859173477804,
0.20459603676176996,
0.22997484095429752,
0.25276619221052676,
0.27293668429981194,
0.29046299366715167,
0.3053112842402798,
0.317429195916069,
0.3267470430042019,
0.33318490676340595,
0.33666319196183664,
0.33711542878858586,
0.33450328015171105,
0.3288346972154113,
0.32018694117482105,
0.3087368054132514,
0.2948007989896642,
0.27888790007177805,
0.2617653479136533,
0.24453001447056172,
0.2286564512921308,
0.21595030944771812,
0.20829379390795644,
0.2071303133796692,
0.2129024268977158,
0.22488312156255302,
0.241556991114491,
0.26120287401375514,
0.2822983792246381,
0.3036705639636241,
0.32449213193056703
],
[
0.15979415659242638,
0.14545445038339563,
0.1340105515835727,
0.1244188915586795,
0.11559390543093756,
0.10713200119161172,
0.09945494192701768,
0.09306242732368654,
0.08757124070159245,
0.08155362830957373,
0.07328422026447451,
0.061725901103690535,
0.04759597862330237,
0.035965272406875706,
0.03916036923935233,
0.0589944339455166,
0.08568307782199319,
0.11420202470006181,
0.1425240350455145,
0.16968512780497097,
0.19519791277684156,
0.21881519147533265,
0.24039915561494557,
0.2598424921315929,
0.277025868906171,
0.2918020684491827,
0.30399735396342936,
0.31342170017551474,
0.31988188116354843,
0.3231942075467863,
0.32319613739674585,
0.31975772027056365,
0.3127949511202713,
0.30228791823504925,
0.2883075561342169,
0.27105641597108104,
0.25093188626886626,
0.22862549024489723,
0.20527815040771769,
0.18270612056792374,
0.1636384242892367,
0.15162527082118088,
0.14989572496279197,
0.15930376750107444,
0.1777180228230397,
0.2017508996623493,
0.22844562338223504,
0.25574998994371506,
0.2823710818095166,
0.30753867090679043
],
[
0.10976656080901555,
0.09120637504698255,
0.07807625090869284,
0.0691358844786408,
0.0620187815282915,
0.055660588686790816,
0.05171223375907179,
0.052150693469915556,
0.05580873798765796,
0.05929788625187199,
0.059935907372538115,
0.05698888154727768,
0.052120566827822505,
0.04985489882432866,
0.05570739706059878,
0.07059539379241779,
0.0911129783740385,
0.11405953900390402,
0.13757403051233183,
0.16071370759160275,
0.183034647013402,
0.20431700063886093,
0.22439552026928417,
0.24307054827255223,
0.260079290576409,
0.27510486782606786,
0.28780198719203126,
0.29782410907366064,
0.3048443715759532,
0.30856843814283563,
0.30874093511823986,
0.3051486504216522,
0.2976239870709058,
0.28605205188349353,
0.2703848278546396,
0.2506668375684002,
0.2270799254258368,
0.20002384405374116,
0.1702747053691012,
0.1393363411258123,
0.11029059691367603,
0.08955132122061145,
0.08670649456668839,
0.1041540211489042,
0.13352463839809275,
0.16730077284162656,
0.20170526123308302,
0.23494868751018255,
0.2661469861957435,
0.2948690384316387
],
[
0.07329806971425416,
0.046194805021667715,
0.02503203297880846,
0.012715867177893567,
0.00823869162254363,
0.004044704390325547,
0.01198560693185423,
0.025252032055620738,
0.03743530636643958,
0.045895462928637075,
0.049411460257232975,
0.04841122000178175,
0.04552687685673387,
0.04579853696322367,
0.05360333243094788,
0.06826762962452086,
0.08653730073148809,
0.10604662374494461,
0.12569582018148515,
0.1451691811092963,
0.16449297309795233,
0.1837184965764378,
0.2027425115085839,
0.22125847118870112,
0.23879847017143563,
0.2548118652317303,
0.2687393007566402,
0.28006324816177725,
0.28833318407709985,
0.29317157098945595,
0.2942685997957762,
0.29137260984918295,
0.2842812900590806,
0.27283706209930336,
0.2569287121290047,
0.23650041447792544,
0.21156883172371344,
0.18224927913096015,
0.14879440318279477,
0.11166087823113605,
0.07169756407298572,
0.031576169979383235,
0.0252194736387663,
0.06531543623772045,
0.10806105577405738,
0.149519955250514,
0.18872990014123603,
0.22520893672557768,
0.25870617779944743,
0.28912515817226725
],
[
0.07998821171365486,
0.057728762394945204,
0.044906526971867367,
0.041797698827407165,
0.04267179929774841,
0.042859200083940105,
0.04263085050756425,
0.04375245454994939,
0.04580445776798256,
0.04642101997223488,
0.043453574506991166,
0.03636920728529949,
0.027660013997200583,
0.025833087365264556,
0.03697078893097518,
0.05399477587271991,
0.07171779345230299,
0.08858783209270105,
0.1046467925443178,
0.12063930499545288,
0.13739294291928617,
0.15535541332370495,
0.17441006117470453,
0.19396943275719244,
0.2131978229328146,
0.23121568138865842,
0.24722613000517857,
0.26056884884479614,
0.2707269166823033,
0.2773096126595951,
0.280026606167336,
0.2786628191673523,
0.27305933766621254,
0.2631034537929371,
0.24872969917106716,
0.22993349904365828,
0.20680046999233215,
0.17955987705624535,
0.14868969943294041,
0.11517437961091559,
0.08136508762787892,
0.05465229562370056,
0.05426632082439367,
0.08191332891129334,
0.11876600534910638,
0.15702890339869852,
0.19421920950259475,
0.22930402192229776,
0.2617902841178978,
0.29145653607240724
],
[
0.11899206052119107,
0.1035903952396604,
0.09401675470804556,
0.08860692728214122,
0.0846193051098731,
0.08001956964425924,
0.07435767421846438,
0.06813586174374663,
0.061587093464002776,
0.054040559930424774,
0.04426256442561644,
0.03127454702372329,
0.015095348276840408,
0.005366993898686654,
0.02312521407829377,
0.03998208352820819,
0.05402532106267188,
0.06543672232958886,
0.07570473442905294,
0.08708480058494614,
0.10149030884502037,
0.11950559366212608,
0.1403711399066712,
0.16266276466644294,
0.18489938422304747,
0.2058276097292827,
0.22449069061336888,
0.2402055703911582,
0.2525110236245355,
0.2611122544123774,
0.2658319801422413,
0.26657266414766323,
0.26329276957822806,
0.2559993208575135,
0.24475920872591087,
0.22973311575273106,
0.21124022374333112,
0.18987220101665028,
0.1666969538742404,
0.14362691400069239,
0.12399769476743744,
0.11286032400083025,
0.11498044928530045,
0.13052264614748804,
0.15517287919221412,
0.1843307814463851,
0.21492184749259477,
0.24514660241434855,
0.2739825530967003,
0.30086503104456486
],
[
0.16236282319343825,
0.14804045253355042,
0.13651259464916032,
0.12661442777449858,
0.11691024593063327,
0.10632599668213348,
0.09453235953282163,
0.08187275076557424,
0.06898702923459354,
0.05645970247742251,
0.0448040287884555,
0.03504005215807039,
0.029715514480238608,
0.031417810453830707,
0.03778445240001371,
0.04394890532865159,
0.04690372540379773,
0.04608215574806259,
0.04389711889463169,
0.04639173423068936,
0.058873048389549064,
0.07989919369786203,
0.10529327117706114,
0.13192106428034975,
0.15777939083031134,
0.18158242516238196,
0.2025155721660363,
0.22009378179448533,
0.23406543767864024,
0.24433883412590413,
0.2509245935784912,
0.25389396173038004,
0.25335533174251995,
0.24945177641474722,
0.24238196846767396,
0.2324465818285146,
0.2201226029752535,
0.20616783180552756,
0.19175122586169357,
0.178573930859911,
0.16886052752012004,
0.16498349639352536,
0.16860088278538685,
0.17982468400446033,
0.19726976598920035,
0.21888774835745048,
0.24273615860557315,
0.2672998330220364,
0.2915103622715895,
0.31466193145622506
],
[
0.20167797466640705,
0.18625430295835022,
0.17159488664895511,
0.1569008147004137,
0.14132172000411636,
0.1242450573956154,
0.10552026033594966,
0.08556977396899838,
0.0654759591691349,
0.04731914074591948,
0.03513911341338353,
0.0339094440839577,
0.04136289550371574,
0.05060792563137879,
0.057560772234180345,
0.060049967119051785,
0.056680503446001035,
0.04665936160782188,
0.02990223628469489,
0.007456694562494117,
0.02073781472813182,
0.050476872547992255,
0.08085624054291828,
0.11029193772144615,
0.13764524984242066,
0.16214633072773724,
0.18334455329085247,
0.20105099989656333,
0.21527472883821744,
0.22615735658262506,
0.23391221803455242,
0.23877578851685985,
0.2409790916588881,
0.24074469566258178,
0.23831090192337195,
0.23398002103795476,
0.22818309626282338,
0.22154830399320072,
0.21495179363155784,
0.20951582929529838,
0.2065068388072716,
0.20710325440592428,
0.21208351893068675,
0.22159134720639176,
0.23513055538151215,
0.2517788602241902,
0.2704674409505957,
0.29019150065976596,
0.3101158210658173,
0.32960215972215956
],
[
0.23577197340918404,
0.21881826116212963,
0.2012769487091459,
0.18255936454155564,
0.162095339770281,
0.13948404410585613,
0.11462134820371632,
0.08778452726167302,
0.05970525870578948,
0.03186295478070046,
0.01147862749595884,
0.02588552735849777,
0.04574259566033299,
0.06124028201854771,
0.07115300189182479,
0.07499246194519879,
0.07266122508583467,
0.06467528115081632,
0.05288289485461434,
0.04241987535911208,
0.0433261206896041,
0.05894483962659626,
0.08166099301057905,
0.10587306629201246,
0.12900882034830344,
0.14984576195179858,
0.1678498414969826,
0.18291476762381287,
0.1952132315469398,
0.20507876950804665,
0.21290068351741667,
0.21903768954406233,
0.22376391835882786,
0.22725784994393558,
0.22963395181558643,
0.2310046219139314,
0.23155254269506964,
0.2315921526140488,
0.23160100000825332,
0.2322050605888086,
0.2341087078623515,
0.23797524542940415,
0.24428841744157856,
0.25324544310375136,
0.2647256986268112,
0.27834244075656533,
0.2935454052020153,
0.3097292776648175,
0.32631736560380753,
0.34281143620146654
],
[
0.2655464628449224,
0.24754795619651399,
0.22819047475004509,
0.2070595220914204,
0.1838053788541695,
0.15824447649337897,
0.130460911529335,
0.10091336728480696,
0.07061501222035636,
0.041816294873005734,
0.02282299502114272,
0.031507823747947444,
0.050360160061683076,
0.06648762114150095,
0.07765530295261792,
0.08357563279304872,
0.0847389285899481,
0.08236125514882506,
0.07859186997369255,
0.07653523735489394,
0.07926633430003246,
0.08785344415170607,
0.10080187782199057,
0.11564881621905851,
0.1303517139510457,
0.14365481238428113,
0.15501223253676996,
0.1644307485180132,
0.17230527885140456,
0.17924049476411016,
0.18585876186522515,
0.19262480976928056,
0.1997376150210346,
0.20712499431595702,
0.21453150932538184,
0.22165179751593111,
0.2282562329027431,
0.2342758823219871,
0.23983618597465806,
0.24524181670631634,
0.2509207357937835,
0.2573397806982083,
0.26491012135118513,
0.27390585046182353,
0.2844169690943412,
0.29634652900653446,
0.3094458171653971,
0.32337033721561714,
0.33773791259635816,
0.352176186830219
],
[
0.2922303519704978,
0.27405945282578065,
0.25423810547700126,
0.23253048975627397,
0.20881041471672843,
0.1831489767915018,
0.15591829614581187,
0.1279270155818697,
0.10063701811839054,
0.07656376098760771,
0.059764199128170284,
0.054386682008585575,
0.059086629119929575,
0.06771629704173256,
0.07595744988974988,
0.08231786968638848,
0.08685631717479493,
0.09037696143111391,
0.09398570384344915,
0.09869842168130216,
0.10503415445519339,
0.11278477817801513,
0.12113743332003363,
0.12904223066844042,
0.13558237473632476,
0.14022210735381035,
0.14293683639236768,
0.1442547717416494,
0.14520153375208494,
0.14709758153146346,
0.15117939261794905,
0.15815469743314697,
0.16795323908086474,
0.17984291643867809,
0.19278808441996642,
0.2057992376066789,
0.2181418394861007,
0.22941037384713747,
0.23951815304321297,
0.24864232812633769,
0.2571451410396511,
0.26548292767135123,
0.27411324434658013,
0.283412898415069,
0.29362035222566046,
0.30481156253385483,
0.31690947035541656,
0.329718394786712,
0.34296997807061663,
0.3563683045893278
],
[
0.3166560686884578,
0.29915219870463916,
0.2800082669190549,
0.25913031680977067,
0.2365439849610915,
0.21245268594897235,
0.18729392469844627,
0.16178376472502404,
0.1369323626894659,
0.11400016533374774,
0.09434986045121489,
0.07916389505091839,
0.06910465869404,
0.06417835942409432,
0.06398479730192586,
0.06800357953123155,
0.07552489407349589,
0.08553494003881856,
0.09687281869496699,
0.10844491283079687,
0.11929529403088085,
0.12857931764214,
0.1355419334240229,
0.13954677738985274,
0.14015550664186535,
0.1372450153946769,
0.13116087103687601,
0.12291652825155698,
0.11441801745936325,
0.10851781456326878,
0.10833670231016082,
0.11556613141702839,
0.12932194430745514,
0.14710043810059584,
0.16636778294590962,
0.18527817506550207,
0.20272139880589793,
0.21818078339615316,
0.23158603895428764,
0.2431893395064444,
0.2534557817184353,
0.26295910019080615,
0.2722814397652089,
0.2819242947947883,
0.2922425328780029,
0.3034118686491032,
0.31543243040280955,
0.32816133634461525,
0.34136085011852063,
0.3547482784085001
],
[
0.33911688602185097,
0.3228455455579047,
0.3050614701795447,
0.2857396020814972,
0.2649455815160975,
0.24285739420428665,
0.21977132423299928,
0.19608124008882466,
0.1722220048962403,
0.14857887147073953,
0.12539214112419658,
0.10273054161243202,
0.0806608706232491,
0.059857689414363396,
0.04335673685925752,
0.03920974347501542,
0.05114588477184924,
0.07054569692898081,
0.09095153004560508,
0.10963125159110747,
0.12523007629491495,
0.13691834133923686,
0.14411662744540718,
0.1464076081870445,
0.14353083673604028,
0.13543073857410273,
0.12235953622911717,
0.10508161561687065,
0.0853480680741758,
0.06712677371450305,
0.05859246378531194,
0.06727737539695235,
0.08859700546207161,
0.11437462636326189,
0.1401747593032094,
0.16397694005134972,
0.18490260756679638,
0.2027121510704634,
0.2175904473070197,
0.23002281891225781,
0.2406926483264851,
0.2503765846428385,
0.25983433971885894,
0.2697045164676159,
0.2804261058510949,
0.29220307705609616,
0.3050168456289629,
0.3186757504050433,
0.33288147483154434,
0.3472932376293426
],
[
0.3595496497848108,
0.3447635204766707,
0.3285945075295064,
0.3110236044834327,
0.2920817857633206,
0.2718492350832282,
0.25044046934423386,
0.22797264244095083,
0.2045197921462029,
0.18006501458928792,
0.1544728750169521,
0.12750893114349307,
0.09892438396528425,
0.06860164280534106,
0.036735405006344986,
0.004241770376527664,
0.028552813932096525,
0.05913054473470831,
0.08664601459889268,
0.11012180914482751,
0.12883421302167333,
0.14225529477530152,
0.15000873906621662,
0.15184204598861953,
0.14761860939218494,
0.13732961928406803,
0.1211234927151306,
0.09934993907995793,
0.07261775909206414,
0.04188584672280785,
0.009345855423408123,
0.02734864836618114,
0.061253707376554715,
0.09322629825585665,
0.12208862679216638,
0.14719062517297585,
0.16828472248916054,
0.18549064353465172,
0.19926161916338067,
0.21033515721371376,
0.2196553911482398,
0.22825881924497438,
0.23712919026355891,
0.2470488456745253,
0.2584896376359402,
0.27157920721703677,
0.2861469396832988,
0.3018207145892333,
0.31813383572052206,
0.3346124726857498
],
[
0.37778563817655475,
0.3645069228322135,
0.3499417413180874,
0.33404773492295714,
0.31680196341375955,
0.2981941205040831,
0.2782131469296315,
0.2568296869552667,
0.23398120212421464,
0.20957177298470928,
0.18350356642989482,
0.15576226552402211,
0.12659447909034566,
0.09688805569409904,
0.06919194183175269,
0.05067426851187907,
0.052972849316135995,
0.07216799413680423,
0.09565413788365304,
0.11756262605791874,
0.13558109173058205,
0.14862127441857134,
0.1561249375540404,
0.15783447979478765,
0.1537093839546715,
0.14390965649282697,
0.12883300839855996,
0.10923131152595306,
0.08651909350129178,
0.06371680915814522,
0.048268326886390094,
0.05173475804316649,
0.07117994581839243,
0.09530541438675365,
0.1186435289296119,
0.1390669865977208,
0.15576713056763547,
0.16865786516757325,
0.1781871130248044,
0.1852453359479905,
0.19106254472941878,
0.19703751231222227,
0.20448564196579644,
0.21436162206734308,
0.22707247943079237,
0.24247038085250314,
0.2600057277049955,
0.2789379665571258,
0.2985111618687557,
0.31805958461418427
],
[
0.39371470627342264,
0.3818396958441974,
0.3687480953118384,
0.3543723107581897,
0.3386494719635005,
0.3215178249328647,
0.302913089925503,
0.282768825884904,
0.26102758726707864,
0.2376726165660479,
0.2127930113225951,
0.18670009855009834,
0.16012268184568554,
0.13452401103213915,
0.11254924351451102,
0.09820113924598554,
0.09514637621870035,
0.10293819109127209,
0.11697921651043303,
0.1324875219500043,
0.1463142270301995,
0.15667885749219834,
0.16265769464146304,
0.16387019700347757,
0.16032359119679188,
0.15235681918342475,
0.14066411679404156,
0.12640881474829602,
0.11144689077072097,
0.09858906551683162,
0.09139171490302243,
0.09243651189087893,
0.10102471837447012,
0.11381191729024837,
0.12733746484762204,
0.13920546783317864,
0.14809194841751006,
0.15354382919702164,
0.15586334052047185,
0.156066926211111,
0.15582678944879888,
0.15725065622451478,
0.1623708492957996,
0.1724558626565282,
0.1875982717482254,
0.2068996638699947,
0.22900770057191894,
0.2525748835436914,
0.276481921561813,
0.2998896872538301
],
[
0.40733717680027853,
0.3967097320893253,
0.3849241504891778,
0.37189734288373927,
0.35754774741729856,
0.3417971297841954,
0.3245758734182051,
0.30583528258149756,
0.285571657524288,
0.26386780713133884,
0.24095787810759986,
0.21732016066904739,
0.19379704862848102,
0.17172105987334893,
0.1529622269464247,
0.13967674137837421,
0.13348382993811536,
0.13435683210388874,
0.14038593837162397,
0.14879763982618255,
0.1570821724042186,
0.16346100257916696,
0.16689126915878083,
0.16693815659451516,
0.16365489388383897,
0.15749892362102857,
0.14928346274302332,
0.14015481755354203,
0.13155712489427895,
0.1250832625696277,
0.12207923981940778,
0.12305591329173718,
0.12733777597017296,
0.13332202515925348,
0.13910379488667282,
0.14299288166783286,
0.14377894157390786,
0.14085681827777402,
0.13434511981402553,
0.12528762546755365,
0.11596189997716498,
0.1100514503971534,
0.11176321249552003,
0.12331726431332851,
0.14347616875398653,
0.16921857901980944,
0.19773949335226584,
0.22704405693893964,
0.25583348138084894,
0.28329362581617873
],
[
0.4187469177975284,
0.40919439179829453,
0.39853808082617115,
0.3866885897093091,
0.37355955920371714,
0.3590732846150438,
0.34317064331788355,
0.3258275362903706,
0.30708019682035115,
0.2870612703026865,
0.2660470770317218,
0.2445131025755022,
0.22318773613293774,
0.20308022421240862,
0.18543459207108967,
0.17153706303443117,
0.16233383742046542,
0.1579788775176811,
0.15763444689915287,
0.15974026806192382,
0.16255508074804212,
0.16461444144828366,
0.16496283829453923,
0.16321319870653841,
0.15950985054965855,
0.15442867688376088,
0.14882508547792764,
0.14364691637631646,
0.13974307406817654,
0.1376969284445505,
0.1376996020551651,
0.13947724938335157,
0.14229833625126093,
0.14507543867943845,
0.14653559953745432,
0.1454080187199082,
0.14059155176179997,
0.1312973887791416,
0.11719760126905011,
0.09867197545682733,
0.07745736697592355,
0.058747876970461244,
0.05478887047845724,
0.07300314554526785,
0.10362297118911555,
0.1384231750867652,
0.17393275949252188,
0.20854073419410907,
0.2413821985733161,
0.2719713203957076
],
[
0.4280942828078027,
0.4194407615811103,
0.4097325785832999,
0.3988779218366859,
0.38678927267970736,
0.3733902678867345,
0.35862619051878447,
0.3424791249329669,
0.3249885061733298,
0.30627703646305454,
0.286580549049263,
0.266278119482063,
0.24591515880113812,
0.22620685430932488,
0.20800222969104007,
0.19218377954578802,
0.17948648481687365,
0.17026316830724578,
0.1642968097711214,
0.16079207561492556,
0.15858941099715188,
0.1565046896397864,
0.1536547581826094,
0.14968438610166462,
0.1448535858652823,
0.13994285213530938,
0.13595204895726729,
0.13367599049713744,
0.13338595694234762,
0.13482065752794506,
0.13742206792492312,
0.14055421778162927,
0.14354937559042527,
0.14563951812365342,
0.1459075054098226,
0.14332823753954327,
0.1368829493269979,
0.12569503441662094,
0.10914926194890395,
0.08698368417513773,
0.0593709324697145,
0.027148184940998764,
0.012068821112568514,
0.049486350062264296,
0.08909129327471735,
0.1285344647427271,
0.16682187720258854,
0.20326626664849426,
0.23740227655038484,
0.2689423726143881
],
[
0.43555498587534863,
0.4276270290533966,
0.41868438621635495,
0.4086322440688343,
0.3973790530844068,
0.3848426393465941,
0.3709588416155219,
0.3556930452876327,
0.339054683900798,
0.32111429201192887,
0.3020220315480927,
0.28202580751743933,
0.2614861295380796,
0.24088358421791653,
0.22081265218390186,
0.20195193368772432,
0.18499613303298382,
0.17053489408674316,
0.158881865368108,
0.1499063438589624,
0.1429746484311817,
0.137099094375788,
0.13129304016595042,
0.12501790332174528,
0.11854124360591019,
0.11297265016595247,
0.10975254908340423,
0.10971409276004532,
0.11249297885730518,
0.11691759194726792,
0.12185143072884977,
0.12662144557004168,
0.13088337359419752,
0.1342718012141901,
0.13617109888656823,
0.13572598137170955,
0.1320252097432824,
0.12434750876092883,
0.11242753441301627,
0.09682418932362313,
0.07969613941220945,
0.06655251874471833,
0.06685655977571424,
0.08444160911593818,
0.11280147647061235,
0.1456441437040419,
0.17966328615777044,
0.21314248759924564,
0.2451184848545857,
0.27503538296079244
],
[
0.44130957860870396,
0.43394153572625116,
0.42558800150945264,
0.4161492359235484,
0.40552567633482256,
0.39362231806945713,
0.3803546592418217,
0.365656337168625,
0.3494884405167504,
0.3318503278580265,
0.312791683872958,
0.29242557801986396,
0.27094250176028495,
0.24862565117400198,
0.22586764676030396,
0.2031873072248208,
0.1812397427651906,
0.16080051021095443,
0.14268383123113582,
0.12754172764152588,
0.1155414883989572,
0.10609074642457185,
0.09794519775215482,
0.08988053742472071,
0.0816675261500475,
0.07473502743821855,
0.07160953214730503,
0.07361788648104552,
0.07932330620639047,
0.08621719596822248,
0.09284509151881613,
0.09911240298020384,
0.10548612410723081,
0.11212112205275264,
0.11850505948043118,
0.12366394279954121,
0.12659733316578495,
0.12667252824390454,
0.12392530414505193,
0.11932053594490967,
0.11496584947460733,
0.11399796207490848,
0.11955186199078673,
0.13300273353538145,
0.1533425035694385,
0.17833807648509895,
0.20578986362172985,
0.23400515765878424,
0.2618037108536097,
0.28840452718942317
],
[
0.44552863501875517,
0.43856726714861183,
0.43064112299061014,
0.4216451857093428,
0.4114708589162723,
0.4000084995911637,
0.38715086012350053,
0.37279753788624104,
0.35686051996921714,
0.3392709460726259,
0.31998733771844806,
0.29900579981311864,
0.27637311393583297,
0.25220418936902284,
0.2267059265380331,
0.20020998574872312,
0.17321681794414281,
0.14645130455228836,
0.12092162022508682,
0.09794028003809184,
0.07896646203064694,
0.06496625837503202,
0.05526223639413259,
0.04725658971630912,
0.03844553484956592,
0.029289053919680882,
0.02525501185411948,
0.030590854209571573,
0.039490985842592564,
0.04717872589663184,
0.05345840382607623,
0.06053773412064255,
0.07044927573814944,
0.08322585877750428,
0.09732291494429386,
0.11091476773036645,
0.12263670742715993,
0.13181700483622524,
0.13852091937206545,
0.14352918894978006,
0.14823050214080175,
0.15434546795605558,
0.16344925106982122,
0.17645728717167533,
0.19338816059448377,
0.21353334265225538,
0.2358341106802647,
0.2592060516489709,
0.28271531554049245,
0.30563694731894825
],
[
0.4483593204327211,
0.4416644187038857,
0.4340216203183511,
0.4253233132146586,
0.4154555000045482,
0.4042989333259982,
0.3917307987335414,
0.37762709928019295,
0.36186596371935204,
0.34433221071670916,
0.3249236631413407,
0.3035599138938153,
0.28019446789030883,
0.2548313615774579,
0.227547397335336,
0.19852091109568362,
0.168067410094058,
0.1366814249259608,
0.1050826946154775,
0.07426471098621182,
0.045554852620086454,
0.020838092132169653,
0.007051146154190096,
0.015532309186742916,
0.021505459652397457,
0.02317360296352673,
0.02384987170958192,
0.025123305230527974,
0.02465181644976326,
0.019635262503950313,
0.010916213831149067,
0.016280551688729595,
0.03632515901452679,
0.05935910876864703,
0.08239779888945524,
0.10384624983742195,
0.12279058053647507,
0.13890090509782071,
0.15237953441559654,
0.16388667365830106,
0.17441424435069372,
0.185091738615411,
0.19694228592236018,
0.2106568053170808,
0.22647374431231732,
0.24420458082730973,
0.2633660661588405,
0.2833409403207862,
0.3035078725010857,
0.3233208480501464
],
[
0.4499138527393672,
0.44335249585899694,
0.43586002829787396,
0.42733173481789205,
0.41765593042294097,
0.40671442614440345,
0.39438340320340226,
0.3805349360779571,
0.36503953358801705,
0.347770237365855,
0.3286090255032644,
0.3074565039742991,
0.284246114608211,
0.2589643482547264,
0.23167880278627015,
0.20257667844747296,
0.17201847402346213,
0.14061853763150847,
0.10938710909370654,
0.08004788612214743,
0.055876029125940696,
0.0429904163409683,
0.04511374704838512,
0.05429530861785059,
0.06254978762104099,
0.0674032142978828,
0.06881387086015155,
0.06699391659277035,
0.06167576143164048,
0.05273646039832349,
0.04193392456537339,
0.035933733243673,
0.04372615832385227,
0.06232754501355655,
0.08454883777320152,
0.10679697772511494,
0.12752508519309505,
0.14616524420164465,
0.16274323354161696,
0.17768047663101463,
0.19163349384424155,
0.2053340274085522,
0.21943540364787828,
0.23439149596786113,
0.25039568952188035,
0.26738849785256225,
0.2851174091086701,
0.3032187700806319,
0.32129462362355315,
0.33896975811483127
],
[
0.45026445354228967,
0.4436995671325142,
0.436219979987137,
0.4277306854512127,
0.4181319910236777,
0.4073200813212592,
0.3951879564594768,
0.38162705239019723,
0.36653003454144517,
0.34979549990923403,
0.3313356271366843,
0.31108818258986687,
0.2890347456665814,
0.2652276385868883,
0.23982904264182708,
0.21316758748233544,
0.18582093953151246,
0.15873719170123896,
0.1334038264547395,
0.11200749687435058,
0.09723795077997098,
0.09095542435792794,
0.09213442391994896,
0.0971410551606888,
0.10235659491016436,
0.10565529262518498,
0.10620367115750269,
0.10381513836751191,
0.09861684026956441,
0.09124036851106675,
0.08335260952457997,
0.07797010720530953,
0.07850218781525958,
0.08628314900418145,
0.09966010215330263,
0.11597431383203692,
0.13322412107072948,
0.15033372631370578,
0.16691447073362609,
0.182999623213813,
0.1988367504186145,
0.21473312041189418,
0.23094719546140247,
0.24762436164613308,
0.26477428257964924,
0.2822822325717398,
0.299942068783428,
0.31749743427374266,
0.3346805173665473,
0.35124222810204114
],
[
0.4494503002568309,
0.44272728151442964,
0.43509957403613553,
0.4264879262107974,
0.4168135839902873,
0.40599962552018903,
0.3939726045948445,
0.38066477184796504,
0.36601734662565005,
0.3499855901819023,
0.3325467774305868,
0.3137125580544271,
0.29354759164668714,
0.2721966426876031,
0.24992230867441068,
0.22715460378169716,
0.20454990378711804,
0.18304543592380906,
0.16386683690310191,
0.1483943283280065,
0.1377667654311345,
0.13227231895493338,
0.1309774899877909,
0.1320673913119683,
0.13364681452919552,
0.1343344857090786,
0.1333935654406569,
0.13059266303874392,
0.12607152900193785,
0.12034329589407258,
0.11437288868898114,
0.10954241565564934,
0.1073321199211427,
0.10877461927539117,
0.11407250791909945,
0.1227277738224914,
0.134000023098784,
0.14725971270027693,
0.1620830834924022,
0.1781938302603884,
0.1953770822830845,
0.2134223570529163,
0.23210091606972838,
0.25116484481253315,
0.2703556966240084,
0.28941589148088437,
0.308099999402644,
0.32618473122214314,
0.3434769432856771,
0.3598191601547017
],
[
0.4474996342074013,
0.44043666508961493,
0.43246108791408006,
0.4235126283768195,
0.41353918747627294,
0.40249956999831454,
0.39036634313492485,
0.3771288691439724,
0.36279669323724817,
0.34740367951466333,
0.3310135608383835,
0.31372784244895446,
0.29569713012424376,
0.2771366673429916,
0.25834569721315787,
0.2397275061028525,
0.22180179668292757,
0.2051931092141029,
0.19057123376930665,
0.1785227368365704,
0.16936567251699253,
0.16298499704753988,
0.15880830495169074,
0.15597726089587577,
0.1536275271433029,
0.15111716144836485,
0.14810697507217868,
0.14451104035470091,
0.1404011631721132,
0.1359380924537884,
0.13134785072355143,
0.1269215098876795,
0.123024350119257,
0.12012882098166419,
0.11887454670334523,
0.12009060917468992,
0.12466615611352215,
0.1332462213803262,
0.14593984261847973,
0.16227840150230458,
0.18142583319895705,
0.20244528778009346,
0.22447798903042676,
0.24681738093497427,
0.2689177778724977,
0.29037465179148425,
0.3108977151512262,
0.3302859933864584,
0.34840772034796264,
0.36518507253806765
],
[
0.44446581163952814,
0.43685365638284057,
0.42828808596112483,
0.41872652288087614,
0.4081440384474164,
0.3965382257286485,
0.38393400753528245,
0.3703879843007779,
0.355991857690663,
0.3408744535719319,
0.32520194115239764,
0.30917600457124267,
0.29302990302280724,
0.27702238802306345,
0.26142908477647264,
0.24653002540216792,
0.23259082436787,
0.21983466743653865,
0.2084048846348612,
0.1983250278011968,
0.18947341179777633,
0.18159482720641987,
0.17436413665058909,
0.16749245220046044,
0.16083761185563153,
0.15446450339670012,
0.1486097388740128,
0.14354225067061557,
0.13936965261294934,
0.13589099412156186,
0.13259041715902112,
0.12879082672527195,
0.12391131641389481,
0.11776737712260434,
0.11089411625920961,
0.10485718980535015,
0.10229830736480057,
0.10609977545998465,
0.1176469443137357,
0.13602155309359876,
0.15907307356278239,
0.18469269106124842,
0.21128374286267915,
0.23775092622650534,
0.2633764937528939,
0.28770802435286424,
0.310476575404481,
0.3315397533748272,
0.3508423437086348,
0.3683889990534361
],
[
0.4404712268620233,
0.43208699461409406,
0.4226609012394008,
0.41216112077517636,
0.40058365343408525,
0.38796036602672634,
0.37436709955630304,
0.3599308994196689,
0.3448349416251705,
0.3293191912178153,
0.3136743791219159,
0.2982268064383419,
0.28331221789642275,
0.26923898911316824,
0.2562442678690002,
0.24445076043308034,
0.23383474742318855,
0.22421554978565547,
0.21527243241790495,
0.20658888469959477,
0.19771976782291067,
0.18827563299955505,
0.17801879644118207,
0.16696348979083658,
0.15546319214100132,
0.14424742445950373,
0.13433679899335818,
0.12674733829589535,
0.12198897445889721,
0.11962340928323612,
0.11827483921363392,
0.11612664952662573,
0.1115290918948172,
0.10344857829242417,
0.09183087569543294,
0.07819628208704031,
0.06690212430558204,
0.0657711827682705,
0.07962656252788804,
0.10441977215906571,
0.13443946672868864,
0.16625932043410543,
0.19803441313507988,
0.22872546824090226,
0.25773237971837404,
0.2847209464055246,
0.3095295909510493,
0.33211238920208935,
0.35250116509888374,
0.37077908164801293
],
[
0.43574876589860834,
0.42638561802644653,
0.4158349144376897,
0.4040625856146094,
0.3910714311722482,
0.3769134267338021,
0.3617030914863441,
0.34563066927412256,
0.32897278848372985,
0.31209669173845495,
0.29545220452018295,
0.2795440708682651,
0.2648779204552465,
0.25187876522457947,
0.24079344245902926,
0.23160432394793357,
0.22398936807365497,
0.21735133680605853,
0.21091024438378622,
0.20382883417690204,
0.19533846049749398,
0.1848487838562025,
0.17204369745070913,
0.15697770997782615,
0.14019050172795197,
0.1228489639048731,
0.10687092142517805,
0.09477549455158067,
0.08867008958241734,
0.08843295647719679,
0.09124544818364655,
0.09337375530622774,
0.09180019021857666,
0.08462926263001642,
0.07096946683532797,
0.05085480575117764,
0.0259387982857217,
0.01669682344062394,
0.04712370908246294,
0.08330777839014043,
0.12039534179559655,
0.15697156763954728,
0.19217287796175642,
0.2254313142352401,
0.2563926222803613,
0.28486522944402026,
0.3107805126712013,
0.33416038765768336,
0.35509099480398154,
0.3737017389695567
],
[
0.4306674214262056,
0.42017842995265625,
0.4083004262907772,
0.3949792554048982,
0.3802027376182006,
0.364017591008419,
0.3465496049873038,
0.3280264247794844,
0.3088008726891326,
0.28936993958149126,
0.2703797322858499,
0.25259980230637874,
0.23684461772306395,
0.22382547540334896,
0.21394767373169482,
0.20712362792425676,
0.20270584649512716,
0.1995940476463726,
0.19646374166421665,
0.19200583109262015,
0.18510105967055293,
0.17491903463594574,
0.16096987911661526,
0.14314363529801785,
0.12177182256153929,
0.09776618069932975,
0.07299759982501745,
0.051472993857100885,
0.041513306107212385,
0.04817886763820947,
0.06173576866274394,
0.07334186620235897,
0.07938711771621487,
0.07858956841561732,
0.07101893883054004,
0.05839035356889157,
0.0461907452312751,
0.047018247991546636,
0.06697195035955214,
0.09717960977129984,
0.1310903000375113,
0.1658005430943057,
0.19982074493339058,
0.23228466822218202,
0.2626765974450855,
0.29070964110558295,
0.3162563381450916,
0.3393021036587315,
0.3599112668188063,
0.3782014440345513
],
[
0.4257278868424922,
0.4140768381656945,
0.40079795577294386,
0.3857984486622622,
0.36902568099357225,
0.35048704972223105,
0.330275786981724,
0.3086039358826608,
0.28584333167460946,
0.2625734747781397,
0.23962915160791445,
0.21812544126018404,
0.19940779298433603,
0.1848411327381963,
0.17538169473473367,
0.17106926080107532,
0.1708150135641205,
0.1727160723406901,
0.17464563167586894,
0.17471623637137376,
0.17148255979191485,
0.1639708702331152,
0.1516457831008673,
0.13437556881321072,
0.11242010830111503,
0.08645689070883693,
0.05770983573298803,
0.02881456611769566,
0.01666624038094232,
0.0387998665730223,
0.06235897793745885,
0.0811619343843096,
0.09399005006756232,
0.10080742220094986,
0.10262712287325818,
0.10171246163471284,
0.10166826698222244,
0.10665522732859213,
0.1193053445394853,
0.13931431716150228,
0.16449956596835108,
0.1924817015563064,
0.22140262151826873,
0.24997515942460094,
0.27735706761800855,
0.3030264063160282,
0.326688194138129,
0.34820762526286986,
0.36756195598769714,
0.3848053040128007
],
[
0.42151738000048455,
0.40882270830113904,
0.39426192085667056,
0.37769208037335955,
0.3590009746253557,
0.3381260279247574,
0.3150801269014793,
0.2899873483077891,
0.2631334774987196,
0.23503934651676958,
0.20656905169936896,
0.17908426500475172,
0.154620467838952,
0.13589689655465237,
0.1256148479467731,
0.12469522406201186,
0.1310684159010436,
0.1409159655710878,
0.15066935463912406,
0.15780855877496544,
0.16079126474894176,
0.1588153592100654,
0.15166087030842249,
0.13964411269059077,
0.12369448136026207,
0.10560938380855019,
0.08858002120636523,
0.07765276340681848,
0.07773767475855282,
0.08828378661698588,
0.10383515225613048,
0.11950421315019367,
0.13263290146730175,
0.1422854427604649,
0.1487632860760198,
0.1533231285783042,
0.15788249393067827,
0.16453121864355771,
0.17486831899244487,
0.18949037176375663,
0.20797288178170004,
0.22926957068591644,
0.25216851578049876,
0.2755783791666397,
0.2986391768962458,
0.3207316614117295,
0.3414453527471294,
0.36053625399173217,
0.3778868073675737,
0.3934720009858499
],
[
0.4186231345699761,
0.40517629894342594,
0.3896777559854979,
0.37193886682737376,
0.3517892355654353,
0.32909127405002525,
0.30375970436559274,
0.2757880394134738,
0.24528592335752414,
0.21253581185222278,
0.1780900910603001,
0.14296772899994417,
0.10913098236775046,
0.08074659923705524,
0.06618932784297313,
0.07226521492661744,
0.09157392196340847,
0.11380241408238748,
0.1338601477379222,
0.14959291315029724,
0.16011068833764922,
0.16521110107912926,
0.16520625641665032,
0.1609043091578817,
0.15366106900355397,
0.14543288594774914,
0.13868217029180271,
0.13587220544013345,
0.1384722126889603,
0.14615703666646399,
0.15711073555410413,
0.1691136195594283,
0.18041365218292804,
0.19006218543069822,
0.1979195838740099,
0.2045185876508884,
0.21084528964364024,
0.2180489917838697,
0.22712136544606149,
0.23863897336629236,
0.25266491205993774,
0.26882583949784644,
0.28648932339704547,
0.3049442663550056,
0.3235281494323537,
0.34169287552001626,
0.35902508465157845,
0.37524017400924203,
0.39016424083021173,
0.4037123892113473
],
[
0.4175209086789776,
0.4037630417114045,
0.3878713460939767,
0.3696353978649394,
0.34885635109021834,
0.3253586620969357,
0.29900493273763423,
0.269714287087412,
0.2374846402663082,
0.20241909719466714,
0.16475650505515588,
0.12490584653669093,
0.08348368785625669,
0.041353352551827954,
0.00035531279409822917,
0.040145640140830254,
0.07666621819502863,
0.10883583445631362,
0.135937598514877,
0.15757996217416426,
0.17368719974653277,
0.18450105914364215,
0.19059155463670066,
0.1928686741251596,
0.1925744603529134,
0.19121635676387397,
0.1903898527445264,
0.1914675454026507,
0.19523763788038873,
0.20169375786355953,
0.2101368014166341,
0.21952890218297877,
0.22888546957422776,
0.23754330789374345,
0.24526921952132869,
0.25224113693822564,
0.2589420892177616,
0.2660013041827288,
0.27401922961183983,
0.2834197901832241,
0.2943680545963752,
0.30676746666726723,
0.32031985909990907,
0.3346134282543794,
0.34920628525733866,
0.36368766727504553,
0.37771321351286613,
0.3910189098146694,
0.4034207227613281,
0.41480618612284464
]
]
},
{
"hoverinfo": "text",
"legendgroup": "In-sample",
"marker": {
"color": "black",
"opacity": 0.5,
"symbol": 1
},
"mode": "markers",
"name": "In-sample",
"text": [
"0_0",
"1_0",
"2_0",
"3_0",
"4_0",
"5_0",
"6_0",
"7_0",
"8_0",
"9_0",
"10_0",
"11_0",
"12_0",
"13_0",
"14_0",
"15_0",
"16_0",
"17_0",
"18_0",
"19_0"
],
"type": "scatter",
"x": [
0.056682432401885086,
1.409868160812442e-05,
2.8992183872545803e-05,
3.609248579887646e-06,
0.0028672228126606,
0.003094395608496112,
3.613123629849607e-05,
0.00030914351074081174,
0.05912168467120189,
0.0015265928589417658,
2.405059854295084e-06,
0.00016052113357904702,
1.8467034101346328e-05,
0.00020500781780167653,
5.338330212721879e-05,
0.015628464942176457,
3.977874281287159e-05,
0.40000000000000013,
0.39999999999999764,
0.0008918200730215226
],
"xaxis": "x",
"y": [
0.3725475072860718,
0.47670205868780613,
0.4057083874940872,
0.3690921775996685,
0.5733062829822302,
0.7595207300037146,
0.30577862821519375,
0.7581885606050491,
0.6712648179382086,
0.93352553807199,
0.371352787129581,
0.4502947647124529,
0.0039087261012891875,
0.045616861992247154,
0.5706998784986377,
0.9028669733090268,
0.9999999999999812,
1.0,
0.0,
0.745181368720066
],
"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",
"1_0",
"2_0",
"3_0",
"4_0",
"5_0",
"6_0",
"7_0",
"8_0",
"9_0",
"10_0",
"11_0",
"12_0",
"13_0",
"14_0",
"15_0",
"16_0",
"17_0",
"18_0",
"19_0"
],
"type": "scatter",
"x": [
0.056682432401885086,
1.409868160812442e-05,
2.8992183872545803e-05,
3.609248579887646e-06,
0.0028672228126606,
0.003094395608496112,
3.613123629849607e-05,
0.00030914351074081174,
0.05912168467120189,
0.0015265928589417658,
2.405059854295084e-06,
0.00016052113357904702,
1.8467034101346328e-05,
0.00020500781780167653,
5.338330212721879e-05,
0.015628464942176457,
3.977874281287159e-05,
0.40000000000000013,
0.39999999999999764,
0.0008918200730215226
],
"xaxis": "x2",
"y": [
0.3725475072860718,
0.47670205868780613,
0.4057083874940872,
0.3690921775996685,
0.5733062829822302,
0.7595207300037146,
0.30577862821519375,
0.7581885606050491,
0.6712648179382086,
0.93352553807199,
0.371352787129581,
0.4502947647124529,
0.0039087261012891875,
0.045616861992247154,
0.5706998784986377,
0.9028669733090268,
0.9999999999999812,
1.0,
0.0,
0.745181368720066
],
"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.0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1.0,
"#f0f921"
]
],
"type": "contour"
}
],
"contourcarpet": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"type": "contourcarpet"
}
],
"heatmap": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0.0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1.0,
"#f0f921"
]
],
"type": "heatmap"
}
],
"heatmapgl": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0.0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1.0,
"#f0f921"
]
],
"type": "heatmapgl"
}
],
"histogram": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "histogram"
}
],
"histogram2d": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0.0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1.0,
"#f0f921"
]
],
"type": "histogram2d"
}
],
"histogram2dcontour": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0.0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1.0,
"#f0f921"
]
],
"type": "histogram2dcontour"
}
],
"mesh3d": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"type": "mesh3d"
}
],
"parcoords": [
{
"line": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "parcoords"
}
],
"pie": [
{
"automargin": true,
"type": "pie"
}
],
"scatter": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scatter"
}
],
"scatter3d": [
{
"line": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scatter3d"
}
],
"scattercarpet": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scattercarpet"
}
],
"scattergeo": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scattergeo"
}
],
"scattergl": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scattergl"
}
],
"scattermapbox": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scattermapbox"
}
],
"scatterpolar": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scatterpolar"
}
],
"scatterpolargl": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scatterpolargl"
}
],
"scatterternary": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scatterternary"
}
],
"surface": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0.0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1.0,
"#f0f921"
]
],
"type": "surface"
}
],
"table": [
{
"cells": {
"fill": {
"color": "#EBF0F8"
},
"line": {
"color": "white"
}
},
"header": {
"fill": {
"color": "#C8D4E3"
},
"line": {
"color": "white"
}
},
"type": "table"
}
]
},
"layout": {
"annotationdefaults": {
"arrowcolor": "#2a3f5f",
"arrowhead": 0,
"arrowwidth": 1
},
"coloraxis": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"colorscale": {
"diverging": [
[
0,
"#8e0152"
],
[
0.1,
"#c51b7d"
],
[
0.2,
"#de77ae"
],
[
0.3,
"#f1b6da"
],
[
0.4,
"#fde0ef"
],
[
0.5,
"#f7f7f7"
],
[
0.6,
"#e6f5d0"
],
[
0.7,
"#b8e186"
],
[
0.8,
"#7fbc41"
],
[
0.9,
"#4d9221"
],
[
1,
"#276419"
]
],
"sequential": [
[
0.0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1.0,
"#f0f921"
]
],
"sequentialminus": [
[
0.0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1.0,
"#f0f921"
]
]
},
"colorway": [
"#636efa",
"#EF553B",
"#00cc96",
"#ab63fa",
"#FFA15A",
"#19d3f3",
"#FF6692",
"#B6E880",
"#FF97FF",
"#FECB52"
],
"font": {
"color": "#2a3f5f"
},
"geo": {
"bgcolor": "white",
"lakecolor": "white",
"landcolor": "#E5ECF6",
"showlakes": true,
"showland": true,
"subunitcolor": "white"
},
"hoverlabel": {
"align": "left"
},
"hovermode": "closest",
"mapbox": {
"style": "light"
},
"paper_bgcolor": "white",
"plot_bgcolor": "#E5ECF6",
"polar": {
"angularaxis": {
"gridcolor": "white",
"linecolor": "white",
"ticks": ""
},
"bgcolor": "#E5ECF6",
"radialaxis": {
"gridcolor": "white",
"linecolor": "white",
"ticks": ""
}
},
"scene": {
"xaxis": {
"backgroundcolor": "#E5ECF6",
"gridcolor": "white",
"gridwidth": 2,
"linecolor": "white",
"showbackground": true,
"ticks": "",
"zerolinecolor": "white"
},
"yaxis": {
"backgroundcolor": "#E5ECF6",
"gridcolor": "white",
"gridwidth": 2,
"linecolor": "white",
"showbackground": true,
"ticks": "",
"zerolinecolor": "white"
},
"zaxis": {
"backgroundcolor": "#E5ECF6",
"gridcolor": "white",
"gridwidth": 2,
"linecolor": "white",
"showbackground": true,
"ticks": "",
"zerolinecolor": "white"
}
},
"shapedefaults": {
"line": {
"color": "#2a3f5f"
}
},
"ternary": {
"aaxis": {
"gridcolor": "white",
"linecolor": "white",
"ticks": ""
},
"baxis": {
"gridcolor": "white",
"linecolor": "white",
"ticks": ""
},
"bgcolor": "#E5ECF6",
"caxis": {
"gridcolor": "white",
"linecolor": "white",
"ticks": ""
}
},
"title": {
"x": 0.05
},
"xaxis": {
"automargin": true,
"gridcolor": "white",
"linecolor": "white",
"ticks": "",
"title": {
"standoff": 15
},
"zerolinecolor": "white",
"zerolinewidth": 2
},
"yaxis": {
"automargin": true,
"gridcolor": "white",
"linecolor": "white",
"ticks": "",
"title": {
"standoff": 15
},
"zerolinecolor": "white",
"zerolinewidth": 2
}
}
},
"width": 950,
"xaxis": {
"anchor": "y",
"autorange": false,
"domain": [
0.05,
0.45
],
"exponentformat": "e",
"range": [
-6.0,
-0.3979400086720376
],
"tickfont": {
"size": 11
},
"tickmode": "auto",
"title": {
"text": "lr"
},
"type": "log"
},
"xaxis2": {
"anchor": "y2",
"autorange": false,
"domain": [
0.6,
1
],
"exponentformat": "e",
"range": [
-6.0,
-0.3979400086720376
],
"tickfont": {
"size": 11
},
"tickmode": "auto",
"title": {
"text": "lr"
},
"type": "log"
},
"yaxis": {
"anchor": "x",
"autorange": false,
"domain": [
0,
1
],
"exponentformat": "e",
"range": [
0.0,
1.0
],
"tickfont": {
"size": 11
},
"tickmode": "auto",
"title": {
"text": "momentum"
},
"type": "linear"
},
"yaxis2": {
"anchor": "x2",
"autorange": false,
"domain": [
0,
1
],
"exponentformat": "e",
"range": [
0.0,
1.0
],
"tickfont": {
"size": 11
},
"tickmode": "auto",
"type": "linear"
}
}
},
"text/html": [
"\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.516666666666667,
74.03333333333333,
86.16666666666667,
86.16666666666667,
86.16666666666667,
92.4,
92.4,
95.98333333333333,
95.98333333333333,
95.98333333333333,
95.98333333333333,
95.98333333333333,
95.98333333333333,
95.98333333333333,
95.98333333333333,
95.98333333333333,
95.98333333333333,
95.98333333333333,
95.98333333333333,
97.38333333333333,
97.38333333333333,
97.38333333333333,
97.38333333333333,
97.38333333333333,
97.38333333333333,
97.38333333333333,
97.38333333333333,
97.38333333333333,
97.38333333333333,
97.38333333333333
]
},
{
"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.516666666666667,
74.03333333333333,
86.16666666666667,
86.16666666666667,
86.16666666666667,
92.4,
92.4,
95.98333333333333,
95.98333333333333,
95.98333333333333,
95.98333333333333,
95.98333333333333,
95.98333333333333,
95.98333333333333,
95.98333333333333,
95.98333333333333,
95.98333333333333,
95.98333333333333,
95.98333333333333,
97.38333333333333,
97.38333333333333,
97.38333333333333,
97.38333333333333,
97.38333333333333,
97.38333333333333,
97.38333333333333,
97.38333333333333,
97.38333333333333,
97.38333333333333,
97.38333333333333
]
},
{
"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.516666666666667,
74.03333333333333,
86.16666666666667,
86.16666666666667,
86.16666666666667,
92.4,
92.4,
95.98333333333333,
95.98333333333333,
95.98333333333333,
95.98333333333333,
95.98333333333333,
95.98333333333333,
95.98333333333333,
95.98333333333333,
95.98333333333333,
95.98333333333333,
95.98333333333333,
95.98333333333333,
97.38333333333333,
97.38333333333333,
97.38333333333333,
97.38333333333333,
97.38333333333333,
97.38333333333333,
97.38333333333333,
97.38333333333333,
97.38333333333333,
97.38333333333333,
97.38333333333333
]
}
],
"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.0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1.0,
"#f0f921"
]
],
"type": "contour"
}
],
"contourcarpet": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"type": "contourcarpet"
}
],
"heatmap": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0.0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1.0,
"#f0f921"
]
],
"type": "heatmap"
}
],
"heatmapgl": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0.0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1.0,
"#f0f921"
]
],
"type": "heatmapgl"
}
],
"histogram": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "histogram"
}
],
"histogram2d": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0.0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1.0,
"#f0f921"
]
],
"type": "histogram2d"
}
],
"histogram2dcontour": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0.0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1.0,
"#f0f921"
]
],
"type": "histogram2dcontour"
}
],
"mesh3d": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"type": "mesh3d"
}
],
"parcoords": [
{
"line": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "parcoords"
}
],
"pie": [
{
"automargin": true,
"type": "pie"
}
],
"scatter": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scatter"
}
],
"scatter3d": [
{
"line": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scatter3d"
}
],
"scattercarpet": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scattercarpet"
}
],
"scattergeo": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scattergeo"
}
],
"scattergl": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scattergl"
}
],
"scattermapbox": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scattermapbox"
}
],
"scatterpolar": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scatterpolar"
}
],
"scatterpolargl": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scatterpolargl"
}
],
"scatterternary": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scatterternary"
}
],
"surface": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0.0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1.0,
"#f0f921"
]
],
"type": "surface"
}
],
"table": [
{
"cells": {
"fill": {
"color": "#EBF0F8"
},
"line": {
"color": "white"
}
},
"header": {
"fill": {
"color": "#C8D4E3"
},
"line": {
"color": "white"
}
},
"type": "table"
}
]
},
"layout": {
"annotationdefaults": {
"arrowcolor": "#2a3f5f",
"arrowhead": 0,
"arrowwidth": 1
},
"coloraxis": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"colorscale": {
"diverging": [
[
0,
"#8e0152"
],
[
0.1,
"#c51b7d"
],
[
0.2,
"#de77ae"
],
[
0.3,
"#f1b6da"
],
[
0.4,
"#fde0ef"
],
[
0.5,
"#f7f7f7"
],
[
0.6,
"#e6f5d0"
],
[
0.7,
"#b8e186"
],
[
0.8,
"#7fbc41"
],
[
0.9,
"#4d9221"
],
[
1,
"#276419"
]
],
"sequential": [
[
0.0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1.0,
"#f0f921"
]
],
"sequentialminus": [
[
0.0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1.0,
"#f0f921"
]
]
},
"colorway": [
"#636efa",
"#EF553B",
"#00cc96",
"#ab63fa",
"#FFA15A",
"#19d3f3",
"#FF6692",
"#B6E880",
"#FF97FF",
"#FECB52"
],
"font": {
"color": "#2a3f5f"
},
"geo": {
"bgcolor": "white",
"lakecolor": "white",
"landcolor": "#E5ECF6",
"showlakes": true,
"showland": true,
"subunitcolor": "white"
},
"hoverlabel": {
"align": "left"
},
"hovermode": "closest",
"mapbox": {
"style": "light"
},
"paper_bgcolor": "white",
"plot_bgcolor": "#E5ECF6",
"polar": {
"angularaxis": {
"gridcolor": "white",
"linecolor": "white",
"ticks": ""
},
"bgcolor": "#E5ECF6",
"radialaxis": {
"gridcolor": "white",
"linecolor": "white",
"ticks": ""
}
},
"scene": {
"xaxis": {
"backgroundcolor": "#E5ECF6",
"gridcolor": "white",
"gridwidth": 2,
"linecolor": "white",
"showbackground": true,
"ticks": "",
"zerolinecolor": "white"
},
"yaxis": {
"backgroundcolor": "#E5ECF6",
"gridcolor": "white",
"gridwidth": 2,
"linecolor": "white",
"showbackground": true,
"ticks": "",
"zerolinecolor": "white"
},
"zaxis": {
"backgroundcolor": "#E5ECF6",
"gridcolor": "white",
"gridwidth": 2,
"linecolor": "white",
"showbackground": true,
"ticks": "",
"zerolinecolor": "white"
}
},
"shapedefaults": {
"line": {
"color": "#2a3f5f"
}
},
"ternary": {
"aaxis": {
"gridcolor": "white",
"linecolor": "white",
"ticks": ""
},
"baxis": {
"gridcolor": "white",
"linecolor": "white",
"ticks": ""
},
"bgcolor": "#E5ECF6",
"caxis": {
"gridcolor": "white",
"linecolor": "white",
"ticks": ""
}
},
"title": {
"x": 0.05
},
"xaxis": {
"automargin": true,
"gridcolor": "white",
"linecolor": "white",
"ticks": "",
"title": {
"standoff": 15
},
"zerolinecolor": "white",
"zerolinewidth": 2
},
"yaxis": {
"automargin": true,
"gridcolor": "white",
"linecolor": "white",
"ticks": "",
"title": {
"standoff": 15
},
"zerolinecolor": "white",
"zerolinewidth": 2
}
}
},
"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": "Python 3",
"language": "python",
"name": "python3"
},
"language_info": {
"codemirror_mode": {
"name": "ipython",
"version": 3
},
"file_extension": ".py",
"mimetype": "text/x-python",
"name": "python",
"nbconvert_exporter": "python",
"pygments_lexer": "ipython3",
"version": "3.7.1"
}
},
"nbformat": 4,
"nbformat_minor": 2
}