{ "cells": [ { "cell_type": "markdown", "metadata": { "originalKey": "6dba2bea-d97e-4545-9803-4242850e1807" }, "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": { "originalKey": "fe7a9417-4bde-46d2-9de3-af1bc73bde45" }, "outputs": [], "source": [ "import logging\n", "\n", "from ray import tune\n", "from ray.tune import report\n", "from ray.tune.suggest.ax import AxSearch\n", "\n", "logger = logging.getLogger(tune.__name__)\n", "logger.setLevel(\n", " level=logging.CRITICAL\n", ") # Reduce the number of Ray warnings that are not relevant here." ] }, { "cell_type": "code", "execution_count": 2, "metadata": { "originalKey": "19956234-25ae-4e72-9d72-dbcd1b90e530" }, "outputs": [ { "data": { "text/html": [ "" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:32:59] ax.utils.notebook.plotting: Injecting Plotly library into cell. Do not overwrite or delete cell.\n" ] }, { "data": { "text/html": [ " \n", " " ] }, "metadata": {}, "output_type": "display_data" } ], "source": [ "import numpy as np\n", "import torch\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 init_notebook_plotting, render\n", "from ax.utils.tutorials.cnn_utils import CNN, evaluate, load_mnist, train\n", "\n", "init_notebook_plotting()" ] }, { "cell_type": "markdown", "metadata": { "originalKey": "a26e18f8-caa7-411d-809a-61a9229cd6c6" }, "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": { "originalKey": "a91e1cb2-999a-4b88-a2d2-85d0acaa8854" }, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:32:59] 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 6 decimal points.\n" ] } ], "source": [ "ax = AxClient(enforce_sequential_optimization=False)" ] }, { "cell_type": "markdown", "metadata": { "originalKey": "1766919c-fb6f-4271-a8e1-6f972eee78f3" }, "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": { "originalKey": "37e367d4-d09d-425b-98f7-c8849d9be4b7" }, "outputs": [], "source": [ "MINIMIZE = False # Whether we should be minimizing or maximizing the objective" ] }, { "cell_type": "code", "execution_count": 5, "metadata": { "originalKey": "777c8d33-2cd1-4425-b45f-2a44922dce7d" }, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:32:59] ax.service.utils.instantiation: Inferred value type of ParameterType.FLOAT for parameter lr. If that is not the expected value type, you can explicity specify 'value_type' ('int', 'float', 'bool' or 'str') in parameter dict.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:32:59] ax.service.utils.instantiation: Inferred value type of ParameterType.FLOAT for parameter momentum. If that is not the expected value type, you can explicity specify 'value_type' ('int', 'float', 'bool' or 'str') in parameter dict.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:32:59] ax.service.utils.instantiation: Created search space: SearchSpace(parameters=[RangeParameter(name='lr', parameter_type=FLOAT, range=[1e-06, 0.4], log_scale=True), RangeParameter(name='momentum', parameter_type=FLOAT, range=[0.0, 1.0])], parameter_constraints=[]).\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:32:59] ax.modelbridge.dispatch_utils: Using Bayesian optimization since there are more ordered parameters than there are categories for the unordered categorical parameters.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:32:59] 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", " minimize=MINIMIZE,\n", ")" ] }, { "cell_type": "code", "execution_count": 6, "metadata": { "originalKey": "589e4d80-02ae-461d-babc-0f96718f623e" }, "outputs": [ { "data": { "text/plain": [ "False" ] }, "execution_count": 6, "metadata": {}, "output_type": "execute_result" } ], "source": [ "ax.experiment.optimization_config.objective.minimize" ] }, { "cell_type": "code", "execution_count": 7, "metadata": { "originalKey": "773a2c32-4ff3-4e92-8996-325504ce953e" }, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "Downloading http://yann.lecun.com/exdb/mnist/train-images-idx3-ubyte.gz\n", "Downloading http://yann.lecun.com/exdb/mnist/train-images-idx3-ubyte.gz to /home/runner/.data/MNIST/raw/train-images-idx3-ubyte.gz\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "73626c64545047f9bc4cdfb919537207", "version_major": 2, "version_minor": 0 }, "text/plain": [ " 0%| | 0/9912422 [00:00,\n", " ,\n", " )" ] }, "execution_count": 7, "metadata": {}, "output_type": "execute_result" } ], "source": [ "load_mnist(data_path=\"~/.data\") # Pre-load the dataset before the initial evaluations are executed." ] }, { "cell_type": "markdown", "metadata": { "originalKey": "5fec848a-3538-489c-bcdd-a74051f48140" }, "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": 8, "metadata": { "originalKey": "75fce84d-35bd-45b5-b55e-f52baf26db03" }, "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(\n", " net=CNN(),\n", " train_loader=train_loader,\n", " parameters=parameterization,\n", " dtype=torch.float,\n", " device=device,\n", " )\n", " report(\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": { "originalKey": "dda3574c-5967-43ea-8d23-7a151dc59ec9" }, "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": 9, "metadata": { "code_folding": [], "hidden_ranges": [], "originalKey": "1d768bb2-d46b-4c4c-879e-3242af7555f4" }, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:33:04] ax.service.ax_client: Generated new trial 0 with parameters {'lr': 0.000604, 'momentum': 0.467562}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:33:04] ax.service.ax_client: Generated new trial 1 with parameters {'lr': 0.000239, 'momentum': 0.07346}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:33:04] ax.service.ax_client: Generated new trial 2 with parameters {'lr': 0.242306, 'momentum': 0.149857}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:33:17] ax.service.ax_client: Completed trial 0 with data: {'mean_accuracy': (0.962333, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:33:17] ax.service.ax_client: Completed trial 1 with data: {'mean_accuracy': (0.9155, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:33:20] ax.service.ax_client: Generated new trial 3 with parameters {'lr': 3e-06, 'momentum': 0.177202}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:33:21] ax.service.ax_client: Generated new trial 4 with parameters {'lr': 1e-06, 'momentum': 0.613887}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:33:33] ax.service.ax_client: Completed trial 2 with data: {'mean_accuracy': (0.092, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:33:34] ax.service.ax_client: Completed trial 3 with data: {'mean_accuracy': (0.368833, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:33:37] ax.service.ax_client: Generated new trial 5 with parameters {'lr': 0.000407, 'momentum': 0.878123}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:33:39] ax.service.ax_client: Generated new trial 6 with parameters {'lr': 0.001256, 'momentum': 0.225586}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:33:50] ax.service.ax_client: Completed trial 4 with data: {'mean_accuracy': (0.297667, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:33:51] ax.service.ax_client: Completed trial 5 with data: {'mean_accuracy': (0.96, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:33:54] ax.service.ax_client: Generated new trial 7 with parameters {'lr': 0.000158, 'momentum': 0.559694}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:33:56] ax.service.ax_client: Generated new trial 8 with parameters {'lr': 0.00234, 'momentum': 1.0}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:34:07] ax.service.ax_client: Completed trial 6 with data: {'mean_accuracy': (0.956667, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:34:08] ax.service.ax_client: Completed trial 7 with data: {'mean_accuracy': (0.915333, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:34:11] ax.service.ax_client: Generated new trial 9 with parameters {'lr': 0.000849, 'momentum': 0.0}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:34:14] ax.service.ax_client: Generated new trial 10 with parameters {'lr': 0.000116, 'momentum': 1.0}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:34:24] ax.service.ax_client: Completed trial 8 with data: {'mean_accuracy': (0.100833, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:34:25] ax.service.ax_client: Completed trial 9 with data: {'mean_accuracy': (0.9455, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:34:28] ax.service.ax_client: Generated new trial 11 with parameters {'lr': 0.00051, 'momentum': 0.234309}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:34:31] ax.service.ax_client: Generated new trial 12 with parameters {'lr': 0.000309, 'momentum': 0.6958}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:34:41] ax.service.ax_client: Completed trial 10 with data: {'mean_accuracy': (0.865, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:34:42] ax.service.ax_client: Completed trial 11 with data: {'mean_accuracy': (0.954333, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:34:45] ax.service.ax_client: Generated new trial 13 with parameters {'lr': 0.003203, 'momentum': 0.0}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:34:48] ax.service.ax_client: Generated new trial 14 with parameters {'lr': 5.2e-05, 'momentum': 0.0}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:34:58] ax.service.ax_client: Completed trial 12 with data: {'mean_accuracy': (0.921333, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:34:59] ax.service.ax_client: Completed trial 13 with data: {'mean_accuracy': (0.959167, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:35:02] ax.service.ax_client: Generated new trial 15 with parameters {'lr': 0.001751, 'momentum': 0.0}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:35:06] ax.service.ax_client: Generated new trial 16 with parameters {'lr': 0.009632, 'momentum': 0.0}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:35:16] ax.service.ax_client: Completed trial 14 with data: {'mean_accuracy': (0.844167, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:35:18] ax.service.ax_client: Completed trial 15 with data: {'mean_accuracy': (0.965167, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:35:20] ax.service.ax_client: Generated new trial 17 with parameters {'lr': 0.000266, 'momentum': 1.0}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:35:24] ax.service.ax_client: Generated new trial 18 with parameters {'lr': 3.9e-05, 'momentum': 0.486794}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:35:34] ax.service.ax_client: Completed trial 16 with data: {'mean_accuracy': (0.1085, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:35:35] ax.service.ax_client: Completed trial 17 with data: {'mean_accuracy': (0.192, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:35:38] ax.service.ax_client: Generated new trial 19 with parameters {'lr': 0.000193, 'momentum': 0.35135}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:35:42] ax.service.ax_client: Generated new trial 20 with parameters {'lr': 1.5e-05, 'momentum': 1.0}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:35:52] ax.service.ax_client: Completed trial 18 with data: {'mean_accuracy': (0.86, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:35:53] ax.service.ax_client: Completed trial 19 with data: {'mean_accuracy': (0.909833, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:35:56] ax.service.ax_client: Generated new trial 21 with parameters {'lr': 0.000407, 'momentum': 0.0}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:35:59] ax.service.ax_client: Generated new trial 22 with parameters {'lr': 4.3e-05, 'momentum': 0.751131}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:36:09] ax.service.ax_client: Completed trial 20 with data: {'mean_accuracy': (0.884167, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:36:11] ax.service.ax_client: Completed trial 21 with data: {'mean_accuracy': (0.919833, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:36:13] ax.service.ax_client: Generated new trial 23 with parameters {'lr': 0.000101, 'momentum': 0.704537}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:36:16] ax.modelbridge.base: Untransformed parameter 0.40000000000000013 greater than upper bound 0.4, clamping\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:36:16] ax.service.ax_client: Generated new trial 24 with parameters {'lr': 0.4, 'momentum': 1.0}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:36:26] ax.service.ax_client: Completed trial 22 with data: {'mean_accuracy': (0.9085, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:36:28] ax.service.ax_client: Completed trial 23 with data: {'mean_accuracy': (0.9245, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:36:32] ax.service.ax_client: Generated new trial 25 with parameters {'lr': 5e-06, 'momentum': 1.0}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:36:35] ax.service.ax_client: Generated new trial 26 with parameters {'lr': 0.000312, 'momentum': 0.437142}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:36:44] ax.service.ax_client: Completed trial 24 with data: {'mean_accuracy': (0.098333, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:36:46] ax.service.ax_client: Completed trial 25 with data: {'mean_accuracy': (0.874167, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:36:49] ax.service.ax_client: Generated new trial 27 with parameters {'lr': 1.6e-05, 'momentum': 0.777127}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:36:52] ax.service.ax_client: Generated new trial 28 with parameters {'lr': 0.000112, 'momentum': 0.221304}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:37:01] ax.service.ax_client: Completed trial 26 with data: {'mean_accuracy': (0.941333, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:37:05] ax.service.ax_client: Generated new trial 29 with parameters {'lr': 0.000656, 'momentum': 0.106316}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:37:05] ax.service.ax_client: Completed trial 27 with data: {'mean_accuracy': (0.858667, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:37:17] ax.service.ax_client: Completed trial 28 with data: {'mean_accuracy': (0.890333, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 03-10 16:37:21] ax.service.ax_client: Completed trial 29 with data: {'mean_accuracy': (0.946833, None)}.\n" ] }, { "data": { "text/plain": [ "" ] }, "execution_count": 9, "metadata": {}, "output_type": "execute_result" } ], "source": [ "# Set up AxSearcher in RayTune\n", "algo = AxSearch(ax_client=ax)\n", "# Wrap AxSearcher in a concurrently limiter, to ensure that Bayesian optimization receives the\n", "# data for completed trials before creating more trials\n", "algo = tune.suggest.ConcurrencyLimiter(algo, max_concurrent=3)\n", "tune.run(\n", " train_evaluate,\n", " num_samples=30,\n", " search_alg=algo,\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": { "originalKey": "cb00f812-e9e5-4208-a680-adf6619d74c4" }, "source": [ "## 5. Retrieve the optimization results" ] }, { "cell_type": "code", "execution_count": 10, "metadata": { "originalKey": "2ec54675-d0ad-4eac-aaf3-66b593037cce" }, "outputs": [ { "data": { "text/plain": [ "{'lr': 0.0006558493430191494, 'momentum': 0.10631598821417035}" ] }, "execution_count": 10, "metadata": {}, "output_type": "execute_result" } ], "source": [ "best_parameters, values = ax.get_best_parameters()\n", "best_parameters" ] }, { "cell_type": "code", "execution_count": 11, "metadata": { "originalKey": "50c764a6-a630-4935-9c07-ea84045e0ecc" }, "outputs": [ { "data": { "text/plain": [ "{'mean_accuracy': 0.9533552492260483}" ] }, "execution_count": 11, "metadata": {}, "output_type": "execute_result" } ], "source": [ "means, covariances = values\n", "means" ] }, { "cell_type": "markdown", "metadata": { "originalKey": "12a87817-4409-4f07-a912-8d60eff71d68" }, "source": [ "## 6. Plot the response surface and optimization trace" ] }, { "cell_type": "code", "execution_count": 12, "metadata": { "originalKey": "3742f35b-6b28-49ae-a606-a138459f4964", "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.2997275450871206, 0.3158180127252953, 0.3355719145203241, 0.35905599533383753, 0.38621571498581636, 0.4168494432021992, 0.4505930887603303, 0.4869275567004743, 0.5252099713077654, 0.5647161593893729, 0.6046822415217671, 0.64434122891633, 0.6829564755868631, 0.7198566386361623, 0.7544783280976018, 0.7864241328660856, 0.815542650213139, 0.8419641779551724, 0.8659748598307595, 0.8878477578734116, 0.9076974059280186, 0.9253532352264112, 0.9402532145384411, 0.9513810585865989, 0.9572622771340498, 0.9560429970142021, 0.9456842170884017, 0.9242083254202826, 0.8899947215535507, 0.8421440785959563, 0.7808775506778782, 0.7077835684413625, 0.625962889379155, 0.5398098767658857, 0.45423911320790084, 0.37384737292116516, 0.3020799176158133, 0.24078022451903847, 0.19052015373125397, 0.15104375836022765, 0.12159008319789999, 0.10112074858305653, 0.0884768268696462, 0.08248356520857936, 0.08201692735013877, 0.08604241368063248, 0.09363396899668064, 0.10397895365341214, 0.1163742732701506, 0.13021852593255467 ], [ 0.29646132999462615, 0.3128027987603124, 0.3328956681685459, 0.3568060674760319, 0.3844752127077513, 0.41569154407845427, 0.4500731014767532, 0.4870758607019603, 0.5260293873022059, 0.5661837825331988, 0.6067538191812587, 0.6469565820362018, 0.6860452281978829, 0.7233439465362725, 0.7582904560951571, 0.7904937295450379, 0.8198122523642304, 0.8463855462971137, 0.8705099731341519, 0.8924689961233885, 0.9123855722588079, 0.9300932516816417, 0.9450257827682998, 0.956152600190332, 0.9619808922119355, 0.9606396620095365, 0.9500757625615016, 0.9283052148082664, 0.8937137603129266, 0.8454222442172442, 0.7836781302178535, 0.7100987113653309, 0.6278058236139773, 0.5411988191065943, 0.4551921545559732, 0.3743773813001969, 0.3021970493140056, 0.2405063212888846, 0.18988702793977286, 0.15008894709267218, 0.12035371478001711, 0.09964336432300758, 0.08679798059207688, 0.08064103194772876, 0.08004636642685592, 0.08397734004012958, 0.09150586987672604, 0.10181732046630709, 0.1142062900671873, 0.12806847940906196 ], [ 0.293339304538744, 0.30994127444768554, 0.3303811556390886, 0.35472310719611116, 0.3829029062480394, 0.4146981241002585, 0.44970784829943633, 0.4873619326643906, 0.5269617545980011, 0.5677318652272403, 0.6088665014605077, 0.6495681284619267, 0.6890815048834995, 0.7267287530268693, 0.7619518988694901, 0.7943703767022807, 0.8238550052246795, 0.8505511334663073, 0.874760288283478, 0.8967720006235051, 0.9167138279674407, 0.9344202192255593, 0.9493187091050724, 0.9603640280006412, 0.9660481014078269, 0.9644903850398128, 0.9536333501450065, 0.9314988898957419, 0.8964950331602639, 0.847781019468747, 0.7856431043478342, 0.711733987243811, 0.6291869712569224, 0.5423741465493759, 0.4561733685671595, 0.375134736188646, 0.3026770339413843, 0.2406758797749337, 0.18973787442802303, 0.14963017655663524, 0.11960579946066685, 0.09863373621837013, 0.08555791063330875, 0.07920352468404968, 0.07844482500442063, 0.08224478887572595, 0.08967452977200119, 0.09991827014328458, 0.11226886965304239, 0.1261194387437109 ], [ 0.290386604336101, 0.30726066424707804, 0.32805767300879024, 0.35283821406458565, 0.3815311480168128, 0.41390209071478645, 0.4495300688623671, 0.48781770382909917, 0.5280378146796916, 0.5693898729150016, 0.6110486169145475, 0.6522033491898998, 0.6920923195901786, 0.7300380179441781, 0.7654898793017783, 0.7980811518193243, 0.82769617545868, 0.8544838864293912, 0.8787465590209839, 0.9007754940787347, 0.9206988816751304, 0.938348362644221, 0.9531429739967734, 0.9640232293642534, 0.9694697194434811, 0.9675995876419405, 0.9563608950878539, 0.9337939142817478, 0.8983444931801596, 0.8492264021971578, 0.7867770254656903, 0.71268828282173, 0.6300934746885622, 0.5433103456227257, 0.45714549645584374, 0.37607550790327293, 0.3034786207305599, 0.2412529514725768, 0.19004198061375988, 0.14964146771396347, 0.1193245266802434, 0.09807368005217432, 0.08474156441184288, 0.07815868093183376, 0.07720223910300628, 0.08083664263026935, 0.08813344968261849, 0.09827661365149598, 0.1105578579309403, 0.12436805156378528 ], [ 0.2876288019380824, 0.3047886580992119, 0.325955069707053, 0.3511831850813948, 0.38039312768978517, 0.4133372622932058, 0.44957342366529385, 0.4884760392756201, 0.5292893477526933, 0.5711885412422102, 0.6133301237857847, 0.6548918362234762, 0.6951073850520233, 0.7333020388349258, 0.7689354559136632, 0.8016570372608147, 0.8313649028558986, 0.8582101498008685, 0.8824923007864593, 0.9045003757668985, 0.9243592366047215, 0.9418937144060827, 0.9565118277755242, 0.9671413820147823, 0.9722561507868708, 0.9699780267745957, 0.9582706887373448, 0.935205334690151, 0.899280163590342, 0.8497773989364353, 0.787096392074568, 0.7129690551619163, 0.6305164339124009, 0.5439796756068989, 0.4580636793810052, 0.3771451137560704, 0.3045478963703578, 0.2421894314702055, 0.1907579135340547, 0.15008768444490483, 0.11948037616012785, 0.09793856804095102, 0.08432852522350187, 0.07748968262971312, 0.07630485012202837, 0.07974172732218576, 0.08687360979806247, 0.09688508308800714, 0.10906737917769249, 0.12280953417637885 ], [ 0.2850917046117737, 0.3025531420378109, 0.3241034091986225, 0.3497901247990301, 0.3795224583928349, 0.4130379256363452, 0.4498720126265702, 0.4893702368446518, 0.5307486712738928, 0.57315936605247, 0.6157420632657593, 0.6576646652134546, 0.6981583386978879, 0.7365534290184511, 0.7723221619724148, 0.8051314403555184, 0.8348928372138269, 0.8617586369428176, 0.886022998690229, 0.9079690460887148, 0.9277145076305535, 0.9450734558482652, 0.9594405051453913, 0.9697327581407996, 0.9744220164253516, 0.971641999360914, 0.9593819857024175, 0.9357563809135472, 0.899328889710397, 0.8494619309133861, 0.7866251671247632, 0.712588687054649, 0.630449235856192, 0.5443531990922112, 0.45887901208926973, 0.3782827999650624, 0.3058223242173814, 0.24342773454137462, 0.1918352434497419, 0.15092568031717157, 0.12003690750519891, 0.09819788716567324, 0.0842934138430671, 0.07717554669490989, 0.07573541331988098, 0.07894595901663848, 0.08588357157395443, 0.09573440372499176, 0.1077898851808764, 0.12143770653984276 ], [ 0.28280115013550594, 0.3005819158824419, 0.32253259413891666, 0.3486909897302417, 0.37895268282425826, 0.41303830894570465, 0.4504598099439335, 0.4905334614774024, 0.5324480881715541, 0.575334043110472, 0.6183159516225414, 0.6605536899519597, 0.7012778766635817, 0.7398260264211739, 0.7756847134006732, 0.8085388759856446, 0.8383128522086463, 0.8651593559971847, 0.889365276963084, 0.9112047642708097, 0.9307849145475431, 0.9479055164286206, 0.961945920389949, 0.9718143559856955, 0.975985592591673, 0.9726123416080215, 0.9597193586137163, 0.9354760488446284, 0.8985232455068819, 0.8483131189362954, 0.7853911240364864, 0.7115617621227303, 0.6298862588144832, 0.5444016781182548, 0.4595412185312944, 0.37942502674207024, 0.30723434915922027, 0.24490366012080722, 0.19321656908064755, 0.15210571126071204, 0.1209517583261478, 0.0988159559433307, 0.08460640978484546, 0.07719150604273406, 0.0754734743218819, 0.0784325395710479, 0.08514961272728949, 0.09481338891492863, 0.10671622100239142, 0.1202450428692684 ], [ 0.28078281081356815, 0.29890241316923327, 0.3212719734732029, 0.34791707386276277, 0.37871669157321247, 0.4133719627531118, 0.45137001983479547, 0.4919981356621208, 0.5344193078727827, 0.5777438804741648, 0.6210831378117149, 0.6635907965349428, 0.7044988565662078, 0.743153823308148, 0.7790578370220305, 0.811913794212042, 0.8416578849041769, 0.8684425738508381, 0.8925460795500051, 0.9142310618469999, 0.9335909716437439, 0.9504084863784774, 0.9640463563949934, 0.9734053933016609, 0.9769680760862014, 0.9729132929423993, 0.9593109971363865, 0.9343968145614396, 0.896898800181446, 0.846366251413798, 0.7834231001925503, 0.7099031366961642, 0.6288220245342173, 0.5440962420768455, 0.46000049748071953, 0.38050795355791267, 0.3087143178441287, 0.24654908628332672, 0.19483962199401827, 0.15357299113056466, 0.1221777822187029, 0.09975276013484424, 0.0852338689813712, 0.07750946753751309, 0.07549570653744553, 0.07818219889761857, 0.08465589261948825, 0.09410905403719882, 0.10583570617802762, 0.11922274006390654 ], [ 0.27906201678227116, 0.29754144238903013, 0.32034996042702946, 0.3474984608862395, 0.3788460473331783, 0.414071040826415, 0.45263437538385554, 0.49379532101794843, 0.5366928692480749, 0.5804192088098585, 0.6240741538988193, 0.6668071527266445, 0.7078534170149983, 0.7465699654966638, 0.7824752223976555, 0.8152895363551018, 0.8449598986844612, 0.8716378537189524, 0.8955918840651731, 0.9170711858569704, 0.9361531823773379, 0.9526013991971689, 0.9657610622071979, 0.9745266668777439, 0.9773927096702094, 0.972571296017884, 0.9581870869359258, 0.9325526244777012, 0.8944918709195271, 0.8436564965405158, 0.7807490630517028, 0.7076266610784475, 0.6272507081295761, 0.5434088436899376, 0.4602087347799124, 0.38146921052889576, 0.31019273256617946, 0.2482943078036975, 0.19663927937294667, 0.15526927720684158, 0.12366425706168993, 0.10096486487147271, 0.08613901176332894, 0.0780985311096356, 0.07577630106402411, 0.07817348176730865, 0.08438465004424256, 0.09360674520582157, 0.10513623502315483, 0.11836080838904761 ], [ 0.2776636091090339, 0.29652497016616053, 0.3197937008817627, 0.3474635036787317, 0.37937022756688604, 0.4151654786822577, 0.4542824429158926, 0.4959541408396549, 0.5392975976232524, 0.5833888147360737, 0.627318083682764, 0.6702324824305473, 0.7113721470147722, 0.7501058422258459, 0.7859685893023081, 0.8186974042115911, 0.8482489544770521, 0.8747731707382977, 0.8985279486318078, 0.9197475286653426, 0.9384916139155354, 0.9545032923715067, 0.9671096770944336, 0.9751997646118812, 0.977283792547273, 0.9716137880720349, 0.9563783649376926, 0.929977248453951, 0.8913378183831482, 0.8402173059069681, 0.7773948459385476, 0.7047444032140506, 0.6251658962355595, 0.5423125555732619, 0.4601202659261009, 0.38224912018775486, 0.3116019335451294, 0.2500699589984004, 0.1985493767297597, 0.15713439509619198, 0.12535810059612873, 0.10240636162161176, 0.08728265419110337, 0.07892555296149473, 0.07628739936316309, 0.07838307707529402, 0.0843164438910805, 0.093290294491428, 0.10460441184764602, 0.11764818991019699 ], [ 0.276611830825173, 0.2958779645263215, 0.3196288342654864, 0.3478384311870837, 0.38031592292169764, 0.41668217420761483, 0.45634105266775193, 0.4985012996821254, 0.542260125816066, 0.5866794192050878, 0.6308419708991642, 0.6738943881148152, 0.715083325683808, 0.7537902733201237, 0.7895668613917258, 0.8221658289468544, 0.8515523731710566, 0.8778740944740927, 0.9013775792802977, 0.922281014204596, 0.9406253364892945, 0.9561325805902627, 0.9681114606552346, 0.9754461154684512, 0.9766655847968182, 0.9700680124194399, 0.9539149128778069, 0.9267030484341472, 0.8874698893048063, 0.8360794029352587, 0.7733834012514778, 0.7012662409923583, 0.622560506887819, 0.5407817587856945, 0.45969233160203576, 0.3827915074077386, 0.3128773161037343, 0.2518085328109347, 0.20050426667623877, 0.15910763945474515, 0.12720504147149236, 0.10402981247437637, 0.08862395676326773, 0.079955735346395, 0.0769995575827761, 0.07878618484879318, 0.08443044656263654, 0.0931422616623373, 0.10422573970034477, 0.11707290749466948 ], [ 0.2759302599340829, 0.2956243091594409, 0.3198793769189737, 0.34864718042734494, 0.38170676749782306, 0.41864464769908905, 0.45883398882515763, 0.501460743059979, 0.5456045006130668, 0.5903152172544436, 0.6346702830542541, 0.6778177369840674, 0.7190122433905877, 0.7576487936522073, 0.7932954377386527, 0.8257196287842081, 0.8548939741493582, 0.8809630226611888, 0.9041614031500971, 0.9246904295543669, 0.942571749828208, 0.9575062862306697, 0.9687843578273088, 0.9752858729861099, 0.975561100562877, 0.9679598538793714, 0.9508252053696862, 0.9227601944202899, 0.8829185593567656, 0.8312702153541196, 0.7687344248901171, 0.6971997095254593, 0.6194268107156049, 0.5387922627809021, 0.4588853296220087, 0.3830442083936768, 0.31395818114224977, 0.2534455404771353, 0.20244010963515224, 0.1611290126216154, 0.12915070719563038, 0.10578716030703006, 0.09012116692616767, 0.08115322578542605, 0.07788223009429651, 0.07935691152151902, 0.08470478031013184, 0.0931442380475227, 0.1039848542679479, 0.11662224100876883 ], [ 0.27564178315458615, 0.29578678875511955, 0.3205677316272417, 0.3499114717531963, 0.3835636127466024, 0.42107334946230046, 0.4617819677043932, 0.5048534674241116, 0.549351882663818, 0.5943174881095824, 0.6388244411012693, 0.6820241204621766, 0.7231806092570158, 0.7617030324258972, 0.797175555918618, 0.8293793479097341, 0.8582933790844944, 0.884058452555416, 0.9068966354870499, 0.9269917026338197, 0.9443458248517298, 0.9586391758360087, 0.9691439636918043, 0.9747366610534051, 0.973990783506553, 0.9653127001263856, 0.9471353367741961, 0.918176330436724, 0.8777112227008395, 0.825813586041574, 0.7634642214492959, 0.69255001266456, 0.6157565131079304, 0.5363213842953984, 0.45766293595562446, 0.3829593652746624, 0.31478830350684395, 0.25492036739801993, 0.20429590763002536, 0.16314028443894324, 0.13114160353829152, 0.10763058045930285, 0.09173233518625235, 0.08248170973000024, 0.07890425911693655, 0.08006868012354029, 0.08511687215592523, 0.09327715353199528, 0.10386577582411405, 0.11628292200823986 ], [ 0.2757686036325335, 0.29638713397851885, 0.3217147979625157, 0.35165104743762515, 0.38590497296726767, 0.42398610068429843, 0.46520279822860217, 0.5086974536207667, 0.5535203333786789, 0.5987042769928506, 0.6433224195771634, 0.6865313915150288, 0.7276060462111197, 0.7659701843357081, 0.8012237426710225, 0.8331606728662885, 0.8617653759293602, 0.8871742823601443, 0.9095963332738459, 0.9291971305636546, 0.945959285217477, 0.9595428482875936, 0.9692024779380568, 0.9738123267697351, 0.9719711671377359, 0.962146367816133, 0.9428682401285534, 0.9129762892905665, 0.8718719021447499, 0.8197296014903045, 0.7575857059286966, 0.6873201317373733, 0.6115408715403471, 0.5333480039087352, 0.45599214508511193, 0.3824935722519569, 0.3153162882325065, 0.2561768811069957, 0.20601430618748917, 0.16508587220737736, 0.13312597150893268, 0.10951325666538636, 0.09341598854419386, 0.08390498248750733, 0.08003435762531153, 0.080894641415589, 0.08564380820294071, 0.09352157689143348, 0.10385216173071377, 0.11604133711669407 ], [ 0.2763322710878916, 0.2974461056949978, 0.32334013988177224, 0.3538839628801379, 0.3887474090775602, 0.4273984423619506, 0.46911159079673603, 0.5130076756418762, 0.5581246714854837, 0.603490143522617, 0.648178417074992, 0.6913532805740056, 0.732301672651938, 0.7704625701219192, 0.8054513505606172, 0.8370739268230372, 0.8653193448443486, 0.8903191441110301, 0.9122686347940877, 0.9313145621097579, 0.9474197451406434, 0.9602248077980816, 0.9689677305843916, 0.9725219648583515, 0.96951391513874, 0.9584761657822594, 0.9380427741578432, 0.9071811140359614, 0.8654207246457432, 0.8130344371146152, 0.7511084735753352, 0.6815109876127229, 0.6067708331264453, 0.5298526133502401, 0.453843264338464, 0.38160792272326355, 0.3154957710813282, 0.2571638423750845, 0.20754219546685593, 0.16691355019171739, 0.13505451736573815, 0.11139007055390704, 0.09513174903957844, 0.08538748854351474, 0.08124157409662891, 0.08180807410868196, 0.0862626771019478, 0.09385800631830288, 0.10392755265577436, 0.11588373234205229 ], [ 0.2773537195812203, 0.2989835935413341, 0.3254621644871999, 0.35662685046834214, 0.39210581027186714, 0.4313238794237105, 0.4735209328051027, 0.5177961362194655, 0.5631763768779223, 0.6086859672474145, 0.6534025934159653, 0.6964990882408643, 0.7372757687440992, 0.7751872848577248, 0.8098641812730841, 0.8411236460384993, 0.868958754953424, 0.8934957806481043, 0.9149159945789942, 0.9333465350441718, 0.9487298091829421, 0.9606875357663293, 0.9684423132131368, 0.9708692492997322, 0.9666252667184929, 0.9543121365714953, 0.9326728000481386, 0.9008070023356595, 0.8583733052945369, 0.8057402111856575, 0.7440389079358776, 0.6751216329409601, 0.6014371858473508, 0.5258173633182466, 0.4511898862116832, 0.3802679939620518, 0.3152855079854795, 0.2578351636840739, 0.20883114289696103, 0.16857500427406036, 0.13688101806128194, 0.1132181996348044, 0.09684088910539201, 0.08689481901492102, 0.0824957297048785, 0.0827827652782741, 0.086950896984898, 0.0942671472504546, 0.10407560936235705, 0.11579641317984468 ], [ 0.2788532965177223, 0.3010187037940904, 0.328098273995561, 0.359895115332817, 0.3959935738058522, 0.4357740262172328, 0.47844099820830377, 0.523071893150342, 0.5686835199352636, 0.6142987989315603, 0.6590008677230114, 0.7019734513993868, 0.7425315249933224, 0.7801459331702827, 0.8144621979629529, 0.8453082460535714, 0.872680747288634, 0.8967004920224583, 0.9175344409374825, 0.9352893706758161, 0.9498861286475314, 0.9609275613686196, 0.9676228115467677, 0.9688518926826182, 0.9633055702097229, 0.9496584722080591, 0.9267664542323196, 0.8938646282421796, 0.8507403024152559, 0.7978549014333531, 0.7363803275452108, 0.6681494677135291, 0.5955307231590783, 0.5212261197271681, 0.4480088555074371, 0.3784437961597561, 0.3146493880898743, 0.25815005210471464, 0.20983768792667212, 0.17002625032157181, 0.1385628092739275, 0.11495762318329616, 0.09850681895644031, 0.088394160615055, 0.08376782086436663, 0.0837933647040926, 0.08768652201090332, 0.09473017493092617, 0.10428033791314628, 0.11576593722066564 ], [ 0.28085076643278567, 0.3035698142339964, 0.33126496411425393, 0.36370304599802195, 0.4004226866237611, 0.44075865902120487, 0.48387958252100716, 0.5288410546233037, 0.5746506985297344, 0.6203317463459842, 0.6649747706650263, 0.7077761786134286, 0.7480668707932949, 0.7853344513364012, 0.8192393302406737, 0.8496197871220772, 0.8764758236864004, 0.8999226883926762, 0.9201129114074236, 0.9371322492410983, 0.9508783998333898, 0.9609345437808606, 0.9664991499265363, 0.966461180046281, 0.9595488783088161, 0.9445131065307737, 0.9203257175606313, 0.886358825626554, 0.842527244030725, 0.7893823827232266, 0.7281331870744268, 0.6605904817148935, 0.5890424257585058, 0.5160645351454671, 0.4442802431969749, 0.3761097052749831, 0.3135563969590128, 0.2580730668107843, 0.2105235263544456, 0.17122793556653582, 0.14006116606280394, 0.11657153879675275, 0.10009550423404245, 0.08985469199541118, 0.08503038222213233, 0.08481570886826173, 0.08844852564715278, 0.0952289794975335, 0.10452630153159792, 0.11577929707721046 ], [ 0.28336527402040207, 0.30665457758043985, 0.33497785136223485, 0.3680638333433721, 0.4054037117383666, 0.44628568009674485, 0.4898420635945763, 0.5351067329652854, 0.5810789702206356, 0.6267838848450719, 0.6713213441547476, 0.7139021505050331, 0.7538743808770682, 0.7907430167196359, 0.824183375835115, 0.8540438487209673, 0.8803276622874656, 0.9031445924482726, 0.922632753234693, 0.938856374293025, 0.9516882888025241, 0.9606904599052352, 0.9650541061473934, 0.9636816298088047, 0.9553426729458971, 0.9388675109722612, 0.9133462936025856, 0.8782885916475963, 0.8337346214326846, 0.7803226168756345, 0.7192953501626522, 0.652439531969897, 0.5819636662304191, 0.5103201411966343, 0.43998733541460794, 0.37324439357781386, 0.31198054993670477, 0.25757411536701613, 0.21085560794990976, 0.1721455415726223, 0.1413415876174221, 0.11802669473291771, 0.10157581453583131, 0.09124792550373895, 0.08625780711820308, 0.08582711184442882, 0.08921705854002182, 0.09574639179895506, 0.10479881764830412, 0.11582409207146771 ], [ 0.286415252221834, 0.3102898587502128, 0.33925161798693065, 0.3729894948314264, 0.410945681097474, 0.45236099691346, 0.4963312915131346, 0.5418689534287949, 0.5879657721767662, 0.6336501852266918, 0.6780330823922901, 0.7203412809070688, 0.7599412578761574, 0.7963560453071196, 0.8292760027232846, 0.8585595216022753, 0.8842130767596, 0.9063411293069918, 0.9250674863457741, 0.9404344900815362, 0.9522885716191307, 0.9601691367140774, 0.9632630812117244, 0.9604908480533484, 0.9506677834098088, 0.9327067287445713, 0.9058177832675818, 0.8696473714742188, 0.8243582175830861, 0.7706719978969319, 0.7098624444854336, 0.6436906631918233, 0.5742864423729925, 0.5039824665642609, 0.4351166433515081, 0.3698307675376241, 0.3099008103638516, 0.2566284076452664, 0.21080616722368717, 0.1727495057696744, 0.14237399793016092, 0.11929364458429048, 0.10291980527132982, 0.09254799418788462, 0.08742662411505953, 0.08680662146666818, 0.0899736794732473, 0.09626638853908764, 0.10508413893226554, 0.1158886875093259 ], [ 0.2900182625325851, 0.3144915939999813, 0.3440998664052548, 0.3784907015918314, 0.4170558956860733, 0.45898831974258925, 0.5033474121431064, 0.5491245190242269, 0.5953048255499799, 0.6409214537459887, 0.685097909021855, 0.7270785346930204, 0.7662493892847424, 0.8021522781844621, 0.8344928547466018, 0.86313952308898, 0.8881021287190919, 0.9094800238647257, 0.9273828869157762, 0.9418309957817392, 0.9526433908434624, 0.9593363391089371, 0.9610941742452583, 0.9568596248245296, 0.9454985507911001, 0.9260096791783464, 0.8977241409838916, 0.8604235864532583, 0.8143896323589249, 0.7604238384276797, 0.6998283008059372, 0.6343374763938409, 0.5660036437065621, 0.4970431838710979, 0.4296579376707118, 0.36585591940333484, 0.30730100311706965, 0.2552163817283212, 0.21035270352187752, 0.17301527649437176, 0.14313287382744022, 0.12034693157021004, 0.10410293654319869, 0.093731885260107, 0.08851572944852537, 0.08773524008088895, 0.09070155848682149, 0.09677427574532393, 0.10536961737239581, 0.11596236064366594 ], [ 0.2941907557163152, 0.3192745617588989, 0.34953487639357006, 0.38457650549600575, 0.42373963304436546, 0.466168880964987, 0.5108876297972985, 0.5568668352072994, 0.6030860242939291, 0.6485842813785733, 0.6924991860719176, 0.7340939980479545, 0.7727754767392191, 0.8081049576779205, 0.8398037627082147, 0.8677504378559722, 0.891958392774858, 0.9125220999198118, 0.9295373719088159, 0.9430025527381855, 0.952709135143834, 0.9581502942986684, 0.9585085300959766, 0.9527522973426336, 0.9398032842071562, 0.9187497588542447, 0.8890443942705544, 0.8506013644127166, 0.803816964777331, 0.7495689745789447, 0.6891854702949624, 0.624373546991657, 0.5571093535995236, 0.4894962871291099, 0.4236043092133188, 0.3613110961919881, 0.3041697305108156, 0.25332361238014217, 0.20947792325970283, 0.17292331425512364, 0.14359731091623884, 0.12116520989953095, 0.10510423353062082, 0.09477962223853875, 0.08950657620292624, 0.08859610990794575, 0.0913856517400613, 0.09725684992443973, 0.1056438507299503, 0.11603543264506355 ], [ 0.298947741688139, 0.324652055731193, 0.35556725831179475, 0.39125396265926726, 0.4309997624771296, 0.47390108038809187, 0.5189459157435722, 0.5650857003446387, 0.6112953109838397, 0.6566210013955996, 0.7002157511727242, 0.7413629964035056, 0.779491234159423, 0.814182093475794, 0.8451730619816804, 0.8723530829528275, 0.8957393635914594, 0.9154217522307608, 0.9314826033539698, 0.9438988960347956, 0.9524352962663238, 0.9565623718158731, 0.9554608522519923, 0.9481273905237537, 0.9335450508273324, 0.9108957594737839, 0.8797535912650534, 0.8401614222200102, 0.7926256111286105, 0.7380964631238209, 0.6779258095012078, 0.6137928901141363, 0.5475991871288322, 0.4813382997907584, 0.4169522561031421, 0.3561916876444066, 0.3005002948282778, 0.2509407095024836, 0.20816965412163646, 0.17245904972648385, 0.14375103683855683, 0.12173131042211383, 0.10590639322873563, 0.09567439864511584, 0.0903833217030493, 0.08937466361580804, 0.09201284813900024, 0.0977025366010783, 0.10589681092015368, 0.11609938608447679 ], [ 0.3043023574064536, 0.3306354508288136, 0.36220549499238913, 0.3985276493853924, 0.4388362693455149, 0.4821800628259634, 0.5275126711480187, 0.5737670698021018, 0.6199145442847074, 0.6650096560380916, 0.7082219803271453, 0.7488562543920502, 0.7863636483222342, 0.8203468174991818, 0.8505600170118135, 0.8769029921093904, 0.8993969864656431, 0.9181275505027275, 0.9331642203439072, 0.9444636869789861, 0.9517652978453925, 0.9545178234150821, 0.9519000237344499, 0.9429385300966421, 0.9266828355935398, 0.9024130974959778, 0.8698239021839528, 0.8290820403536566, 0.7807991382880559, 0.7259943452021014, 0.6660411199850133, 0.6025904680773995, 0.5374706626157317, 0.47256851178935705, 0.40970179583952565, 0.35049723289675994, 0.29629062947017554, 0.24806321136769977, 0.20642073845178233, 0.1716128068810221, 0.14358237992674405, 0.12203225727473821, 0.10649584246231292, 0.09640266651712914, 0.09113293508336251, 0.0900587411269439, 0.09257208810795092, 0.09810150622073832, 0.10611995409450525, 0.11614696759260101 ], [ 0.3102653212136868, 0.33723365186264853, 0.3694553639228203, 0.4063990669863957, 0.4472456924787766, 0.49099723739279505, 0.536574355568948, 0.5828928034535754, 0.6289213645123621, 0.6737239746285387, 0.7164878744030083, 0.7565400914385262, 0.7933552907247727, 0.8265578200781232, 0.8559193528605145, 0.8813510073584735, 0.9028782885489127, 0.9205829354582399, 0.9345226311052378, 0.9446353639799541, 0.9506373327346385, 0.9519566544477029, 0.9477700485589382, 0.9371355417635894, 0.9191730240985692, 0.8932652222178203, 0.8592257504590465, 0.8173400650392256, 0.7683201952813158, 0.7132504533927768, 0.653523829320167, 0.5907627332340015, 0.5267236029500565, 0.463189242429079, 0.40185659958054926, 0.3442314440689537, 0.2915432388279191, 0.24469147523239138, 0.20422891082196337, 0.17037969774758321, 0.14308420002377686, 0.12205924154206493, 0.10686275192410255, 0.09695418313922399, 0.09174526727873122, 0.0906386739919599, 0.09305445516728739, 0.09844576763727686, 0.10630631237883048, 0.11617227549746922 ], [ 0.31684426124425397, 0.3444524138225274, 0.3773192303517102, 0.41486593406063654, 0.45622048359778095, 0.5003397525485613, 0.5461130952446883, 0.5924404084162015, 0.6382890653130898, 0.6827333668889352, 0.7249791686918899, 0.7643766468180723, 0.8004246651545828, 0.832769841000044, 0.8612018879095089, 0.8856439498135388, 0.9061260887411761, 0.922726979276979, 0.9354938277645353, 0.9443479860051602, 0.9489852139058274, 0.9488145954725005, 0.9430111830381469, 0.9306655162789452, 0.9109706565691711, 0.8834147743698447, 0.8479288359807429, 0.8049118846154216, 0.7551714346817034, 0.6998532436486392, 0.6403677013139808, 0.5783081985597864, 0.5153605613937735, 0.45320612461923226, 0.39342414455447694, 0.337402243628216, 0.28626514541766357, 0.2408305661250908, 0.2015966628685304, 0.16875949357606235, 0.1422537869486501, 0.12180755717994196, 0.10700101066071355, 0.09732201937798246, 0.09221308581514209, 0.09110733885663913, 0.09345324118673659, 0.09872923959228397, 0.10645056737272829, 0.11617083235457581 ], [ 0.3240429043469694, 0.3522935211131291, 0.3857952015527598, 0.4239213702610293, 0.4657483054667055, 0.5101899468832349, 0.5561062889166012, 0.6023827907582517, 0.6479864808355258, 0.6920029365427197, 0.7336574664084669, 0.7723241298973792, 0.8075265760814776, 0.8389341660189233, 0.8663551729550861, 0.8897253262789968, 0.9090797728859017, 0.9244952025826594, 0.9360102116237197, 0.9435320666939107, 0.9467392183654444, 0.9450240484690181, 0.9375609373894749, 0.9234736650057401, 0.9020299103823399, 0.8728242042557078, 0.835902988360087, 0.7917743551672308, 0.7413364278490765, 0.6857926393838145, 0.62656856525004, 0.5652280281103564, 0.5033872654792549, 0.4426284047446241, 0.3844158793873494, 0.33002181121050694, 0.2804678414959035, 0.2364901431059303, 0.1985310969018077, 0.16675647570317453, 0.14109273089755425, 0.12127650365153875, 0.10690816500292588, 0.09750253285067423, 0.09253207679551345, 0.09146018165204617, 0.09376398632063587, 0.0989478007304676, 0.10654910563152808, 0.11613964237102004 ], [ 0.3318601105951096, 0.3607538113498103, 0.3948761342142122, 0.43355298695148337, 0.4758112968397518, 0.5205248025406335, 0.5665262323821421, 0.6126880315682012, 0.6579778987917411, 0.701493521386228, 0.7424803987393116, 0.7803370947560414, 0.8146125119657543, 0.8449991042199047, 0.8713240431030131, 0.8935360533191729, 0.9116761368288033, 0.9258204646476494, 0.9360014448273728, 0.9421153971576101, 0.9438269113104687, 0.9405149860373522, 0.931354966289534, 0.9155040263619089, 0.8923044417009784, 0.8614561995252662, 0.8231189092037835, 0.777905685259684, 0.7268005713808857, 0.671060880825958, 0.6121250560689367, 0.5515266395321559, 0.49081307176750066, 0.4314692513919529, 0.3748473960843598, 0.3221066345464725, 0.27416724127348596, 0.23168434107260044, 0.1950437684857027, 0.16437926815319526, 0.13960676800861216, 0.12046925895553406, 0.10658532546353261, 0.09749530892535929, 0.09270081640312677, 0.0916952141615226, 0.09398449470509684, 0.09909931878309952, 0.1066000564314753, 0.11607723378565549 ], [ 0.3402887374176394, 0.36982402729780484, 0.4045484952606478, 0.4437419211095402, 0.4863853468516126, 0.5313154351308251, 0.577339785781376, 0.623319203826536, 0.6682230103717293, 0.7111617667913047, 0.7514018156376043, 0.7883667422272218, 0.8216310497281927, 0.8509104793098645, 0.8760512128341871, 0.8970152293999701, 0.9138503154806032, 0.9266339663100861, 0.9353953935242812, 0.9400238619443072, 0.9401739963242863, 0.9352158931575616, 0.9243279680684711, 0.906700210499762, 0.8817479913657926, 0.8492742780282551, 0.8095489219492502, 0.7632863141516919, 0.7115519925644062, 0.6556533773474154, 0.5970393590687487, 0.5372123108239841, 0.477651423460387, 0.419746065160276, 0.36473860143377435, 0.3136775582238006, 0.26738362892527445, 0.22643164520225523, 0.1911505171349186, 0.16164065296854924, 0.1378056034016215, 0.11939272601569284, 0.10603704464463981, 0.09730307226683577, 0.09272071410885796, 0.09181298457889231, 0.09411482701417906, 0.09918365959339537, 0.10660331216273045, 0.11598368630017963 ], [ 0.3493143197708507, 0.3794874783569052, 0.4147911042781681, 0.45446188239612945, 0.4974394371866032, 0.5425266594110586, 0.588508109070373, 0.6342342466926192, 0.6786769079604293, 0.7209602399060724, 0.7603720125884739, 0.7963612549677849, 0.8285282927791661, 0.8566121731050296, 0.880477962432174, 0.9001009916697843, 0.9155368206694818, 0.9268664140633956, 0.9341192942135674, 0.9371823915450425, 0.935705385192992, 0.9290548883051432, 0.916414719005443, 0.8970063275580564, 0.8703152728994157, 0.8362436256643753, 0.7951678228211028, 0.7478998232292372, 0.6955824663707205, 0.6395695629042837, 0.5813179534595737, 0.5222977832444038, 0.4639203020327416, 0.4074807808171594, 0.35411387969631336, 0.30475982321293554, 0.26014159684045585, 0.22075475435144987, 0.18687128346433746, 0.15855736844146295, 0.13570271324613425, 0.11805735477850843, 0.10527116873931675, 0.09693157134119468, 0.09259592959025231, 0.09181652358282422, 0.09415727094036053, 0.09920267665679539, 0.10656053170370272, 0.11586064366102533 ], [ 0.3589135808860372, 0.38971849254907537, 0.42557386319842844, 0.46567832615313576, 0.5089351223827852, 0.5541166719617983, 0.59998649055127, 0.6453859128878643, 0.6892901409317896, 0.7308375915675626, 0.7693379987624221, 0.8042661715735827, 0.8352483527705298, 0.862046732323424, 0.8845449062069248, 0.9027314682508313, 0.9166707007908197, 0.9264493767616941, 0.9321012709064086, 0.9335165904540665, 0.9303467744351479, 0.9219611447712468, 0.9075513421988585, 0.8863681730839454, 0.8579631268092373, 0.8223321662229363, 0.7799538740354222, 0.7317339100402132, 0.6788883551850348, 0.6228137545208365, 0.5649723486726174, 0.5068008514670423, 0.44964266306079886, 0.39470015207626824, 0.3430022375874019, 0.2953830893847892, 0.2524699679674179, 0.21468042917330854, 0.1822299105358398, 0.1551498898031084, 0.13331512681735957, 0.1164769418478051, 0.10429866480366978, 0.09638943799488409, 0.09233326516952245, 0.09171126732565771, 0.09411629059124904, 0.09916018180903352, 0.10647512710542106, 0.11571131146867208 ], [ 0.369052974006439, 0.4004807176543331, 0.4368567346476927, 0.4773478987537253, 0.5208262201776189, 0.5660368887578252, 0.611724290292453, 0.6567218027515315, 0.7000088384694068, 0.7407387721326147, 0.7782438113053469, 0.8120248042576063, 0.8417338791886892, 0.8671560336483255, 0.8881928278825985, 0.9048458158405169, 0.9171888164424535, 0.9253168265715641, 0.9292721880981152, 0.9289549735741353, 0.9240267347660853, 0.913866664748805, 0.8976768706491479, 0.8747347013950428, 0.8446519231123397, 0.8075118329106785, 0.7638899407844179, 0.7147814373614141, 0.6614715765069565, 0.6053960111190415, 0.5480198056474419, 0.4907449307181295, 0.4348468452150776, 0.38143600824126667, 0.33143742175220103, 0.28558143266380814, 0.24440169568059655, 0.20823932034909987, 0.177253926773833, 0.15144219151491023, 0.13066318907204877, 0.11466840908406117, 0.10313342563272443, 0.09568802395123943, 0.0919420353698569, 0.09150495858237984, 0.09399845568622678, 0.0990618976191523, 0.10635223385743775, 0.11554044023955579 ], [ 0.3796879949620271, 0.4117261275747529, 0.4485893680646131, 0.48941829313595786, 0.5330587692291111, 0.5782319662109705, 0.6236650148336749, 0.6681844953962561, 0.7107749065015714, 0.7506053061805532, 0.7870308791814974, 0.8195787020862334, 0.847926635342568, 0.8718819962984518, 0.8913635646498939, 0.9063853195694368, 0.9170312062605344, 0.9234068153160526, 0.9255676942026665, 0.9234313135425327, 0.9166790761692253, 0.9047083917510582, 0.8867351297756138, 0.86205979392515, 0.8303471829896842, 0.7917600029423887, 0.7469647512957125, 0.6970415533203338, 0.6433405954368203, 0.5873329854548432, 0.5304840325286632, 0.4741595887036909, 0.4195669399494917, 0.3677254708837983, 0.3194579981857347, 0.27539330800479916, 0.23597373434776409, 0.20146577217382444, 0.17197430765811306, 0.1474614900926584, 0.12777030401536627, 0.11265156231865692, 0.10179205380994505, 0.09484121583389027, 0.09143391498896392, 0.09120752713694713, 0.09381235129977872, 0.09891539193636834, 0.10619866491845953, 0.11535429366630012 ], [ 0.3907639751895944, 0.4233960440588532, 0.4607116188922604, 0.5018285810491797, 0.5455712811397956, 0.5906400200146134, 0.6357465323557481, 0.6797117835369411, 0.7215263036539453, 0.7603756295371288, 0.7956384383050219, 0.8268681590126269, 0.8537681154256958, 0.8761673291639772, 0.8940009179914866, 0.9072945228177348, 0.9161425006911501, 0.9206632164359149, 0.9209303147317182, 0.9168869869458682, 0.9082453346754868, 0.894430623209628, 0.8746769455965602, 0.8483043055358935, 0.8150213686675689, 0.7750610478105111, 0.7291742478685074, 0.6785208656650681, 0.6245114296555503, 0.5686487561493738, 0.5123958405433037, 0.4570810277434092, 0.4038431077932676, 0.3536111176261872, 0.3071073823923042, 0.2648614690874132, 0.22722687372713368, 0.1943975967923175, 0.16642521345094818, 0.14323796637293706, 0.12466265903183849, 0.1104488311822922, 0.10029362632477223, 0.09386523014456405, 0.09082276690768243, 0.09083095030802935, 0.09356846873797664, 0.09872999490164747, 0.10602284857659694, 0.11516060191446387 ], [ 0.40221781002196005, 0.4354231317340031, 0.47315478519233956, 0.5145099820605307, 0.5582952759619945, 0.603193039819646, 0.6479014296176469, 0.6912370145115226, 0.7321973989007086, 0.769985490558576, 0.8040039979964931, 0.8338327633801462, 0.8592001946147432, 0.879956298718107, 0.8960515673193792, 0.9075223477054404, 0.9144733276559006, 0.9170374615675936, 0.9153115078491386, 0.9092732695499759, 0.8986772851907575, 0.8829876751587721, 0.861462681565931, 0.8334383201885193, 0.7986557605128541, 0.7574079448409473, 0.7105229915462448, 0.6592346438727833, 0.6050086457417303, 0.5493756203734272, 0.49379374160551515, 0.439552499827979, 0.3877218254174522, 0.33914107903536767, 0.2944338085583851, 0.25403283553220646, 0.21820553050578717, 0.1870758146686593, 0.16064370047572052, 0.1388044662978556, 0.12136893041392394, 0.1080849910222913, 0.09865944107108637, 0.09277838950297568, 0.09012445070124064, 0.09038909434343678, 0.09327907795610879, 0.09851669856914036, 0.1058347500566067, 0.11496849965838751 ], [ 0.41397980674032653, 0.4477333095780058, 0.48584317078822403, 0.5273869491864132, 0.5711560581390962, 0.6158174831220424, 0.6600575047507476, 0.7026895363242339, 0.7427194116462689, 0.7793684163504652, 0.8120638573782117, 0.8404119833689446, 0.8641658016897051, 0.8831955035657135, 0.8974659625819439, 0.9070231631277745, 0.9119816388196368, 0.9124902013717376, 0.9086736195500555, 0.9005534999007553, 0.8879393474233691, 0.8703466417903045, 0.8470650815793063, 0.817443435084982, 0.7812423153934174, 0.7388038954251214, 0.6910255818715525, 0.6392080156822297, 0.5848663172291013, 0.5295548210689712, 0.4747244647205978, 0.4216246344989674, 0.371256045914421, 0.3243690536820602, 0.2814902257015483, 0.24295829861553714, 0.20895749074347714, 0.17954435740514196, 0.15466940393884765, 0.13419617964118735, 0.11791997053264847, 0.10558686798185646, 0.0969127465550248, 0.09160088140755496, 0.08935661301270814, 0.08989753725162175, 0.0929580817336928, 0.09828803909093387, 0.10564577661510854, 0.1147884483946412 ], [ 0.4259753935711189, 0.46024747542712924, 0.49869569395550406, 0.5403784329143041, 0.5840736727542937, 0.6284350218301649, 0.6721383846175204, 0.713995244738038, 0.7530209335792649, 0.7884562437986319, 0.8197536694238354, 0.8465457812104267, 0.8686096007488944, 0.8858346399678274, 0.8981991749473105, 0.9057577581718468, 0.9086338700771447, 0.9069927745615345, 0.9009916327977504, 0.8907050104030843, 0.8760107274231248, 0.8564898004335754, 0.8314718632338766, 0.8003147758004717, 0.7627854069254311, 0.7192639061322935, 0.6707080543397007, 0.6184771181265839, 0.5641289065076776, 0.5092371759474831, 0.45524336384520114, 0.4033556567278232, 0.3545052531307945, 0.30935422568228105, 0.26833410874777214, 0.23169245697118146, 0.19953359775429946, 0.17184972982610314, 0.14854419097404148, 0.1294502966168969, 0.11434847744503485, 0.10298302852890506, 0.09507845625372946, 0.09035450080583862, 0.08853846059505543, 0.08937337350112329, 0.09262085162417599, 0.09805796120219523, 0.10546866565939417, 0.11463214237847086 ], [ 0.4381266677952085, 0.47288306887735254, 0.5116274257924998, 0.5533992148280609, 0.596963981599766, 0.6409634111861096, 0.6840642525956229, 0.725077225884165, 0.7630285310189315, 0.797179715107303, 0.827009050184314, 0.8521752482648549, 0.8724786655137127, 0.8878272360719406, 0.8982116902113011, 0.9036941823080763, 0.9044058515151813, 0.9005282872685653, 0.8922545036018253, 0.8797207416212339, 0.8628872058294967, 0.8414162706551128, 0.8146870569727721, 0.7820625544993463, 0.7433034047828866, 0.6988163097913466, 0.6496092188568818, 0.5970901553489455, 0.542852024109347, 0.48848356913047114, 0.4354146858185951, 0.3848114695670856, 0.33753538958132867, 0.29416106864650055, 0.25502717289945, 0.22029327470266435, 0.18998738109142632, 0.16404062932158558, 0.14231178348310436, 0.12460564298501065, 0.11068864820741642, 0.10030345504247806, 0.09318284927533482, 0.08906237788003968, 0.08769051694482233, 0.08883500091993102, 0.09228404549859015, 0.0978416645040896, 0.10531735519047603, 0.11451239730548224 ], [ 0.45035379942473425, 0.4855554983421806, 0.5245510312961219, 0.566361245347261, 0.609739809916191, 0.6533174525571694, 0.6957526724610643, 0.735856488690878, 0.7726674267226378, 0.8054691380121342, 0.8337662312785619, 0.8572432537296522, 0.8757231285531836, 0.8891313183863641, 0.8974701215428321, 0.9008084015160283, 0.899283412866379, 0.893092247178479, 0.8824660314065607, 0.8676105116310213, 0.848582616395586, 0.8251432463712732, 0.7967319041493326, 0.762713324976996, 0.7228301360095013, 0.6775042256719489, 0.6277818980682863, 0.575108304652171, 0.5211030099084016, 0.4673652605160647, 0.41531166364337196, 0.3660655744852133, 0.3204186366053327, 0.27885902007635405, 0.2416349806341201, 0.20882165579175593, 0.18037462384322, 0.15616752181368576, 0.1360173514369417, 0.11970229507908214, 0.10697581774184828, 0.09757920947636867, 0.09125325926990246, 0.08774869266372276, 0.08683436355486329, 0.08830189008767708, 0.09196540631819006, 0.09765543078099137, 0.1052068356054, 0.11444302060639655 ], [ 0.46257630943177236, 0.49817945468585423, 0.5373781188405503, 0.5791749557674981, 0.622312130751353, 0.6654100273953322, 0.7071194961337887, 0.7462527825903418, 0.7818622612195378, 0.8132551118638984, 0.8399627549096952, 0.8616951020305337, 0.8782967917821592, 0.8897099677837459, 0.8959477176026296, 0.897084687645141, 0.8932626714394893, 0.8846928521032287, 0.8716453759895284, 0.8544019550922483, 0.8331301305675689, 0.8077073151934002, 0.7776460944839845, 0.7423112576975869, 0.7014163352636057, 0.6553869659386785, 0.6052940092003489, 0.552606397362683, 0.49896127166213855, 0.44596396327186544, 0.39501639812171807, 0.3471988011889341, 0.3032330251836113, 0.2635220110731021, 0.22822643239868995, 0.19734093078135784, 0.17075286743916218, 0.14828217535886234, 0.12970707856026953, 0.11478117709537339, 0.1032460857588251, 0.09484208760344681, 0.08931775392237096, 0.08643837841548163, 0.08599236702803359, 0.08779433656484292, 0.09168354162188197, 0.09751643131078835, 0.10515298159604469, 0.1144386619351987 ], [ 0.47471423887197944, 0.51067013010255, 0.550020512925596, 0.5917505375232504, 0.6345912695059006, 0.6771531873776261, 0.718079846730535, 0.7561854981951462, 0.7905379355297054, 0.8204693221044861, 0.845538212025366, 0.865479197299957, 0.8801576946051644, 0.8895317526524054, 0.8936245860453147, 0.8925157149489823, 0.8863500192252647, 0.8753509593792805, 0.8598272267716122, 0.8401411293107002, 0.8165834130025994, 0.7891660433741049, 0.7574894243385053, 0.7209196638170559, 0.6791312010810767, 0.6325413726102622, 0.5822294025748939, 0.5296732828700172, 0.47651830826219843, 0.4243716369878493, 0.37461949001304495, 0.3282988185701063, 0.2860618564161133, 0.24822783802184661, 0.21487313474791958, 0.18591625453592975, 0.16118085561723217, 0.14043715430723247, 0.12342770371560052, 0.10988364396900241, 0.09953593494130519, 0.09212426687579411, 0.08740480780846993, 0.08515681608821701, 0.08518739364345873, 0.08733319648784066, 0.09145768313577018, 0.09744251284205918, 0.10517236254987139, 0.11451464210843099 ], [ 0.4866892215924685, 0.5229443567524548, 0.5623914656211734, 0.6039991936577194, 0.6464881237731884, 0.6884592937298057, 0.728549172876747, 0.7655746515824411, 0.7986205393457994, 0.8270454068570019, 0.8504350251289747, 0.8685477163994443, 0.8812686473353994, 0.8885710731922869, 0.8904877940137648, 0.8871024554838367, 0.8785618445986935, 0.8650997189766655, 0.8470615672160138, 0.8248927240828575, 0.7990175835007163, 0.7695997649202608, 0.7363438867238853, 0.6986228753214745, 0.6560641322104556, 0.6090629992662068, 0.5586883243541656, 0.5064117660623542, 0.45387734007967484, 0.40268994384362744, 0.354219385798206, 0.30945939933365424, 0.2689929123345446, 0.23305736604746086, 0.2016486435570667, 0.1746139175168634, 0.1517179221026379, 0.13268527905350613, 0.11722604277245308, 0.1050510541699401, 0.0958818443047822, 0.08945795148562719, 0.0855429718933306, 0.08392952274563004, 0.08444251347912657, 0.08693960643578913, 0.09130742596463959, 0.09745196063996797, 0.10528202949071597, 0.11468675839312226 ], [ 0.4984254692136329, 0.534921674986562, 0.5744068190999854, 0.6158343722573756, 0.6579154023544043, 0.6992422059522166, 0.7384443748813914, 0.774341956064455, 0.8060383709707228, 0.8329198998260542, 0.8545992769143598, 0.8708572931261187, 0.8815977432233191, 0.8868084619416248, 0.8865314284343603, 0.8808539626076745, 0.8699240343497303, 0.8539838622293431, 0.8334129690627052, 0.8087397492967998, 0.7805297746019411, 0.7491133257901532, 0.714316169052807, 0.6755285322827955, 0.6323266049392775, 0.5850669236031475, 0.5347873197127578, 0.48293799699843476, 0.4311524695162085, 0.3810293184917792, 0.3339214030239115, 0.29077941297264237, 0.25211744089645916, 0.21809355898329663, 0.18862758525754786, 0.16350057747755098, 0.14242332982262706, 0.12507905864998892, 0.11114849722498732, 0.10032433772664207, 0.09231990232266818, 0.08687501874504344, 0.08376054347316075, 0.08278183737925571, 0.08378069689157608, 0.08663468911965799, 0.09125244710763203, 0.09756323678785694, 0.1054992761939284, 0.11497106364007104 ], [ 0.5098506729183155, 0.5465253357322095, 0.5859861264512704, 0.6271729913054024, 0.6687888924657411, 0.7094185261274253, 0.7476850076710955, 0.7824119884169208, 0.8127230568532302, 0.8380332526471527, 0.8579815836746938, 0.8723697146632913, 0.8811188602632297, 0.8842308668477775, 0.881756631307712, 0.8737870881494243, 0.8604713074612126, 0.8420586606839652, 0.8189593624536252, 0.7917825371123159, 0.7612389511826038, 0.7278372706832469, 0.6915403465615876, 0.6517703126357492, 0.6080538556503818, 0.5606878046614423, 0.5106583577387743, 0.4593801962438844, 0.40846730398629977, 0.35950760977027474, 0.3138364060562118, 0.27236152515913653, 0.23552890436920426, 0.20342033797786208, 0.1758846659902642, 0.1526424237126781, 0.1333555729976703, 0.1176701057906816, 0.10524055721808212, 0.0957435656653125, 0.0888854249990676, 0.08440667137969338, 0.08208524086700886, 0.0817386082435293, 0.08322450704450868, 0.08643924744409448, 0.0913122037103411, 0.09779469186721768, 0.1058413716725427, 0.11538361631453165 ], [ 0.5208968224349217, 0.5576832358225573, 0.597053730900003, 0.6379366598431375, 0.6790287656718028, 0.7189089095880159, 0.7561945690137154, 0.789713459017445, 0.8186107782960461, 0.8423309361658949, 0.8605380079160434, 0.8730526271635991, 0.8798121566650995, 0.8808319237966915, 0.8761716176106285, 0.865926164435263, 0.8502464400294876, 0.8293886019075314, 0.8037902620912447, 0.774136902342044, 0.7412845990151692, 0.7059276593012135, 0.6681797637716681, 0.6275109506756467, 0.5834053689019181, 0.5360786637651813, 0.4864469734159757, 0.4358766290033693, 0.3859529928934769, 0.3382482637647859, 0.2940791096017991, 0.25431058658488415, 0.21932148908366855, 0.18912128142001972, 0.16349358718117235, 0.14210429177310868, 0.124571656989652, 0.11050854576231128, 0.09954630785795826, 0.09134752777293309, 0.08561258453452181, 0.08208310071032687, 0.08054388761383213, 0.08082388650741168, 0.08279579324336628, 0.08637345092669801, 0.09150561275815194, 0.09816424842394278, 0.10632526077294524, 0.11594019798410915 ], [ 0.5315009387008164, 0.5683287789735574, 0.6075397947120635, 0.6480528912742819, 0.6885609301248835, 0.7276394559662452, 0.7639018844458423, 0.7961805966692886, 0.823643608688773, 0.8457646124851173, 0.8622309977713508, 0.8728802415857412, 0.8776645550418922, 0.8766122122107403, 0.8697916761344275, 0.8573026769368142, 0.8392994516028085, 0.816045872231537, 0.7880044925418779, 0.7559313683234882, 0.7208239349854559, 0.6835636122504609, 0.6444255441042004, 0.6029421279944307, 0.5585625030437379, 0.511407928552114, 0.46230931252029217, 0.4125728011630971, 0.36374566018305277, 0.31737803225975014, 0.27476599494694487, 0.23673170174105007, 0.20358838878890217, 0.1752781932449512, 0.15152589604715283, 0.13194875247285054, 0.11612637405352566, 0.10364243271066731, 0.09410794861305383, 0.0871733260882197, 0.08253405451935647, 0.07993316593461286, 0.07916211126772521, 0.08006063164986099, 0.08251539100494232, 0.0864565203620421, 0.09185071614354423, 0.09868905568031539, 0.10696722918822732, 0.11665599427968631 ], [ 0.5416057133636099, 0.578401649234034, 0.6173812588446521, 0.6574562904112371, 0.6973184266674173, 0.7355431961671197, 0.7707426025763654, 0.8017546581609273, 0.8277709524195522, 0.8482933563496826, 0.8630303322075612, 0.871834024874582, 0.8746702015512143, 0.8715794763438641, 0.8626391424687789, 0.8479549422814492, 0.8276868287348664, 0.8021087872880082, 0.7717075489284023, 0.7373034920330299, 0.7000274489470426, 0.6609420795434194, 0.6204897452550507, 0.5782758311788844, 0.5337223250733509, 0.4868546382247485, 0.4384081306774022, 0.38961793849049187, 0.3419832545891872, 0.29702420653061584, 0.2560128316433873, 0.2197279809780982, 0.1884198966720575, 0.1619695850127819, 0.14004981016488482, 0.12223520443960267, 0.10807159576219882, 0.09711718779378342, 0.08896533615165114, 0.08325599173979414, 0.07968067766515197, 0.07798409478091461, 0.0779640620554588, 0.0794704345110302, 0.08240283593681896, 0.08670641890783282, 0.09236433852651227, 0.09938511760570712, 0.10778252897196561, 0.11754523474492418 ], [ 0.5511600459094483, 0.5878484788298303, 0.6265227039105219, 0.6660896763156143, 0.705242844037369, 0.7425616882757018, 0.7766608164136644, 0.806385567336135, 0.8309510495761807, 0.8498848838579229, 0.862914041980815, 0.8699033565198792, 0.8708308768076464, 0.8657487840243995, 0.8547433195728796, 0.8379277852228726, 0.8154708470595198, 0.787660358292046, 0.7550088457822315, 0.7183955087559343, 0.6790728048268156, 0.6382700045484653, 0.5965947163177693, 0.5537322336037334, 0.5090887741047492, 0.4626022277151098, 0.41490799530895467, 0.3671609165307365, 0.3208018936528071, 0.2773113915257354, 0.23793180448840512, 0.20339800555642384, 0.17390137596192456, 0.14926913820460208, 0.12912906504639987, 0.11301900357365768, 0.1004556044567082, 0.09097507430266505, 0.08415556102909671, 0.07962813264194668, 0.07708116191944037, 0.07626121065495639, 0.07697215661214063, 0.07907326414402238, 0.0824760994152075, 0.08713956016847935, 0.09306175027046193, 0.1002669022078464, 0.10878496130424486, 0.11862078632827311 ], [ 0.5601194681911338, 0.596623389371271, 0.6349170743408064, 0.6739050802985227, 0.7122856866971231, 0.7486467180877205, 0.7816108286109601, 0.8100336685168703, 0.8331524600392655, 0.8505167168292961, 0.8618692691005626, 0.867086126629109, 0.8661563228357617, 0.8591425843537266, 0.8461403080986071, 0.8272721782015201, 0.8027190015460085, 0.7727871947174221, 0.7380192283779402, 0.6993497414729891, 0.6581373587886367, 0.6157544585209896, 0.5729610544240722, 0.5295280292732799, 0.48486317841070364, 0.4388316837917535, 0.3919701025024467, 0.34534591693966443, 0.3003318590462826, 0.2583578483950289, 0.22062825291218524, 0.18783309449682062, 0.1601112265605078, 0.13724423339285563, 0.1188218405768866, 0.10435066467409748, 0.0933224862492611, 0.08525472448121918, 0.07971256817235928, 0.07631961910207952, 0.07476181038857499, 0.07478769102125415, 0.0762068517007467, 0.07888724448695039, 0.08275135447162241, 0.08777054581638044, 0.09395635345766107, 0.10134695072846411, 0.10998641768017292, 0.11989369454302534 ], [ 0.5684464467663066, 0.6046883853746126, 0.6425262236435922, 0.680864539081218, 0.7184095662763574, 0.753762026202444, 0.7855590817221876, 0.8126715040900385, 0.8343553654718991, 0.8501771697446923, 0.8598930248646642, 0.8633892420938316, 0.8606644318876246, 0.8517906191251647, 0.8368727008187131, 0.816044777232166, 0.7895034597680218, 0.7575788396914808, 0.7208492152081412, 0.6803043826495614, 0.6373898973615265, 0.5935912345909318, 0.5497952500775081, 0.5058659303420375, 0.4612356022189018, 0.4157149324006084, 0.36974719743533047, 0.3243081733112436, 0.2806935397843187, 0.24027145702087238, 0.2041970575918759, 0.17311458429393733, 0.1471190164366426, 0.12595464598234596, 0.10917982379906521, 0.09627516937250158, 0.08671160662341093, 0.07999073149601366, 0.07566683009748099, 0.07335731359166309, 0.07274628982278497, 0.0735843611522452, 0.07568645222818327, 0.07892846631092909, 0.0832427799684804, 0.08861194606326417, 0.09505941389864836, 0.10263552181600666, 0.11139639979863769, 0.12137266551967418 ] ], "zauto": true, "zmax": 0.9773927096702094, "zmin": -0.9773927096702094 }, { "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.24050812713677047, 0.22551000561796283, 0.21154283823253434, 0.1994358430672684, 0.18989422862157448, 0.18321305037303748, 0.1790579025283176, 0.17650107472314105, 0.17432343227944436, 0.17139039365967357, 0.16692645761202832, 0.16064838548263916, 0.15279181687554153, 0.14405501651733355, 0.13543498996086276, 0.12789794852790207, 0.12189311641270369, 0.1170674756739689, 0.11263716441568658, 0.10796406751517659, 0.10289234819789066, 0.09775046441324764, 0.09308864587037999, 0.08936158483313382, 0.08672578222726642, 0.08506173942067315, 0.08423683884033627, 0.08421292136857887, 0.08506600843675675, 0.0869943875660266, 0.09015155323090142, 0.09458790248364976, 0.10028820451814197, 0.10727367009094874, 0.1157405611873985, 0.12588145112162213, 0.137455461075993, 0.14959653944554435, 0.16114210419363817, 0.1710030310627973, 0.17837341882611743, 0.18282695792344775, 0.18436475227826932, 0.18345079081778254, 0.18103628145619066, 0.17853195125084328, 0.17764055939256554, 0.17996607730899938, 0.18648064120763547, 0.19718837814274104 ], [ 0.23519057587373274, 0.21959559759683814, 0.2050744220212777, 0.19254028913479998, 0.18280007148286653, 0.17622268887270412, 0.17246747704979318, 0.1705163434643429, 0.16902777394587729, 0.16676627229017185, 0.162896239160161, 0.15710833510370065, 0.1496311849406855, 0.1411620878855068, 0.13269542603979884, 0.12519227873986855, 0.1191028640682742, 0.11409509055060753, 0.10941890092287307, 0.10447861524341633, 0.09916969597334113, 0.0938756303554482, 0.08917955605437186, 0.08552652592899766, 0.08304577922986646, 0.08160059513068077, 0.0810568967929508, 0.08139082530691831, 0.08269040986307838, 0.08513454475304555, 0.0888262017677517, 0.0937520621194687, 0.099843665748512, 0.10709261729024151, 0.11568013831478652, 0.12579427295250512, 0.13720393119442814, 0.14906683772923277, 0.1602394364818909, 0.1696403237406688, 0.17646191058076555, 0.18027174879499022, 0.18106739701274846, 0.17932258644869417, 0.17602795626628023, 0.17268320800621711, 0.1711364381339089, 0.17315335804405801, 0.17978996343797396, 0.1909918390208576 ], [ 0.2299967464168917, 0.21384369743833676, 0.19880553676336665, 0.18587821397857804, 0.17597359943623336, 0.16953965763888568, 0.16622839633539274, 0.16492376286866986, 0.1641573365796749, 0.16259580007928134, 0.15935096825057768, 0.15409460628707225, 0.14705177650954357, 0.1389158578521406, 0.13066720016213815, 0.12324305420499307, 0.11708172415587703, 0.11188214266079063, 0.106947932678422, 0.10174072866544207, 0.09621218264620927, 0.09079710345764379, 0.08610416638960909, 0.0825612494357118, 0.0802716949520188, 0.07909295528020817, 0.07889636570496739, 0.07967521562682393, 0.08152588070596684, 0.08458861388359501, 0.08889627675276796, 0.0943602928464624, 0.10085793379304932, 0.10835730159970826, 0.11702303385105033, 0.12703111596536065, 0.13816270048101567, 0.1496199023101364, 0.16029876890937195, 0.16913793751569797, 0.17533316965000437, 0.1784458373956305, 0.17846622195745862, 0.17587090639258618, 0.17168059982176057, 0.16747484654210265, 0.16524385141519718, 0.16692096326834754, 0.173651536750272, 0.18531651778939753 ], [ 0.22495463339528954, 0.20829556202000746, 0.1927928560686271, 0.17952128095623807, 0.16949739326459795, 0.16325023595909016, 0.16042158891121663, 0.15979023397362344, 0.1597593407743625, 0.1589043676093672, 0.15629423863761382, 0.15158983079383714, 0.14501624775544772, 0.1372603102226154, 0.1292782319704756, 0.12196833189254429, 0.11574824770355928, 0.1103539663918934, 0.10515850649100356, 0.09969335373230961, 0.09396916104668752, 0.08846473613461729, 0.08380492075099456, 0.0803979482731347, 0.07832782818274454, 0.07745655725257299, 0.07766763553249997, 0.07897232050191977, 0.08146723271918994, 0.08523636488802232, 0.09022600502664196, 0.09626605838508932, 0.10318247945449417, 0.11092414147396763, 0.11963719548202975, 0.12947946646217148, 0.14024615506911142, 0.15119722250066958, 0.16128555540993744, 0.16948218064633463, 0.17499261783678188, 0.17737376211738468, 0.17660653615217922, 0.17316458322018943, 0.16808899836875163, 0.16302699877203444, 0.16010149562786238, 0.16141305036105252, 0.16820013042650359, 0.18027644696161016 ], [ 0.22008933567895625, 0.20299012080527817, 0.18709227244774068, 0.17354269756086182, 0.16345751069401124, 0.15744416949062232, 0.1551289838625151, 0.1551797932658796, 0.155874382694013, 0.15570765552671453, 0.15371726246411274, 0.14956149463213128, 0.14346886742106146, 0.13611729266235228, 0.1284307126149295, 0.12125817732052883, 0.11499160966670408, 0.10940649004246716, 0.10395527978233557, 0.09824842309618038, 0.09235641863768866, 0.08679224102430307, 0.082186275730453, 0.07893050204400878, 0.07710000019837823, 0.07657037466211586, 0.0772423234999113, 0.07914310468171463, 0.08235869556292652, 0.08690222063507626, 0.092622265261081, 0.09926629828604583, 0.10661402323941661, 0.11459717845887724, 0.12334119286622798, 0.13298173644456848, 0.14332862944969618, 0.15370628854749868, 0.16313692213479797, 0.17063557442688707, 0.17542520462516709, 0.17706191617014794, 0.17551729116812315, 0.17125800262391863, 0.16533636100131785, 0.15945260538004638, 0.15584590420064875, 0.1567745188028562, 0.163570369233665, 0.17598255357892553 ], [ 0.21542177533753157, 0.1979620097860943, 0.18175617109270462, 0.1680138604404522, 0.1579397231746452, 0.15221053687865005, 0.15042917737189887, 0.15114972172787214, 0.1525336716197246, 0.15301034570490873, 0.15159917622395297, 0.1479639661931629, 0.142339549168452, 0.1353930051168544, 0.1280103375162258, 0.12098565661974323, 0.11468277274890756, 0.10891618325535102, 0.10322194916623131, 0.09729444370550026, 0.09126302398433199, 0.08566456936222407, 0.08112551711898003, 0.07802851259796166, 0.07645219132263012, 0.07629349790057821, 0.0774724114059652, 0.08002724360259414, 0.08402164992522966, 0.0893869779140785, 0.09586896891333235, 0.10313606009754851, 0.11092732527063032, 0.11915791334647853, 0.12793046439620584, 0.13735650044354794, 0.14725980481187517, 0.15703048827311614, 0.16576748967458602, 0.1725398367902577, 0.1765963121112484, 0.1774976957804943, 0.17520843881948533, 0.17018637741225875, 0.1634871625703132, 0.1568478793176989, 0.1526005075594047, 0.15314015029606526, 0.15988699444702914, 0.17253487998974143 ], [ 0.2109674501283643, 0.19323946819034454, 0.1768302063255347, 0.1629999670318971, 0.15302426084095497, 0.14763197622049068, 0.14639177281428034, 0.14774603790007704, 0.14975633718870987, 0.1508053589442798, 0.1499081327981087, 0.14674144711375178, 0.14154884459627773, 0.1349853104177308, 0.1278958660503984, 0.12101783191224352, 0.11468607209737625, 0.1087512016518334, 0.10283175586418733, 0.09670680719214371, 0.09056212000326534, 0.08495001803938185, 0.08048703869262933, 0.07755363453753374, 0.0762446882452701, 0.07648462708084067, 0.0782113347009983, 0.08146655879184317, 0.08628062541701512, 0.09249614353601551, 0.09975636602307525, 0.10765717099558587, 0.11590243110014473, 0.12439053538606522, 0.13319992391862873, 0.14241756542614506, 0.15187976313917312, 0.16103991031609946, 0.1690765592495225, 0.1751203186603429, 0.17845408188464454, 0.1786500119450507, 0.17566955750241536, 0.16996205626427283, 0.16258044083433135, 0.15528208258345177, 0.15046255903650008, 0.1506209499917037, 0.15725280371787922, 0.17001363262131056 ], [ 0.2067353379337406, 0.18884228253109694, 0.17234981548591, 0.1585547800063909, 0.14877915956401302, 0.14377742511955763, 0.14307074782012047, 0.14499885060259665, 0.14754717190949537, 0.1490737668667369, 0.1486030830521309, 0.1458314789549366, 0.1410131952653311, 0.13479075959907683, 0.12796764198298372, 0.12122527466331973, 0.11486938235834229, 0.10878173926268556, 0.10265792913845027, 0.09635884075419701, 0.09012352332551192, 0.08451468925184727, 0.08013691214691072, 0.07737447332694598, 0.07634934299093012, 0.07701744801953814, 0.07932983934575316, 0.0833219519061374, 0.08898120595850786, 0.09605841021360259, 0.10409934674176007, 0.11263588219669382, 0.12134175668837216, 0.13009835098713082, 0.1389593587693934, 0.1479879154783843, 0.157031110365862, 0.1656010960788524, 0.17295539165134882, 0.17829113974857866, 0.18093278299891166, 0.18047109054868612, 0.17686999536921802, 0.1705725400196683, 0.16262479595981846, 0.15478847788998434, 0.14948998796506255, 0.14928948382969376, 0.15573582389666937, 0.16847031218999722 ], [ 0.20272708460127112, 0.1847800182733182, 0.1683368668696414, 0.15471505377974595, 0.14525268652888326, 0.14069397592324753, 0.14049766265354702, 0.14291829234609912, 0.1458952067046993, 0.14778545763109097, 0.14763606911722546, 0.14516860802279752, 0.14064984004476605, 0.13471057277836004, 0.1281143144717673, 0.12148929280781051, 0.1151118755025611, 0.10888830568050314, 0.1025825553939929, 0.09613169890071624, 0.08982517459934028, 0.08423490907536016, 0.07995477442933488, 0.07737747643297412, 0.07665951781010875, 0.07778961957493004, 0.08072446300218449, 0.08548186914763894, 0.09199835398775881, 0.09993361616169509, 0.10874495485854617, 0.11791015880094108, 0.1270775971574601, 0.13611165677957393, 0.14504154842870712, 0.1539079996856748, 0.16256720481675693, 0.1705846060629704, 0.1772935983179389, 0.18196028786388888, 0.1839567190919479, 0.18289928379742393, 0.17876052339104595, 0.17198061268724543, 0.1635961943571808, 0.1553585996950521, 0.1496912727109274, 0.14916707755554348, 0.15535836677449336, 0.1679206809775045 ], [ 0.19893660225828597, 0.18105080403529622, 0.16479697029179138, 0.15149552866103938, 0.14246583704244303, 0.13839896185313613, 0.1386760197822375, 0.14149188009709798, 0.14477345512144588, 0.14690054185748563, 0.14695480429910002, 0.14468785792181757, 0.1403809712291228, 0.1346552159111312, 0.12823754526332326, 0.12170672731248991, 0.11530915079243147, 0.10896744964937892, 0.10250308017063953, 0.09592187587120432, 0.08956160444735786, 0.0840057861254536, 0.07984146621757021, 0.07747292718139218, 0.07709437387185848, 0.07872546554835573, 0.08231915748787261, 0.08786337247984338, 0.09523695270939336, 0.10401284264505432, 0.11357232072848819, 0.12334985681885108, 0.1329729651809744, 0.14228942673698544, 0.1513048502893473, 0.16003934207223144, 0.16835673089271508, 0.17587009104602896, 0.18198410741889742, 0.18603412393664087, 0.1874441779723846, 0.18586249061612037, 0.1812762374850465, 0.17412659193821547, 0.1654391349392285, 0.1569414822924927, 0.15102164959524794, 0.15021676359891073, 0.1560913724835831, 0.16834132810049007 ], [ 0.1953501797480016, 0.17764090758655754, 0.16171800611369458, 0.14888570083883032, 0.14040676374046504, 0.13687417639725755, 0.13757838414489668, 0.14068403412941768, 0.14413999678002704, 0.14637138533397961, 0.14650530662814157, 0.1443277552679449, 0.1401369477384599, 0.1345475408644435, 0.1282548720669575, 0.121792615755513, 0.11537603208592298, 0.10893505364341206, 0.10233631658910435, 0.09564596457016908, 0.08924904197871836, 0.08374585693562449, 0.07972242117603924, 0.07759648464936249, 0.07759849025568381, 0.07977384112745009, 0.08406192965257644, 0.09040814763156392, 0.09862741337811083, 0.10821398678950181, 0.11848848930573727, 0.1288530877698392, 0.1389187455502929, 0.14851739806734485, 0.15763233925594183, 0.16626494707718165, 0.17428544765677212, 0.18134912129281383, 0.18692657910049165, 0.1904209794357991, 0.19131103053125295, 0.18928175854155524, 0.18434027133774808, 0.17693229743239236, 0.1680709614676605, 0.15944819526374024, 0.1533874417371699, 0.1523469878007431, 0.15785656309480553, 0.16967084722331893 ], [ 0.19194716170259993, 0.174525259879111, 0.15907028916943455, 0.14684944904642408, 0.13902996338651627, 0.13606558486056958, 0.1371475187674436, 0.1404380777064724, 0.1439403351821116, 0.14614507098166704, 0.14623437841284484, 0.14403276300025372, 0.13985854819159915, 0.1343246607275387, 0.12810109202274655, 0.12168121349428535, 0.11524755348735301, 0.1087276351479156, 0.10202025751588463, 0.09524290547029947, 0.08882761927849629, 0.08339856026743328, 0.07954773777027292, 0.0777073775813474, 0.07813828589714616, 0.08090310744020789, 0.0859187084850024, 0.09307577146743881, 0.1021189318590194, 0.11247552745159693, 0.12342271973771456, 0.1343411315497594, 0.14482932681235494, 0.15470450837637106, 0.16392918519782784, 0.17248784161417302, 0.1802560508676342, 0.18692628591548185, 0.19202942406056772, 0.19503375907206824, 0.19547373579704763, 0.19307470159718615, 0.1878678213657576, 0.18030606021390225, 0.17138840635455563, 0.16276051499788036, 0.15665712592627828, 0.15542410269982676, 0.16053564518246152, 0.17181535282966007 ], [ 0.18870119497600174, 0.17166895630332615, 0.1568084877958572, 0.14532785069694978, 0.13826110627951743, 0.13588950024015956, 0.13730153685592264, 0.14068044972679736, 0.14411072806541025, 0.14616604265581257, 0.14609177000881174, 0.14375506998089457, 0.13949835610872272, 0.1339388191502829, 0.12772857041425784, 0.12132587322148447, 0.11487867090891589, 0.1083021650843803, 0.10151415380295148, 0.09467423792531732, 0.08826139837322068, 0.08293152143004945, 0.07929016833770075, 0.07778455873747121, 0.078696698509962, 0.08209513778182632, 0.08786657365613346, 0.0958360984797134, 0.10567247295794996, 0.1167503245657725, 0.12832081619969804, 0.13975327719305344, 0.1506379904369332, 0.1607788918913548, 0.1701193800429672, 0.17862873317947456, 0.18618694230595034, 0.19251911066267993, 0.19721071535128235, 0.1997916227067545, 0.1998516559285381, 0.19715848108396433, 0.1917700368403043, 0.18414802320989565, 0.17527509622006215, 0.16674158228482108, 0.16067549395369427, 0.1592878442171121, 0.16398320412899292, 0.17465690585514898 ], [ 0.185581981912198, 0.1690296254743055, 0.15487506862894185, 0.1442445610557588, 0.13800518930771136, 0.13624192144512295, 0.13794169160119962, 0.1413263414315164, 0.14458202630612021, 0.14637867623402734, 0.14603191850091718, 0.1434557506461959, 0.13902141605000728, 0.1333575143184726, 0.12710682951635696, 0.12069819803445674, 0.11424314667646221, 0.10763485506865754, 0.10079730846336109, 0.09392287083401664, 0.08753688908863891, 0.08233450388232018, 0.0789421742387015, 0.07782234526817744, 0.07926770524200098, 0.08334003809553618, 0.08988824515999737, 0.09866303507183999, 0.1092552553459414, 0.12100052485331875, 0.13314028026540262, 0.14504226695493783, 0.15629269947622315, 0.1666840740096987, 0.1761424493399666, 0.18462340425694887, 0.19201047898459042, 0.1980572613291792, 0.20239831001937664, 0.20462090719628773, 0.2043686980582794, 0.20145221892995416, 0.19595745164796155, 0.18835509374425277, 0.1796088131748018, 0.17124635536681068, 0.16527738611772513, 0.16376626047616122, 0.16803994578582476, 0.17806296048339584 ], [ 0.1825574310155808, 0.166560442959743, 0.15320477191708015, 0.14351258780635648, 0.13815570869493107, 0.1370084706617811, 0.1389609334501733, 0.14228574329949578, 0.145283515812742, 0.14672955580432492, 0.14601520057724549, 0.1431053425861143, 0.1384052991489964, 0.13256309165764285, 0.12622168334381217, 0.11978676737244258, 0.1133319337346396, 0.10671926128323801, 0.09986694575300667, 0.09299076559584023, 0.0866605222877225, 0.08161659221714912, 0.07851284358393942, 0.07782714134736302, 0.07985288320037807, 0.08463266224368353, 0.09196891263478035, 0.10153213496411284, 0.11283768887849568, 0.12519398957305666, 0.13784656917578283, 0.15017059154680454, 0.16175254198756508, 0.1723756458077732, 0.18195046174920887, 0.19042019137997995, 0.1976710709786623, 0.2034813811674087, 0.2075294615319612, 0.20945547573553402, 0.2089543692357434, 0.20587881701723867, 0.2003427796994184, 0.19282512548500813, 0.18426766468746253, 0.1761303386715346, 0.17029883298645573, 0.16868788550022318, 0.1725440590090865, 0.1818951988730517 ], [ 0.17959606540146097, 0.16421350695524714, 0.15172951958951245, 0.14304129510375677, 0.13860339038902894, 0.13807344754637613, 0.14025172502359812, 0.14346899891243123, 0.14614633120528991, 0.14716929218721084, 0.14600867816369592, 0.14268389947127036, 0.1376396883872003, 0.13155195314663867, 0.1250740890452707, 0.11859562511932177, 0.11215127623542014, 0.10556395733184121, 0.0987354221302925, 0.09189578006620361, 0.08565532087124315, 0.08080285224699225, 0.07802495052216699, 0.07781549153456953, 0.08046015351556123, 0.08597100720748833, 0.094095154084087, 0.10442031403699205, 0.11639223317550175, 0.12930213158264278, 0.14241043556811775, 0.15510764962076828, 0.16698487595943382, 0.17781850127265172, 0.18750545944712507, 0.19597771912322953, 0.20312334254788247, 0.20874179805484028, 0.21255014349417684, 0.21423667098541085, 0.21354436108985198, 0.21036622743358735, 0.20484302457719555, 0.19746014036412324, 0.18913476294098672, 0.181255937750736, 0.1755848385348718, 0.1738902861584793, 0.17733966548096305, 0.18601674329580636 ], [ 0.17666954036791385, 0.16194329045144412, 0.15038321001610852, 0.1427427625050024, 0.13924353937527134, 0.1393270929513647, 0.14171224587051703, 0.1447912765897675, 0.14710615542431366, 0.14765379152615757, 0.14598634471554434, 0.14218057153032834, 0.1367255544626332, 0.1303334631052544, 0.12367880031344484, 0.11714262780619981, 0.11072065788643183, 0.10418996356122223, 0.0974270005214582, 0.0906678290482592, 0.08455684693887806, 0.07993047867613642, 0.0775120069911586, 0.07781247682658085, 0.08110303897276, 0.08735576811199068, 0.0962549741535873, 0.1073060513849053, 0.1198931334633367, 0.1332987607849831, 0.14680616062903803, 0.1598276686528831, 0.17196312140208325, 0.1829846204821408, 0.19277733025191246, 0.2012629536608097, 0.20833046749342174, 0.2137972478782121, 0.21741424303244042, 0.21891301846712, 0.2180807835957982, 0.2148482575902824, 0.2093809457679061, 0.20216858875567983, 0.19410138821371864, 0.1864964770770669, 0.18099400784424619, 0.17922515945347509, 0.1822822683027406, 0.19029737520901935 ], [ 0.17375512989625364, 0.15970992637063555, 0.14910599652068687, 0.1425369839627776, 0.13998155222945807, 0.1406707158456569, 0.14325069507835925, 0.14617571627119838, 0.14810507988872745, 0.14814494929258504, 0.14592890186452423, 0.14159275578865335, 0.13567395430565318, 0.12892857006385594, 0.12206283734260899, 0.11545767882457901, 0.10907066672679576, 0.10262808519030152, 0.09597442831918906, 0.08934453620340771, 0.083408440592998, 0.07904438266687801, 0.07701503135642444, 0.07784974296191609, 0.08179967664893424, 0.088790178633022, 0.09843809979203254, 0.11016963351935136, 0.12331639786780536, 0.13715950677813907, 0.1510104376011106, 0.16430823937748218, 0.17666510407854066, 0.1878513385164961, 0.19774209300079668, 0.20624958300442103, 0.21326272537783433, 0.21861369686025112, 0.22208272931905895, 0.2234397919128482, 0.22251215427141832, 0.21926500751642009, 0.21388597593289152, 0.20686676448573374, 0.19906884105527894, 0.1917382936019054, 0.18640069446809285, 0.18456070164444727, 0.18724166863833475, 0.19461685524178202 ], [ 0.17083806003277277, 0.15748214546710862, 0.14784781282424614, 0.14235570913295964, 0.14073654558260865, 0.14201977358772472, 0.1447877942766457, 0.1475552782798253, 0.14909263399275835, 0.14861080107130673, 0.14582311414855745, 0.14092485210876984, 0.1345044548622219, 0.1273681169763016, 0.12026373224564353, 0.11358081864036029, 0.1072407981003119, 0.10091629092892575, 0.09441562050213784, 0.08796677247559365, 0.0822558365235573, 0.07819238297200576, 0.07657887828069754, 0.07796285658175729, 0.08257124902082542, 0.09027951292294467, 0.10063599395302371, 0.11299317336440529, 0.1266397260860065, 0.1408614971586478, 0.1550016794890797, 0.16852931278212416, 0.18107184625221648, 0.19240002608701437, 0.20238054773057, 0.21091670267392407, 0.21789628811532002, 0.22316330330954226, 0.2265228622522261, 0.22777852004782226, 0.22679322940678925, 0.2235630333151478, 0.2182947034205938, 0.21147954482201767, 0.203949282903722, 0.19688143440505995, 0.19169543938438646, 0.1897820960056313, 0.1921030218003054, 0.19886668487445144 ], [ 0.16791358563808403, 0.1552397488869842, 0.14657104955349484, 0.14214495417195627, 0.14144331432258253, 0.1433052404946811, 0.14625779932819064, 0.14887347887493801, 0.15002608275198925, 0.1490252028045085, 0.14566080735072431, 0.1401866654508737, 0.13324317167110022, 0.12569078175268467, 0.11832746955336541, 0.11156009959843355, 0.10527718168129571, 0.09909723801321454, 0.09279077626856691, 0.08657486851862319, 0.08114203373224911, 0.07742058364125984, 0.07624814999359321, 0.07818787201485254, 0.08343966085566969, 0.09182993472578264, 0.10284132008721097, 0.11576026279390761, 0.12984226657427345, 0.14438310167950535, 0.15875957742252167, 0.17247252851232125, 0.18516670729733098, 0.19661510891081402, 0.20667723747980624, 0.21524777374397935, 0.22221222665148288, 0.2274235329412913, 0.2307074775443171, 0.23189648785006647, 0.23088474339797416, 0.22769531860155628, 0.2225510323043333, 0.21594063278940226, 0.2086658672278318, 0.20183944686675842, 0.19678436848189962, 0.19479085683703423, 0.1967666771485607, 0.20295072401509032 ], [ 0.16498871753720662, 0.15297554191936422, 0.145252378780712, 0.1418663320887242, 0.1420529446255172, 0.14447367660611038, 0.14760838971293133, 0.15008426054036064, 0.1508701384030096, 0.14936714052486086, 0.14543759569028256, 0.13939151427487284, 0.1319204217753518, 0.12394058220974027, 0.11630602268526627, 0.10944915031307403, 0.10323019575683642, 0.09721600855512773, 0.09114016476319077, 0.08520624754203725, 0.0801046215664199, 0.07676955111458304, 0.07606281578266633, 0.07855716446507187, 0.0844244875135791, 0.09344663776398916, 0.10504680404001648, 0.11845524384074474, 0.13290418060217318, 0.14770365720201234, 0.16226479677051034, 0.17612077334790446, 0.18893479225421486, 0.20048336080883183, 0.2106196712153346, 0.21922981727214652, 0.22619571809662847, 0.23137642648528597, 0.23461436517449671, 0.23576626529036693, 0.23475310397369145, 0.23162112034019314, 0.22660611847484793, 0.220192459910944, 0.21315241823233605, 0.2065386458718065, 0.20158804353651513, 0.19950357750583533, 0.2011473163709414, 0.2067850481427435 ], [ 0.1620835037979634, 0.15069667438435053, 0.14388376513706724, 0.14149739060925315, 0.14253241020692017, 0.14548637987981666, 0.14879977893404137, 0.15115124581356187, 0.15159624630011176, 0.14961978527561204, 0.14515144455723059, 0.1385541412071425, 0.13056803092879687, 0.12216390139722198, 0.11425439722196443, 0.10730433849714273, 0.10115193419192729, 0.0953180752640815, 0.08950261550741496, 0.08389439271390427, 0.07917471728809301, 0.07627125519728849, 0.07605372717235964, 0.07909482880480267, 0.08553944269748373, 0.09513142230677485, 0.10724361261767935, 0.1210621959877398, 0.13580606444303084, 0.15080316018380188, 0.16549875116398902, 0.17945789948719712, 0.19236256419925285, 0.2039934161295271, 0.21419776330271423, 0.2228528106229132, 0.22983543029728742, 0.23500800993480944, 0.23822574587695314, 0.23936528220828934, 0.2383700762320165, 0.23530574024178594, 0.2304181619415715, 0.2241858773002106, 0.21735285400616508, 0.21091713061407222, 0.2060400971921999, 0.2038504469220633, 0.2051727556822278, 0.21029735323954427 ], [ 0.15923174938979243, 0.14842532521911114, 0.14247270125035164, 0.14103112747640445, 0.14286342655435672, 0.1463179303467559, 0.149803326881534, 0.15204659309697638, 0.15218159966723582, 0.14976941488525367, 0.14480119555662427, 0.13768857162496834, 0.12921641299973585, 0.12040605034751725, 0.1122271408345325, 0.10518148910920273, 0.09909353713772642, 0.09344748575314246, 0.08791456844652698, 0.08266854574806887, 0.07837623297805214, 0.07594652621752467, 0.07623835055485137, 0.07981229743496875, 0.0867888108692165, 0.09687999864047785, 0.10941951434683764, 0.12356382545719391, 0.13852833019772318, 0.1536619577929028, 0.16844343398915584, 0.1824685595507033, 0.19543761350402203, 0.20713545812420067, 0.21740345190387955, 0.2261092547069054, 0.23312306069133382, 0.2383078338073016, 0.24152784294228788, 0.24267545818292624, 0.24171247700698165, 0.23872025944290387, 0.23395211694822296, 0.22787973165571515, 0.22122049380966421, 0.21492372915122912, 0.2100858540666424, 0.20777375566634937, 0.2087826494834816, 0.21342613383963058 ], [ 0.15648102514779152, 0.14619863904727473, 0.14104167662268235, 0.1404748082973984, 0.1430407678798739, 0.14695435432280538, 0.15059986795589825, 0.15274963274848588, 0.15260802125602624, 0.1498043214783859, 0.1443851934217072, 0.13680611755046454, 0.12789165707607109, 0.1187075019779423, 0.11027437580813124, 0.10313223497484497, 0.09710250085448548, 0.09164526167043247, 0.08640947015651818, 0.08155372078852091, 0.07772555624167725, 0.07580346929234207, 0.07661761898807547, 0.08070522888654683, 0.08816438824763467, 0.0986794222745504, 0.11155721774285023, 0.12594049503310173, 0.14105066895467494, 0.15626049091287902, 0.17108131199617133, 0.18513813610058827, 0.19814855191189842, 0.20990105008651663, 0.220230465566769, 0.22899388533201087, 0.23605300776992322, 0.24126862639414404, 0.24451054246562398, 0.24568288983832332, 0.2447618927057908, 0.2418412631573592, 0.23717936505535211, 0.23124039505076996, 0.2247173425094712, 0.21851697878851428, 0.21368105092670062, 0.2112265140149926, 0.21192723796575472, 0.2161197875350553 ], [ 0.15389177838291554, 0.1440677815080327, 0.13962684930602304, 0.1398481641627854, 0.1430701904269308, 0.14739107147377184, 0.1511779127504112, 0.1532454236006378, 0.1528608288393158, 0.14971381223950392, 0.1439001525476839, 0.13591375766441718, 0.12661299652337896, 0.11710015230843011, 0.10843755085292295, 0.10120032641070505, 0.09522023436972664, 0.08994804652740447, 0.08501732245171938, 0.08057083295156106, 0.07723179397875722, 0.07583770668480944, 0.07717601281896863, 0.08175277858593216, 0.08964355363660782, 0.1005063164568049, 0.11363336635278379, 0.12816963256237066, 0.14335171504837665, 0.15857914635144882, 0.17339529820247676, 0.18745275759534696, 0.20048501106711936, 0.212283084790291, 0.22267421350209105, 0.2315035060140247, 0.23862215562385797, 0.24388604602163771, 0.24716713309158655, 0.24837759397762155, 0.24750442776977427, 0.24465057331733808, 0.2400773828118566, 0.23424129520440612, 0.22781341036826394, 0.221664202566075, 0.21679071190197782, 0.21417124140408636, 0.214566216948166, 0.21833574411249496 ], [ 0.151535330571032, 0.14209594523349664, 0.13827585697855735, 0.13918101310564573, 0.14296606649067342, 0.14763074455856176, 0.15153184117779195, 0.15352333868098428, 0.15292777905163035, 0.14948739135794475, 0.14334037868488683, 0.1350131134538439, 0.12539112654086623, 0.11560439245041251, 0.10674537849796892, 0.09941866482679694, 0.09348026359572098, 0.08838707779730462, 0.08376423410399571, 0.07973677957026643, 0.07689749514429645, 0.07603438218054778, 0.07788468925726587, 0.08291969128943051, 0.09118988270861635, 0.10232702326661185, 0.11561859940522035, 0.13022568996161413, 0.14540899899646248, 0.16059826559733847, 0.17536882403481616, 0.18939940077075254, 0.20243773358378278, 0.21427583477087833, 0.2247317803544777, 0.23363692335732744, 0.24082975434584722, 0.24615851810400052, 0.2494941154575023, 0.2507533024788118, 0.24993048670261642, 0.24713500059246923, 0.24262942503404925, 0.23686247613022735, 0.23048610202829006, 0.22434071155356827, 0.21938820081988644, 0.21657895006655828, 0.21666776803660137, 0.22003967863441964 ], [ 0.14949055866073988, 0.14035513454944126, 0.13704469820276652, 0.13851034466575649, 0.14274882081362628, 0.14768113040503686, 0.15166018004626436, 0.15357576497824746, 0.15279816208392216, 0.14911418482943292, 0.14269741809069822, 0.1341001689793442, 0.12422776680857753, 0.11422815870767787, 0.10521206913457126, 0.09780815901279859, 0.09190747638859836, 0.0869875759064056, 0.08267187454603184, 0.07906429160578833, 0.07671952806858008, 0.07637095145251471, 0.07870573336142882, 0.08416061289121268, 0.09275717286561241, 0.10410020213364478, 0.11747877469620843, 0.13208070337410668, 0.14719922768719546, 0.16229833854696993, 0.17698602679788075, 0.19096608279049612, 0.2039987502842331, 0.21587509130327923, 0.22640201057285128, 0.23539496931134526, 0.24267738118973825, 0.248087143793328, 0.25149107136512566, 0.25280730342590096, 0.2520345896550041, 0.24928612217188098, 0.24482423664688388, 0.23909020686945326, 0.23271969224088457, 0.22652914419884324, 0.22145445408137363, 0.21842832574008514, 0.21820776381304977, 0.22120484220862577 ], [ 0.14783913841773286, 0.13892161481572593, 0.13599365727550225, 0.13787694099389897, 0.1424422742309472, 0.1475530264196648, 0.15156404446122446, 0.15339698438714056, 0.15246209922832385, 0.14858264014232433, 0.14196014908313082, 0.13316575639904676, 0.12311657767073642, 0.11296847398941336, 0.10383970926256711, 0.09637891829360527, 0.09051858091943164, 0.08576862325258047, 0.08175681114491354, 0.07856138819266885, 0.0766897473447606, 0.07682000071011487, 0.07959664421926224, 0.08542535780341264, 0.09429470235312452, 0.10578067321371616, 0.11917705258215842, 0.13370537296610593, 0.14869887761086162, 0.16366038858912793, 0.1782320612463109, 0.19214214670076105, 0.205161640458746, 0.2170783836964459, 0.22768567076868004, 0.23678059715308525, 0.2441689691819825, 0.2496756680456161, 0.25316058285115767, 0.2545403220787441, 0.25381521944382895, 0.25110008791348903, 0.24665579999617232, 0.24091664737506435, 0.23450489538208805, 0.22821894347419222, 0.22297738824851854, 0.21970509895661644, 0.21916915042404397, 0.22181152847701868 ], [ 0.14665940925455703, 0.13787005929673368, 0.13518235858869976, 0.13732168737143308, 0.14207103297427234, 0.14725841286177416, 0.15124581541919938, 0.15298228965898694, 0.15191007722649358, 0.14788050444617593, 0.14111527271058497, 0.1321966910111893, 0.12204516636244164, 0.11181465368640875, 0.10262219985145017, 0.09513311252824336, 0.08932360557235702, 0.08474355373083158, 0.08102988317246776, 0.078230366722218, 0.07679532233698591, 0.07735178172006855, 0.08051447163453455, 0.08666391881746222, 0.0957520404588826, 0.10732322379663647, 0.12067634852272438, 0.13507049119513032, 0.14988504519725873, 0.16466653589336597, 0.17909353611128875, 0.19291864225378808, 0.20592187357123046, 0.21788527298488314, 0.22858568077074637, 0.2377990399059659, 0.24531089124240413, 0.25093049575859944, 0.25450819154141524, 0.2559564347192159, 0.25527469630822996, 0.252577454556144, 0.24812311999502581, 0.24233957452944227, 0.23583852914698555, 0.2294059669729074, 0.223951472754964, 0.22040159712455631, 0.21954150447743617, 0.22184668502795268 ], [ 0.14601920656685743, 0.13726666927266828, 0.13466423927041832, 0.1368818457198627, 0.14165810440091775, 0.14680889921513202, 0.15070812109763396, 0.15232737860281023, 0.15113273877271585, 0.14699506239740992, 0.1401481148286041, 0.13117733800861414, 0.12099768827930028, 0.11075202876470906, 0.10154930719940303, 0.09406841730968785, 0.0883279909823911, 0.08392078514468457, 0.08049598680126366, 0.07806679924985309, 0.07701914687134206, 0.0779364080350086, 0.08141920016705069, 0.08783048837137615, 0.0970828831304656, 0.10868583650628533, 0.12194173487131126, 0.13614852735138833, 0.1507364771716847, 0.16530071277429334, 0.17955907007362695, 0.19328880228100248, 0.2062772313755385, 0.21829771549760352, 0.22910740550362357, 0.23845802106710853, 0.24611208874442575, 0.2518607451958179, 0.25554238881485286, 0.25706300796304526, 0.2564190754426735, 0.2537230453707017, 0.24923004596851117, 0.24336216690840604, 0.2367232685762492, 0.230092222331453, 0.224377457348039, 0.22051646764306124, 0.21932075980803248, 0.2213036747268142 ], [ 0.14596838735314766, 0.13716184833741785, 0.13448104230548905, 0.13658770007757817, 0.1412229531527706, 0.14621458508046, 0.1499531829490973, 0.15142806067910272, 0.1501209381604555, 0.1459136021301151, 0.13904363147098053, 0.1300913579527323, 0.11995753530593223, 0.10976545096144544, 0.10061032651901802, 0.09318122946364275, 0.08753471484179248, 0.08330489653538398, 0.08015459643369893, 0.07806020606154042, 0.07734103872913878, 0.07854570816782942, 0.082276178715655, 0.08888622939635549, 0.09824777069195854, 0.10983218097687827, 0.12294255201913913, 0.13691521165030418, 0.15123470449921517, 0.16554950033322777, 0.17961995817084983, 0.19324861335586213, 0.20622830938150313, 0.21832049231054382, 0.22925900037958732, 0.2387680079681176, 0.2465842337947645, 0.25247832813438836, 0.25627462728445066, 0.2578706556775368, 0.25725806124660144, 0.2545458306777223, 0.2499851262369391, 0.24399284358516152, 0.2371674836704617, 0.23028571897231842, 0.22426224443097015, 0.22005456394735357, 0.21850910066040985, 0.2201821907451215 ], [ 0.14653235448291912, 0.1375834161547397, 0.1346583325339664, 0.13646007117840983, 0.1407802144090306, 0.14548343533913516, 0.14898257739304657, 0.15028030179836047, 0.14886606533674882, 0.1446240761801765, 0.13778751546544393, 0.12892340664294838, 0.11890972397612527, 0.10884216689124007, 0.09979696994478265, 0.09246912469468387, 0.08694592496045098, 0.08289761475354013, 0.08000081967212821, 0.07819604591454808, 0.07773949495688613, 0.07915461964992854, 0.08305754751886961, 0.08980082694921344, 0.09921575940486117, 0.11073339176524727, 0.12365414816602562, 0.1373510236434194, 0.15136522038250735, 0.16540305861353577, 0.17927093932118576, 0.19279747890449328, 0.20577909627419888, 0.217961700333868, 0.22905180260466734, 0.238742497817678, 0.24674191431703207, 0.2527980460335363, 0.2567193438784672, 0.25839320512932795, 0.257804931193294, 0.25505882292344123, 0.25040148904230913, 0.2442451494896316, 0.23718515151615088, 0.23000042621151484, 0.223618897363935, 0.2190269886182107, 0.2171150200350717, 0.21848832971915008 ], [ 0.14770880286089277, 0.13853277384926005, 0.13520325533273891, 0.13650915270518443, 0.14033923645068763, 0.1446212426175196, 0.14779744889969165, 0.14888062536894248, 0.14736064038244998, 0.14311593280200163, 0.13636733012684757, 0.1276606348844751, 0.11784275002073467, 0.1079738321869438, 0.09910522451867314, 0.09193224093016888, 0.0865636897633734, 0.08269832314112774, 0.08002634668939937, 0.07845725034877588, 0.07819306176495733, 0.0797419279117569, 0.08374271643799096, 0.0905530044187125, 0.09996525239723422, 0.11136926260665853, 0.12405927325990358, 0.1374425509402013, 0.15111866755321687, 0.1648561310181091, 0.17851105806810735, 0.1919389731654445, 0.20493762924990883, 0.2172332997117776, 0.22850075960556893, 0.23839832543287484, 0.2466028302702715, 0.25283769101369186, 0.25689398436812, 0.25864766337758266, 0.2580764611948068, 0.255278978375705, 0.25049674116237314, 0.24413767722114235, 0.23679583150962488, 0.2292563265494668, 0.2224667762705381, 0.21745128977331865, 0.2151535445902075, 0.2162348291678275 ], [ 0.14946939045776436, 0.13998679816912463, 0.13610525535072038, 0.13673490013829895, 0.13990453275789708, 0.14363220900986698, 0.14639919145006977, 0.1472268805701949, 0.14559918291436727, 0.14138110916783622, 0.13477363698828182, 0.12629391986965857, 0.11674981639671538, 0.10715757446836528, 0.09853607817541715, 0.09157347694830105, 0.08638969286934295, 0.082703816620049, 0.0802197930201805, 0.07882493135139902, 0.07868092814908698, 0.08029025929466514, 0.08431803008671336, 0.09113027704247258, 0.10048427708946314, 0.11172904679745597, 0.12414921240707776, 0.13718373113986612, 0.15049202512169377, 0.16390911479674886, 0.1773446177214986, 0.19068168501959856, 0.20371672202383656, 0.21615171012887568, 0.22762488356625224, 0.23775597981220994, 0.2461879880237308, 0.25261813958395235, 0.25681901855797457, 0.2586541742359896, 0.25809284331212906, 0.2552270959209844, 0.2502928733313312, 0.24369401247953426, 0.23602468948301397, 0.2280795508941246, 0.22083179235289263, 0.21535180826962375, 0.21264662995866604, 0.213441477362335 ], [ 0.1517651080747578, 0.14190341294147396, 0.13733936286577597, 0.13712887432961213, 0.1394771049470743, 0.1425201300076604, 0.14479059475352782, 0.14531938266431743, 0.14357936580322755, 0.13941519750924203, 0.13300112953811125, 0.1248188450743021, 0.11562946173697584, 0.10639613172384785, 0.098095161049522, 0.09139761350123587, 0.08642399981932948, 0.08290728864178465, 0.08056635852813586, 0.07927851409167841, 0.07918301377713141, 0.0807854980676338, 0.08477583918834672, 0.09152831832237943, 0.10077054628693098, 0.11181207351828334, 0.12392476775539772, 0.1365770179411165, 0.14948980521228533, 0.16256920010211753, 0.1757822263281296, 0.18904015087307033, 0.20213475993933622, 0.21473844517047466, 0.22644771764078098, 0.23683991398855606, 0.24552187806947962, 0.2521634259126869, 0.256517934587337, 0.25843595539493447, 0.2578775856557394, 0.2549277019055794, 0.24981615932464374, 0.24294268724926357, 0.23490255296882145, 0.2265025790257136, 0.2187467694769288, 0.21276017307236658, 0.20962373192771977, 0.21013570552590197 ], [ 0.15453308859959433, 0.14422819092988676, 0.13887094386069995, 0.13767715895101415, 0.1390564851132184, 0.14129011523759513, 0.14297743139314914, 0.14316242477281663, 0.14130346808278677, 0.1372188139544838, 0.13104982529180748, 0.1232365193498028, 0.11448572156589215, 0.10569720064988045, 0.09779148132322019, 0.09140966978422815, 0.08666338941307543, 0.08329690120919145, 0.08104713125503583, 0.07979588301079192, 0.07968018427340473, 0.08121619675186426, 0.08511333012488542, 0.09175048901710338, 0.10083165038160116, 0.1116283714778339, 0.12339719244707521, 0.13563452178700044, 0.1481252814184949, 0.1608515878162628, 0.1738419395773547, 0.18703587425690013, 0.20021655231722552, 0.213020768562995, 0.22499779456359942, 0.23567882900130346, 0.24463261895499974, 0.2515007800981093, 0.2560171999762806, 0.2580192046023435, 0.25745738340754365, 0.2544089085158318, 0.24909703327387694, 0.2419171214587603, 0.23346597522754506, 0.22456448327920586, 0.21625189703650538, 0.2097159395086772, 0.20612255864041087, 0.20635337252851696 ], [ 0.15770343369599252, 0.1469008835706052, 0.1406608475209855, 0.13836384086860173, 0.1386432672840142, 0.13995073990621812, 0.14097044232833497, 0.14076615490916666, 0.1387801454926296, 0.1347992130649116, 0.12892639669214587, 0.12155438007891542, 0.11332805064907975, 0.1050722487125261, 0.0976355399760615, 0.09161296132554411, 0.08710006358468314, 0.08385493802280568, 0.08163897077348374, 0.08035431277024872, 0.08015529584471814, 0.08157407607149599, 0.0853323270680626, 0.0918082101314408, 0.10068565967505268, 0.11119943249602443, 0.1225891500943537, 0.13437916762829874, 0.14642177292717035, 0.15878079858540853, 0.17155050370061853, 0.18469842493848343, 0.19799422476083045, 0.21103234828497944, 0.2233090619012667, 0.23430590838791548, 0.24355204769978064, 0.2506606155155149, 0.2553461763241035, 0.25743296326620463, 0.25686194918077104, 0.2537022319413232, 0.24816992755190753, 0.24065553007911153, 0.23175727986168712, 0.22231118567215813, 0.21339524980752403, 0.20626735858840978, 0.20219000524483752, 0.20213974952505936 ], [ 0.16120523483050078, 0.14986118017290348, 0.14267020597409275, 0.1391745595917835, 0.13824186187817972, 0.13851648994064175, 0.13878765964211007, 0.1381488035548305, 0.13602653517747426, 0.13217219397734578, 0.1266457302021355, 0.1197871493853881, 0.11217131139304923, 0.10453521490843022, 0.09763718380310667, 0.09200742768579137, 0.08772160122663925, 0.0845592003277643, 0.08231664740060421, 0.08093278032395138, 0.0805954907881256, 0.08185646678947951, 0.08544181463556197, 0.09172256435404252, 0.10036223901886335, 0.11055915083788251, 0.12153572196723413, 0.1328458886031542, 0.1444139982133306, 0.15639207943650435, 0.1689446939129368, 0.1820665999001814, 0.19550812210139712, 0.20881387349946784, 0.2214212399721026, 0.23275897449137278, 0.24231573427002917, 0.24967644812064876, 0.25453697411673737, 0.25670892562367703, 0.2561237905764736, 0.2528423556869187, 0.24707305161272713, 0.23920076871676904, 0.2298245508810664, 0.21979568809283354, 0.21023333739406774, 0.20247225306796662, 0.19788326275855223, 0.19755070368204777 ], [ 0.1649713418903659, 0.153053278972859, 0.14486443646245362, 0.14009972789388947, 0.1378632050816877, 0.13701033896485001, 0.1364569825389799, 0.1353392305579478, 0.13307069817689018, 0.12936433072674464, 0.12423278543994797, 0.117958092981146, 0.1110361516499462, 0.10410175106729047, 0.09780377406349866, 0.09258902942175394, 0.0885126623701439, 0.08538685894705254, 0.08305732859418533, 0.081515675084783, 0.080995659406919, 0.08207014093225193, 0.08546181184737925, 0.09152679214527086, 0.09990412780654742, 0.10975485106136597, 0.12028541557922584, 0.13108283450971414, 0.14214948767289073, 0.1537328961281603, 0.16607272628024256, 0.17918960965710945, 0.1928076743262526, 0.20641358444007174, 0.21938006863723938, 0.23108053250326302, 0.24096289531444273, 0.24858472988486788, 0.253624234161504, 0.2558811819220572, 0.2552779229966184, 0.25186682414056943, 0.2458480908122777, 0.23760008710083727, 0.22772152529367684, 0.21707822147514455, 0.20683162654782822, 0.1983989546017972, 0.19327107352067552, 0.19265406216351613 ], [ 0.16894173575051558, 0.1564291171496538, 0.14721621929963938, 0.14113713813532885, 0.13752716902653767, 0.13546626813656734, 0.1340188871516554, 0.13237972688413266, 0.12995437075684743, 0.12641552167096623, 0.12172477501053336, 0.11610065652226549, 0.1099499988002775, 0.10378969867353562, 0.09814046128582696, 0.09335133240796649, 0.08945836995682516, 0.08631936579291832, 0.08384580754067779, 0.08209734720889587, 0.08136256231128682, 0.08223540697766227, 0.08542702303766633, 0.0912688963930773, 0.0993686060572165, 0.10884818724940855, 0.11890104683843028, 0.12915251605055128, 0.1396900007373632, 0.150864463498866, 0.16299568814738133, 0.17612822257322924, 0.1899521515172872, 0.20388764663532696, 0.21723738832828351, 0.22931766322104424, 0.23953618087928352, 0.2474245787278068, 0.25264482302896685, 0.25498588511001985, 0.2543615067752608, 0.2508156521765136, 0.24453980394051572, 0.2359047571400247, 0.22550733745104506, 0.21422624345178148, 0.2032649529044034, 0.19412722259468798, 0.18843507097316192, 0.18753110375955503 ], [ 0.17306557591782176, 0.15995030238688368, 0.14970738331605535, 0.14229376497809884, 0.13726443250743287, 0.13393150063434314, 0.1315290911772468, 0.12932894338993434, 0.12673592974724174, 0.12338177911258194, 0.1191735930496248, 0.1142604217420227, 0.10894866578065628, 0.10362096906148568, 0.09865356253898025, 0.09428944736403547, 0.09054877213787903, 0.0873474416281929, 0.08467951393504022, 0.08268673638673327, 0.08171894111694603, 0.08238969031749441, 0.08538966532784474, 0.09101356772137893, 0.09882841305231457, 0.10791558059234573, 0.1174602781392157, 0.12713272681880797, 0.13711282326507318, 0.14786320519567978, 0.15978887836754396, 0.1729557534512284, 0.18701119854692108, 0.20130027896617392, 0.21505099014334966, 0.2275217221136101, 0.23808130798040522, 0.24623738887386326, 0.25163743185785187, 0.25406083259218576, 0.253413399750008, 0.24973083853583725, 0.243195499546345, 0.23416954140557422, 0.22324605789390464, 0.21131419613375593, 0.1996177042292416, 0.189749015476724, 0.1834710844442304, 0.1822780674433949 ], [ 0.17730211370524665, 0.1635889015170548, 0.15232973222429, 0.14358664640039892, 0.13711757804237612, 0.13246816417632637, 0.12906089794327866, 0.12626470738123993, 0.1234933583800751, 0.12033805356894312, 0.11664827803778806, 0.11249714456714474, 0.1080782659716181, 0.10362419200210916, 0.0993547415556021, 0.0954047919450858, 0.09178346265048005, 0.0884755237386439, 0.08557278090212744, 0.08331138922201695, 0.0821069492377076, 0.08259001849456447, 0.08542090390816927, 0.09084272591172028, 0.09837151343656211, 0.10704778171050634, 0.1160555039650014, 0.12511698293598442, 0.1345117185048363, 0.14482194037750074, 0.15654286755264119, 0.1697587182610964, 0.1840649969210874, 0.19872352249970673, 0.21288416196183255, 0.22574780204713465, 0.23664651763117295, 0.2450663090009009, 0.2506420712771547, 0.25314495788532404, 0.25247361975713917, 0.2486557743377856, 0.24186437479615425, 0.23245197025125938, 0.2210059665363531, 0.20842291938321716, 0.19598361700786834, 0.18536891667717334, 0.17849020227684415, 0.17700747459125638 ], [ 0.18162070448288725, 0.16732728787092516, 0.15508490328977392, 0.14504277693147707, 0.13714118300465664, 0.13115401897557025, 0.12670680270046772, 0.12328630947540949, 0.12032680481113836, 0.11738068857065377, 0.11423709641937027, 0.11088643053514939, 0.10739688058362172, 0.10383715940115744, 0.10026446673152888, 0.09670912841069168, 0.09317539625700207, 0.08972510340175018, 0.08655987940288982, 0.08402024415992726, 0.08259025813918408, 0.08291384698793518, 0.08561026675901971, 0.09085400742676855, 0.09809912606124856, 0.10634812735213185, 0.11479269855075909, 0.1232141006647192, 0.1319971680268234, 0.14185046392505915, 0.15336397797352044, 0.1666368960428794, 0.1812038544901082, 0.196236518925295, 0.2108048558797848, 0.2240539219128142, 0.23528183818506884, 0.24395558133689615, 0.24969946025801104, 0.252277731689056, 0.25158271636425084, 0.24763454362451778, 0.24059670720401352, 0.23081140274831027, 0.2188585037244277, 0.20563860546362245, 0.19246498822865474, 0.18110393282398962, 0.17361926411115658, 0.17184892609208072 ], [ 0.18600014820462107, 0.1711572537782477, 0.1579833809553041, 0.14669799298304154, 0.13740068577494918, 0.13008181289670015, 0.12457876451517717, 0.12051559103721121, 0.11736004126882572, 0.11462882128042556, 0.11204858270907736, 0.10952039820891303, 0.1069752841522787, 0.10430822268166318, 0.10141410014090756, 0.09822702941202664, 0.09475312431450823, 0.091136405826003, 0.087696295776898, 0.0848845501610674, 0.08325417424673145, 0.08345767636995674, 0.08606247030236941, 0.09115662085312903, 0.09812162171969632, 0.10592914561950333, 0.11378880652060082, 0.12154641942521033, 0.12969538228434296, 0.13907502676763964, 0.15037375084166466, 0.16370245242506115, 0.1785269851115102, 0.19392416223505937, 0.20888441157255783, 0.22249991555604495, 0.23403814848866739, 0.2429497432847929, 0.24885031351423456, 0.25149847797004654, 0.2507810574796475, 0.24671112044625138, 0.2394428995408718, 0.22930785953309116, 0.21687685657159925, 0.20305118607260836, 0.1891710771260841, 0.17708229317808447, 0.16900030120004722, 0.16694885864172035 ], [ 0.19042756087977508, 0.17507858112015465, 0.16104280892478706, 0.14859488525799716, 0.13796985770117776, 0.12935679223096339, 0.12280637434242438, 0.11809586851496857, 0.11473978258950113, 0.11222370972079426, 0.11021060900810611, 0.10850652717307234, 0.10689602508217472, 0.10509604373032255, 0.10284619079212554, 0.09999633481158086, 0.0965609372395719, 0.09276792297758205, 0.08905769793585555, 0.08599624189063597, 0.08420307910999494, 0.08433302406514824, 0.0868915142585776, 0.09186434736657981, 0.09855237739049032, 0.10590737700338643, 0.11316731691734373, 0.12024612814138066, 0.12774543162832636, 0.13663607078314308, 0.14770684591625247, 0.1610777132793218, 0.1761402302260294, 0.19187500689100206, 0.20719579561306012, 0.2211460165826561, 0.23296604975464022, 0.24209270417750303, 0.24813454046638453, 0.2508456179697963, 0.2501080441018583, 0.24592847647960922, 0.2384523915839634, 0.22800063533358764, 0.21513416533030288, 0.20075207219864633, 0.1862154783519588, 0.173440817393557, 0.16478829255127123, 0.16246855381640485 ], [ 0.19489694764049204, 0.17909724584309658, 0.1642857658243765, 0.15077984940278635, 0.13892682696980083, 0.12909197285830817, 0.12153208746992286, 0.11618751151376415, 0.11263152802165785, 0.11032469611099567, 0.10886639377171443, 0.10796387142800444, 0.10725029418685356, 0.10626735452514205, 0.1046127706241938, 0.10206643673423205, 0.09865666204361183, 0.0946934376291643, 0.09073609855704115, 0.08746315313223617, 0.08555460994590484, 0.0856595650701248, 0.08821279204698927, 0.09308701107018527, 0.09950033743248997, 0.10639660678482654, 0.11305187719278169, 0.11944926117424146, 0.12629384419899048, 0.13468351066377748, 0.14550676971490967, 0.15889117965577115, 0.17415252252219593, 0.19017837331499304, 0.20581136232984215, 0.22005116535246994, 0.2321145748477037, 0.2414267228448324, 0.24759037827836403, 0.25035586312494973, 0.24960127491062423, 0.24532762396479857, 0.23767246845496165, 0.22694672501368474, 0.21370137710733178, 0.1988312301693857, 0.18371231619053482, 0.17032043758712134, 0.16114652621116568, 0.15857956550817975 ], [ 0.1994076189093348, 0.18322341855704463, 0.16773719572230608, 0.1532994863470371, 0.14034880106837236, 0.12940103843906864, 0.12090290244452899, 0.11495908345855313, 0.1112106208605861, 0.10910056384716225, 0.10816650338433378, 0.10801607207762935, 0.10813233814444927, 0.10789270139165369, 0.10677173194515426, 0.10449450725091573, 0.10110715225582688, 0.09699643042614563, 0.09283299051542879, 0.0894007822638521, 0.08743040675313975, 0.08755566342909167, 0.09013431880957515, 0.09492288623988969, 0.1010623219667311, 0.10750009270773157, 0.11355822093346854, 0.1192873026374801, 0.12548627600642553, 0.13336901402772802, 0.1439189553002813, 0.1572715132322568, 0.1726710315502253, 0.18892069658606508, 0.20480020783034522, 0.2192711031159172, 0.23152978626868384, 0.24099132565308537, 0.2472534911951418, 0.25006338598017447, 0.24929569084899644, 0.24494662980827175, 0.23714701261663512, 0.22619912737564285, 0.2126448302270485, 0.19737367757953372, 0.18177126536470778, 0.16785963437855225, 0.15823897052117253, 0.15545580720280516 ], [ 0.2039625672891169, 0.18746941304257114, 0.17142171165605277, 0.15619667715992494, 0.14230591346735738, 0.1303892183307861, 0.1210585249210024, 0.11457367287615258, 0.11064797382042696, 0.10871577645236047, 0.10825659982807935, 0.1087812420389665, 0.10963171634034452, 0.11004055919816169, 0.10938169062724722, 0.1073400958269853, 0.1039818687554717, 0.09976218186716683, 0.09544977330297241, 0.09192104457766366, 0.08994407802578815, 0.09012713333890626, 0.09274762828741563, 0.09745160717877853, 0.10331591710528441, 0.10930275025225152, 0.11478526172939497, 0.11987701441364489, 0.12545650111675136, 0.13283524687757356, 0.14308112522033375, 0.15633956079455621, 0.17179518227026758, 0.18818131411298555, 0.20422526915181988, 0.21885636018281693, 0.23125333664677686, 0.2408222177717391, 0.24715607712931514, 0.24999900525831006, 0.2492227372201204, 0.24481964655798483, 0.2369152627843808, 0.22580512155267954, 0.21202371512138715, 0.1964556127592914, 0.18049165528233083, 0.16618594168174017, 0.15621951369720938, 0.15326200134182402 ], [ 0.20856690318732482, 0.19184772418525517, 0.1753610080101123, 0.1595067565938388, 0.14485492795364588, 0.1321431500089894, 0.12211716189023378, 0.11517156795983703, 0.11109165232625486, 0.10931273588498826, 0.10926203264921176, 0.11035979277278023, 0.11182439624555597, 0.11277064012761476, 0.112496060510473, 0.11065884198385025, 0.10734537023642923, 0.10306843804889831, 0.09867654292167512, 0.09511946912240403, 0.09318814763625043, 0.093455840843074, 0.09611913782867494, 0.10072777850362062, 0.10631374560890934, 0.11186452155312927, 0.11680676099097309, 0.1213099436847518, 0.12631397286409052, 0.13320295108526375, 0.14311159130679016, 0.15619904796406303, 0.17161007968473227, 0.18802805916350399, 0.20414040061472116, 0.21885028257079162, 0.23132108401317414, 0.24095025039635987, 0.24732602871837026, 0.2501894261644294, 0.2494095858822601, 0.24497601288910192, 0.23701065507032812, 0.22580463566703862, 0.21188761433036205, 0.19614052655395328, 0.179956226632776, 0.16540629220818578, 0.1552188025502655, 0.15213914825249245 ], [ 0.21322642956156246, 0.19636928184327118, 0.1795716138184795, 0.1632542556154204, 0.1480337726813142, 0.13472138480925122, 0.12416131432604047, 0.11685245137891163, 0.11264787773895554, 0.11099343892576449, 0.11127199822926778, 0.1128223478132672, 0.11476432430969034, 0.11612754957885567, 0.11615728648257002, 0.11449628408217642, 0.1112499060505201, 0.10697608499129248, 0.10258101169164255, 0.09906326120490318, 0.09722268298847891, 0.09759028371376535, 0.10028349995133756, 0.10477666989544317, 0.11008003188165967, 0.11521613453904668, 0.1196652091477675, 0.12364369985717917, 0.12813227711580316, 0.13455778920463998, 0.14409704811279908, 0.15692727354968444, 0.17218021824339208, 0.18851317186079303, 0.20458771778200474, 0.21928726523043213, 0.2317618640991385, 0.24140051121602693, 0.24778619848689504, 0.250656578624296, 0.2498784616919575, 0.24543947856109177, 0.23745982655834566, 0.22622883987950024, 0.21227435892474966, 0.19647574514034974, 0.18022539022713469, 0.16559767316916155, 0.1553306098112834, 0.15218896727736692 ] ] }, { "hoverinfo": "text", "legendgroup": "In-sample", "marker": { "color": "black", "opacity": 0.5, "symbol": 1 }, "mode": "markers", "name": "In-sample", "text": [ "Arm 0_0
mean_accuracy: 0.962333 (SEM: None)
lr: 0.000603666
momentum: 0.467562", "Arm 10_0
mean_accuracy: 0.865 (SEM: None)
lr: 0.000115724
momentum: 1", "Arm 11_0
mean_accuracy: 0.954333 (SEM: None)
lr: 0.000509528
momentum: 0.234309", "Arm 12_0
mean_accuracy: 0.921333 (SEM: None)
lr: 0.00030944
momentum: 0.6958", "Arm 13_0
mean_accuracy: 0.959167 (SEM: None)
lr: 0.00320298
momentum: 0", "Arm 14_0
mean_accuracy: 0.844167 (SEM: None)
lr: 5.1832e-05
momentum: 0", "Arm 15_0
mean_accuracy: 0.965167 (SEM: None)
lr: 0.00175127
momentum: 0", "Arm 16_0
mean_accuracy: 0.1085 (SEM: None)
lr: 0.00963214
momentum: 0", "Arm 17_0
mean_accuracy: 0.192 (SEM: None)
lr: 0.000265761
momentum: 1", "Arm 18_0
mean_accuracy: 0.86 (SEM: None)
lr: 3.93254e-05
momentum: 0.486794", "Arm 19_0
mean_accuracy: 0.909833 (SEM: None)
lr: 0.000192564
momentum: 0.35135", "Arm 1_0
mean_accuracy: 0.9155 (SEM: None)
lr: 0.000239049
momentum: 0.07346", "Arm 20_0
mean_accuracy: 0.884167 (SEM: None)
lr: 1.49491e-05
momentum: 1", "Arm 21_0
mean_accuracy: 0.919833 (SEM: None)
lr: 0.000406537
momentum: 0", "Arm 22_0
mean_accuracy: 0.9085 (SEM: None)
lr: 4.27467e-05
momentum: 0.751131", "Arm 23_0
mean_accuracy: 0.9245 (SEM: None)
lr: 0.000101186
momentum: 0.704537", "Arm 24_0
mean_accuracy: 0.0983333 (SEM: None)
lr: 0.4
momentum: 1", "Arm 25_0
mean_accuracy: 0.874167 (SEM: None)
lr: 4.86426e-06
momentum: 1", "Arm 26_0
mean_accuracy: 0.941333 (SEM: None)
lr: 0.000311872
momentum: 0.437142", "Arm 2_0
mean_accuracy: 0.092 (SEM: None)
lr: 0.242306
momentum: 0.149857", "Arm 3_0
mean_accuracy: 0.368833 (SEM: None)
lr: 3.36424e-06
momentum: 0.177202", "Arm 4_0
mean_accuracy: 0.297667 (SEM: None)
lr: 1.1976e-06
momentum: 0.613887", "Arm 5_0
mean_accuracy: 0.96 (SEM: None)
lr: 0.000407351
momentum: 0.878123", "Arm 6_0
mean_accuracy: 0.956667 (SEM: None)
lr: 0.00125631
momentum: 0.225586", "Arm 7_0
mean_accuracy: 0.915333 (SEM: None)
lr: 0.000157785
momentum: 0.559694", "Arm 8_0
mean_accuracy: 0.100833 (SEM: None)
lr: 0.00234036
momentum: 1", "Arm 9_0
mean_accuracy: 0.9455 (SEM: None)
lr: 0.00084921
momentum: 0" ], "type": "scatter", "x": [ 0.000603666105927383, 0.00011572375445317626, 0.0005095278999747873, 0.00030943957991643215, 0.0032029847328512726, 5.18319802957519e-05, 0.001751272002135102, 0.009632143275551454, 0.0002657612168414627, 3.9325421839545405e-05, 0.00019256433876778278, 0.00023904863219123475, 1.4949063438931378e-05, 0.0004065373638721418, 4.27467172913901e-05, 0.00010118600590697301, 0.4, 4.864260620984557e-06, 0.0003118716955386199, 0.2423058443662829, 3.3642391131491754e-06, 1.1976028748513287e-06, 0.00040735098976664983, 0.0012563076182418188, 0.00015778524987522733, 0.0023403606833810315, 0.0008492096927680752 ], "xaxis": "x", "y": [ 0.46756187081336975, 1.0, 0.2343090572705758, 0.6957997404497217, 0.0, 0.0, 0.0, 0.0, 1.0, 0.4867941497478736, 0.3513495126499903, 0.07345996890217066, 1.0, 0.0, 0.7511313908687742, 0.704536822421686, 1.0, 1.0, 0.43714152114231525, 0.1498574474826455, 0.17720248829573393, 0.6138874460011721, 0.8781226284082063, 0.22558627633411157, 0.5596941179013047, 1.0, 0.0 ], "yaxis": "y" }, { "hoverinfo": "text", "legendgroup": "In-sample", "marker": { "color": "black", "opacity": 0.5, "symbol": 1 }, "mode": "markers", "name": "In-sample", "showlegend": false, "text": [ "Arm 0_0
mean_accuracy: 0.962333 (SEM: None)
lr: 0.000603666
momentum: 0.467562", "Arm 10_0
mean_accuracy: 0.865 (SEM: None)
lr: 0.000115724
momentum: 1", "Arm 11_0
mean_accuracy: 0.954333 (SEM: None)
lr: 0.000509528
momentum: 0.234309", "Arm 12_0
mean_accuracy: 0.921333 (SEM: None)
lr: 0.00030944
momentum: 0.6958", "Arm 13_0
mean_accuracy: 0.959167 (SEM: None)
lr: 0.00320298
momentum: 0", "Arm 14_0
mean_accuracy: 0.844167 (SEM: None)
lr: 5.1832e-05
momentum: 0", "Arm 15_0
mean_accuracy: 0.965167 (SEM: None)
lr: 0.00175127
momentum: 0", "Arm 16_0
mean_accuracy: 0.1085 (SEM: None)
lr: 0.00963214
momentum: 0", "Arm 17_0
mean_accuracy: 0.192 (SEM: None)
lr: 0.000265761
momentum: 1", "Arm 18_0
mean_accuracy: 0.86 (SEM: None)
lr: 3.93254e-05
momentum: 0.486794", "Arm 19_0
mean_accuracy: 0.909833 (SEM: None)
lr: 0.000192564
momentum: 0.35135", "Arm 1_0
mean_accuracy: 0.9155 (SEM: None)
lr: 0.000239049
momentum: 0.07346", "Arm 20_0
mean_accuracy: 0.884167 (SEM: None)
lr: 1.49491e-05
momentum: 1", "Arm 21_0
mean_accuracy: 0.919833 (SEM: None)
lr: 0.000406537
momentum: 0", "Arm 22_0
mean_accuracy: 0.9085 (SEM: None)
lr: 4.27467e-05
momentum: 0.751131", "Arm 23_0
mean_accuracy: 0.9245 (SEM: None)
lr: 0.000101186
momentum: 0.704537", "Arm 24_0
mean_accuracy: 0.0983333 (SEM: None)
lr: 0.4
momentum: 1", "Arm 25_0
mean_accuracy: 0.874167 (SEM: None)
lr: 4.86426e-06
momentum: 1", "Arm 26_0
mean_accuracy: 0.941333 (SEM: None)
lr: 0.000311872
momentum: 0.437142", "Arm 2_0
mean_accuracy: 0.092 (SEM: None)
lr: 0.242306
momentum: 0.149857", "Arm 3_0
mean_accuracy: 0.368833 (SEM: None)
lr: 3.36424e-06
momentum: 0.177202", "Arm 4_0
mean_accuracy: 0.297667 (SEM: None)
lr: 1.1976e-06
momentum: 0.613887", "Arm 5_0
mean_accuracy: 0.96 (SEM: None)
lr: 0.000407351
momentum: 0.878123", "Arm 6_0
mean_accuracy: 0.956667 (SEM: None)
lr: 0.00125631
momentum: 0.225586", "Arm 7_0
mean_accuracy: 0.915333 (SEM: None)
lr: 0.000157785
momentum: 0.559694", "Arm 8_0
mean_accuracy: 0.100833 (SEM: None)
lr: 0.00234036
momentum: 1", "Arm 9_0
mean_accuracy: 0.9455 (SEM: None)
lr: 0.00084921
momentum: 0" ], "type": "scatter", "x": [ 0.000603666105927383, 0.00011572375445317626, 0.0005095278999747873, 0.00030943957991643215, 0.0032029847328512726, 5.18319802957519e-05, 0.001751272002135102, 0.009632143275551454, 0.0002657612168414627, 3.9325421839545405e-05, 0.00019256433876778278, 0.00023904863219123475, 1.4949063438931378e-05, 0.0004065373638721418, 4.27467172913901e-05, 0.00010118600590697301, 0.4, 4.864260620984557e-06, 0.0003118716955386199, 0.2423058443662829, 3.3642391131491754e-06, 1.1976028748513287e-06, 0.00040735098976664983, 0.0012563076182418188, 0.00015778524987522733, 0.0023403606833810315, 0.0008492096927680752 ], "xaxis": "x2", "y": [ 0.46756187081336975, 1.0, 0.2343090572705758, 0.6957997404497217, 0.0, 0.0, 0.0, 0.0, 1.0, 0.4867941497478736, 0.3513495126499903, 0.07345996890217066, 1.0, 0.0, 0.7511313908687742, 0.704536822421686, 1.0, 1.0, 0.43714152114231525, 0.1498574474826455, 0.17720248829573393, 0.6138874460011721, 0.8781226284082063, 0.22558627633411157, 0.5596941179013047, 1.0, 0.0 ], "yaxis": "y2" } ], "layout": { "annotations": [ { "font": { "size": 14 }, "showarrow": false, "text": "Mean", "x": 0.25, "xanchor": "center", "xref": "paper", "y": 1, "yanchor": "bottom", "yref": "paper" }, { "font": { "size": 14 }, "showarrow": false, "text": "Standard Error", "x": 0.8, "xanchor": "center", "xref": "paper", "y": 1, "yanchor": "bottom", "yref": "paper" } ], "autosize": false, "height": 450, "hovermode": "closest", "legend": { "orientation": "h", "x": 0, "y": -0.25 }, "margin": { "b": 100, "l": 35, "pad": 0, "r": 35, "t": 35 }, "template": { "data": { "bar": [ { "error_x": { "color": "#2a3f5f" }, "error_y": { "color": "#2a3f5f" }, "marker": { "line": { "color": "#E5ECF6", "width": 0.5 }, "pattern": { "fillmode": "overlay", "size": 10, "solidity": 0.2 } }, "type": "bar" } ], "barpolar": [ { "marker": { "line": { "color": "#E5ECF6", "width": 0.5 }, "pattern": { "fillmode": "overlay", "size": 10, "solidity": 0.2 } }, "type": "barpolar" } ], "carpet": [ { "aaxis": { "endlinecolor": "#2a3f5f", "gridcolor": "white", "linecolor": "white", "minorgridcolor": "white", "startlinecolor": "#2a3f5f" }, "baxis": { "endlinecolor": "#2a3f5f", "gridcolor": "white", "linecolor": "white", "minorgridcolor": "white", "startlinecolor": "#2a3f5f" }, "type": "carpet" } ], "choropleth": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "type": "choropleth" } ], "contour": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0.0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1.0, "#f0f921" ] ], "type": "contour" } ], "contourcarpet": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "type": "contourcarpet" } ], "heatmap": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0.0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1.0, "#f0f921" ] ], "type": "heatmap" } ], "heatmapgl": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0.0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1.0, "#f0f921" ] ], "type": "heatmapgl" } ], "histogram": [ { "marker": { "pattern": { "fillmode": "overlay", "size": 10, "solidity": 0.2 } }, "type": "histogram" } ], "histogram2d": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0.0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1.0, "#f0f921" ] ], "type": "histogram2d" } ], "histogram2dcontour": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0.0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1.0, "#f0f921" ] ], "type": "histogram2dcontour" } ], "mesh3d": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "type": "mesh3d" } ], "parcoords": [ { "line": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "parcoords" } ], "pie": [ { "automargin": true, "type": "pie" } ], "scatter": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scatter" } ], "scatter3d": [ { "line": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scatter3d" } ], "scattercarpet": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scattercarpet" } ], "scattergeo": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scattergeo" } ], "scattergl": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scattergl" } ], "scattermapbox": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scattermapbox" } ], "scatterpolar": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scatterpolar" } ], "scatterpolargl": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scatterpolargl" } ], "scatterternary": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scatterternary" } ], "surface": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0.0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1.0, "#f0f921" ] ], "type": "surface" } ], "table": [ { "cells": { "fill": { "color": "#EBF0F8" }, "line": { "color": "white" } }, "header": { "fill": { "color": "#C8D4E3" }, "line": { "color": "white" } }, "type": "table" } ] }, "layout": { "annotationdefaults": { "arrowcolor": "#2a3f5f", "arrowhead": 0, "arrowwidth": 1 }, "autotypenumbers": "strict", "coloraxis": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "colorscale": { "diverging": [ [ 0, "#8e0152" ], [ 0.1, "#c51b7d" ], [ 0.2, "#de77ae" ], [ 0.3, "#f1b6da" ], [ 0.4, "#fde0ef" ], [ 0.5, "#f7f7f7" ], [ 0.6, "#e6f5d0" ], [ 0.7, "#b8e186" ], [ 0.8, "#7fbc41" ], [ 0.9, "#4d9221" ], [ 1, "#276419" ] ], "sequential": [ [ 0.0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1.0, "#f0f921" ] ], "sequentialminus": [ [ 0.0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1.0, "#f0f921" ] ] }, "colorway": [ "#636efa", "#EF553B", "#00cc96", "#ab63fa", "#FFA15A", "#19d3f3", "#FF6692", "#B6E880", "#FF97FF", "#FECB52" ], "font": { "color": "#2a3f5f" }, "geo": { "bgcolor": "white", "lakecolor": "white", "landcolor": "#E5ECF6", "showlakes": true, "showland": true, "subunitcolor": "white" }, "hoverlabel": { "align": "left" }, "hovermode": "closest", "mapbox": { "style": "light" }, "paper_bgcolor": "white", "plot_bgcolor": "#E5ECF6", "polar": { "angularaxis": { "gridcolor": "white", "linecolor": "white", "ticks": "" }, "bgcolor": "#E5ECF6", "radialaxis": { "gridcolor": "white", "linecolor": "white", "ticks": "" } }, "scene": { "xaxis": { "backgroundcolor": "#E5ECF6", "gridcolor": "white", "gridwidth": 2, "linecolor": "white", "showbackground": true, "ticks": "", "zerolinecolor": "white" }, "yaxis": { "backgroundcolor": "#E5ECF6", "gridcolor": "white", "gridwidth": 2, "linecolor": "white", "showbackground": true, "ticks": "", "zerolinecolor": "white" }, "zaxis": { "backgroundcolor": "#E5ECF6", "gridcolor": "white", "gridwidth": 2, "linecolor": "white", "showbackground": true, "ticks": "", "zerolinecolor": "white" } }, "shapedefaults": { "line": { "color": "#2a3f5f" } }, "ternary": { "aaxis": { "gridcolor": "white", "linecolor": "white", "ticks": "" }, "baxis": { "gridcolor": "white", "linecolor": "white", "ticks": "" }, "bgcolor": "#E5ECF6", "caxis": { "gridcolor": "white", "linecolor": "white", "ticks": "" } }, "title": { "x": 0.05 }, "xaxis": { "automargin": true, "gridcolor": "white", "linecolor": "white", "ticks": "", "title": { "standoff": 15 }, "zerolinecolor": "white", "zerolinewidth": 2 }, "yaxis": { "automargin": true, "gridcolor": "white", "linecolor": "white", "ticks": "", "title": { "standoff": 15 }, "zerolinecolor": "white", "zerolinewidth": 2 } } }, "width": 950, "xaxis": { "anchor": "y", "autorange": false, "domain": [ 0.05, 0.45 ], "exponentformat": "e", "range": [ -6.0, -0.3979400086720376 ], "tickfont": { "size": 11 }, "tickmode": "auto", "title": { "text": "lr" }, "type": "log" }, "xaxis2": { "anchor": "y2", "autorange": false, "domain": [ 0.6, 1 ], "exponentformat": "e", "range": [ -6.0, -0.3979400086720376 ], "tickfont": { "size": 11 }, "tickmode": "auto", "title": { "text": "lr" }, "type": "log" }, "yaxis": { "anchor": "x", "autorange": false, "domain": [ 0, 1 ], "exponentformat": "e", "range": [ 0.0, 1.0 ], "tickfont": { "size": 11 }, "tickmode": "auto", "title": { "text": "momentum" }, "type": "linear" }, "yaxis2": { "anchor": "x2", "autorange": false, "domain": [ 0, 1 ], "exponentformat": "e", "range": [ 0.0, 1.0 ], "tickfont": { "size": 11 }, "tickmode": "auto", "type": "linear" } } }, "text/html": [ "
" ] }, "metadata": {}, "output_type": "display_data" } ], "source": [ "render(\n", " plot_contour(\n", " model=ax.generation_strategy.model,\n", " param_x=\"lr\",\n", " param_y=\"momentum\",\n", " metric_name=\"mean_accuracy\",\n", " )\n", ")" ] }, { "cell_type": "code", "execution_count": 13, "metadata": { "originalKey": "6dfd23ca-1c93-4846-8e85-4560f9e40304" }, "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": [ 96.23333333333333, 96.23333333333333, 96.23333333333333, 96.23333333333333, 96.23333333333333, 96.23333333333333, 96.23333333333333, 96.23333333333333, 96.23333333333333, 96.23333333333333, 96.23333333333333, 96.23333333333333, 96.23333333333333, 96.23333333333333, 96.23333333333333, 96.51666666666667, 96.51666666666667, 96.51666666666667, 96.51666666666667, 96.51666666666667, 96.51666666666667, 96.51666666666667, 96.51666666666667, 96.51666666666667, 96.51666666666667, 96.51666666666667, 96.51666666666667, 96.51666666666667, 96.51666666666667, 96.51666666666667 ] }, { "fill": "tonexty", "fillcolor": "rgba(128,177,211,0.3)", "legendgroup": "objective value", "line": { "color": "rgba(128,177,211,1)" }, "mode": "lines", "name": "objective value", "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": [ 96.23333333333333, 96.23333333333333, 96.23333333333333, 96.23333333333333, 96.23333333333333, 96.23333333333333, 96.23333333333333, 96.23333333333333, 96.23333333333333, 96.23333333333333, 96.23333333333333, 96.23333333333333, 96.23333333333333, 96.23333333333333, 96.23333333333333, 96.51666666666667, 96.51666666666667, 96.51666666666667, 96.51666666666667, 96.51666666666667, 96.51666666666667, 96.51666666666667, 96.51666666666667, 96.51666666666667, 96.51666666666667, 96.51666666666667, 96.51666666666667, 96.51666666666667, 96.51666666666667, 96.51666666666667 ] }, { "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": [ 96.23333333333333, 96.23333333333333, 96.23333333333333, 96.23333333333333, 96.23333333333333, 96.23333333333333, 96.23333333333333, 96.23333333333333, 96.23333333333333, 96.23333333333333, 96.23333333333333, 96.23333333333333, 96.23333333333333, 96.23333333333333, 96.23333333333333, 96.51666666666667, 96.51666666666667, 96.51666666666667, 96.51666666666667, 96.51666666666667, 96.51666666666667, 96.51666666666667, 96.51666666666667, 96.51666666666667, 96.51666666666667, 96.51666666666667, 96.51666666666667, 96.51666666666667, 96.51666666666667, 96.51666666666667 ] } ], "layout": { "showlegend": true, "template": { "data": { "bar": [ { "error_x": { "color": "#2a3f5f" }, "error_y": { "color": "#2a3f5f" }, "marker": { "line": { "color": "#E5ECF6", "width": 0.5 }, "pattern": { "fillmode": "overlay", "size": 10, "solidity": 0.2 } }, "type": "bar" } ], "barpolar": [ { "marker": { "line": { "color": "#E5ECF6", "width": 0.5 }, "pattern": { "fillmode": "overlay", "size": 10, "solidity": 0.2 } }, "type": "barpolar" } ], "carpet": [ { "aaxis": { "endlinecolor": "#2a3f5f", "gridcolor": "white", "linecolor": "white", "minorgridcolor": "white", "startlinecolor": "#2a3f5f" }, "baxis": { "endlinecolor": "#2a3f5f", "gridcolor": "white", "linecolor": "white", "minorgridcolor": "white", "startlinecolor": "#2a3f5f" }, "type": "carpet" } ], "choropleth": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "type": "choropleth" } ], "contour": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0.0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1.0, "#f0f921" ] ], "type": "contour" } ], "contourcarpet": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "type": "contourcarpet" } ], "heatmap": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0.0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1.0, "#f0f921" ] ], "type": "heatmap" } ], "heatmapgl": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0.0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1.0, "#f0f921" ] ], "type": "heatmapgl" } ], "histogram": [ { "marker": { "pattern": { "fillmode": "overlay", "size": 10, "solidity": 0.2 } }, "type": "histogram" } ], "histogram2d": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0.0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1.0, "#f0f921" ] ], "type": "histogram2d" } ], "histogram2dcontour": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0.0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1.0, "#f0f921" ] ], "type": "histogram2dcontour" } ], "mesh3d": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "type": "mesh3d" } ], "parcoords": [ { "line": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "parcoords" } ], "pie": [ { "automargin": true, "type": "pie" } ], "scatter": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scatter" } ], "scatter3d": [ { "line": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scatter3d" } ], "scattercarpet": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scattercarpet" } ], "scattergeo": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scattergeo" } ], "scattergl": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scattergl" } ], "scattermapbox": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scattermapbox" } ], "scatterpolar": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scatterpolar" } ], "scatterpolargl": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scatterpolargl" } ], "scatterternary": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scatterternary" } ], "surface": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0.0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1.0, "#f0f921" ] ], "type": "surface" } ], "table": [ { "cells": { "fill": { "color": "#EBF0F8" }, "line": { "color": "white" } }, "header": { "fill": { "color": "#C8D4E3" }, "line": { "color": "white" } }, "type": "table" } ] }, "layout": { "annotationdefaults": { "arrowcolor": "#2a3f5f", "arrowhead": 0, "arrowwidth": 1 }, "autotypenumbers": "strict", "coloraxis": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "colorscale": { "diverging": [ [ 0, "#8e0152" ], [ 0.1, "#c51b7d" ], [ 0.2, "#de77ae" ], [ 0.3, "#f1b6da" ], [ 0.4, "#fde0ef" ], [ 0.5, "#f7f7f7" ], [ 0.6, "#e6f5d0" ], [ 0.7, "#b8e186" ], [ 0.8, "#7fbc41" ], [ 0.9, "#4d9221" ], [ 1, "#276419" ] ], "sequential": [ [ 0.0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1.0, "#f0f921" ] ], "sequentialminus": [ [ 0.0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1.0, "#f0f921" ] ] }, "colorway": [ "#636efa", "#EF553B", "#00cc96", "#ab63fa", "#FFA15A", "#19d3f3", "#FF6692", "#B6E880", "#FF97FF", "#FECB52" ], "font": { "color": "#2a3f5f" }, "geo": { "bgcolor": "white", "lakecolor": "white", "landcolor": "#E5ECF6", "showlakes": true, "showland": true, "subunitcolor": "white" }, "hoverlabel": { "align": "left" }, "hovermode": "closest", "mapbox": { "style": "light" }, "paper_bgcolor": "white", "plot_bgcolor": "#E5ECF6", "polar": { "angularaxis": { "gridcolor": "white", "linecolor": "white", "ticks": "" }, "bgcolor": "#E5ECF6", "radialaxis": { "gridcolor": "white", "linecolor": "white", "ticks": "" } }, "scene": { "xaxis": { "backgroundcolor": "#E5ECF6", "gridcolor": "white", "gridwidth": 2, "linecolor": "white", "showbackground": true, "ticks": "", "zerolinecolor": "white" }, "yaxis": { "backgroundcolor": "#E5ECF6", "gridcolor": "white", "gridwidth": 2, "linecolor": "white", "showbackground": true, "ticks": "", "zerolinecolor": "white" }, "zaxis": { "backgroundcolor": "#E5ECF6", "gridcolor": "white", "gridwidth": 2, "linecolor": "white", "showbackground": true, "ticks": "", "zerolinecolor": "white" } }, "shapedefaults": { "line": { "color": "#2a3f5f" } }, "ternary": { "aaxis": { "gridcolor": "white", "linecolor": "white", "ticks": "" }, "baxis": { "gridcolor": "white", "linecolor": "white", "ticks": "" }, "bgcolor": "#E5ECF6", "caxis": { "gridcolor": "white", "linecolor": "white", "ticks": "" } }, "title": { "x": 0.05 }, "xaxis": { "automargin": true, "gridcolor": "white", "linecolor": "white", "ticks": "", "title": { "standoff": 15 }, "zerolinecolor": "white", "zerolinewidth": 2 }, "yaxis": { "automargin": true, "gridcolor": "white", "linecolor": "white", "ticks": "", "title": { "standoff": 15 }, "zerolinecolor": "white", "zerolinewidth": 2 } } }, "title": { "text": "Model performance vs. # of iterations" }, "xaxis": { "title": { "text": "Iteration" } }, "yaxis": { "title": { "text": "Accuracy" } } } }, "text/html": [ "
" ] }, "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(\n", " [[trial.objective_mean * 100 for trial in ax.experiment.trials.values()]]\n", ")\n", "best_objective_plot = optimization_trace_single_method(\n", " y=np.maximum.accumulate(best_objectives, axis=1),\n", " title=\"Model performance vs. # of iterations\",\n", " ylabel=\"Accuracy\",\n", ")\n", "render(best_objective_plot)" ] } ], "metadata": { "kernelspec": { "display_name": "python3", "language": "python", "metadata": { "fbpkg_supported": true, "is_prebuilt": true, "kernel_name": "bento_kernel_default", "nightly_builds": true }, "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.12" }, "last_base_url": "https://devvm3002.frc0.facebook.com:8090/", "last_kernel_id": "148e0817-7aae-4719-aff2-639ce2864738", "last_msg_id": "a1616ce6-ae3c4879620e9fb8029ca89e_240", "last_server_session_id": "3539ac9b-8cce-42fe-984a-f3a2a8a1dbde", "outputWidgetContext": {}, "widgets": { "application/vnd.jupyter.widget-state+json": { "state": { "03c151c3939e4e5d93a1dc2ea8cb6428": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "DescriptionStyleModel", "state": { "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "DescriptionStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "description_width": "" } }, "0c135d83b0f545fea342dc46ae86ea31": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "DescriptionStyleModel", "state": { "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "DescriptionStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "description_width": "" } }, "13a26d7384fa43e5b8feee52912c7428": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "170c80bf34194c28b0162c1b4a663f22": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "1f3c9fae17bd45dabc95b75e155e1ef7": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "DescriptionStyleModel", "state": { "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "DescriptionStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "description_width": "" } }, "25c607fdf8bc421da3626231b1ed6799": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "28ef75e6122c4f00b494b8e09fcf772b": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "2cacb6f143cf4a3eac69941d2cda6429": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "HTMLModel", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "HTMLModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "HTMLView", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_317c1db7a79d42ebbe9a20d9e7905f0a", "placeholder": "​", "style": "IPY_MODEL_50e34ae6f3044140a167071d51caf23c", "value": " 5120/? [00:00<00:00, 191425.13it/s]" } }, "317c1db7a79d42ebbe9a20d9e7905f0a": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "3356549d7eb440578157ba52932ae50f": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "34fe612d90384a7684d4dd63fb8c1aaf": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "3b7b403d012440a6b13ae5e027f65dbf": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "FloatProgressModel", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "FloatProgressModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "ProgressView", "bar_style": "success", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_aa37277c97c043c882459a074880ba87", "max": 9912422.0, "min": 0.0, "orientation": "horizontal", "style": "IPY_MODEL_437836f78cd847bd8adcd06ad5e77bca", "value": 9912422.0 } }, "417c7720af4844e2b1ebb17e8cd73543": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "FloatProgressModel", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "FloatProgressModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "ProgressView", "bar_style": "success", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_34fe612d90384a7684d4dd63fb8c1aaf", "max": 28881.0, "min": 0.0, "orientation": "horizontal", "style": "IPY_MODEL_5758670a13c74352a887b31807d8e883", "value": 28881.0 } }, "437836f78cd847bd8adcd06ad5e77bca": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "ProgressStyleModel", "state": { "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "ProgressStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "bar_color": null, "description_width": "" } }, "44c4376ba8da43dfb3d1dfab553ad1fa": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "DescriptionStyleModel", "state": { "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "DescriptionStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "description_width": "" } }, "50e34ae6f3044140a167071d51caf23c": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "DescriptionStyleModel", "state": { "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "DescriptionStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "description_width": "" } }, "5758670a13c74352a887b31807d8e883": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "ProgressStyleModel", "state": { "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "ProgressStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "bar_color": null, "description_width": "" } }, "591f8cb02e314876a97e8c2ca39e1efc": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "600371b5c04048db8e23fa0c4036b930": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "ProgressStyleModel", "state": { "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "ProgressStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "bar_color": null, "description_width": "" } }, "6aada566a1a340ba95c36f6c350eb531": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "6c54d82d91af4ee18292e6a20e0c3e53": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "DescriptionStyleModel", "state": { "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "DescriptionStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "description_width": "" } }, "73626c64545047f9bc4cdfb919537207": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "HBoxModel", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "HBoxModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "HBoxView", "box_style": "", "children": [ "IPY_MODEL_b83ad8a7669a41acac5df4367e8d6c4e", "IPY_MODEL_3b7b403d012440a6b13ae5e027f65dbf", "IPY_MODEL_994b538f9f344761a325af6677764d7a" ], "layout": "IPY_MODEL_c3f75b29fc0e4cb09411594326ec7901" } }, "796d4d4ad69a4f6b901faf868431ae43": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "ProgressStyleModel", "state": { "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "ProgressStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "bar_color": null, "description_width": "" } }, "82f8d83d4e0a4988a8e611e238c4dd6c": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "DescriptionStyleModel", "state": { "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "DescriptionStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "description_width": "" } }, "89192671147c46a3b2e90687db4de1e5": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "HTMLModel", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "HTMLModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "HTMLView", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_89682e741f2c4d6397e6752b53fbbc0d", "placeholder": "​", "style": "IPY_MODEL_44c4376ba8da43dfb3d1dfab553ad1fa", "value": "" } }, "89682e741f2c4d6397e6752b53fbbc0d": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "8deb29a318b4483c85ec2a6c5992a8d7": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "DescriptionStyleModel", "state": { "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "DescriptionStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "description_width": "" } }, "93bb245a7b7e408d9e46ed8e4aca975d": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "HBoxModel", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "HBoxModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "HBoxView", "box_style": "", "children": [ "IPY_MODEL_89192671147c46a3b2e90687db4de1e5", "IPY_MODEL_c657c1ef0f054d77805842a01825e640", "IPY_MODEL_2cacb6f143cf4a3eac69941d2cda6429" ], "layout": "IPY_MODEL_13a26d7384fa43e5b8feee52912c7428" } }, "994b538f9f344761a325af6677764d7a": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "HTMLModel", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "HTMLModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "HTMLView", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_a8dbf4dbb57c47d99857b0710191fb0a", "placeholder": "​", "style": "IPY_MODEL_8deb29a318b4483c85ec2a6c5992a8d7", "value": " 9913344/? [00:00<00:00, 63158573.25it/s]" } }, "a8dbf4dbb57c47d99857b0710191fb0a": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "a9da1879c3d347c7ab88b34722556a2d": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "aa37277c97c043c882459a074880ba87": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "b83ad8a7669a41acac5df4367e8d6c4e": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "HTMLModel", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "HTMLModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "HTMLView", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_a9da1879c3d347c7ab88b34722556a2d", "placeholder": "​", "style": "IPY_MODEL_82f8d83d4e0a4988a8e611e238c4dd6c", "value": "" } }, "c2ce4a6ec080433f996513b857462fd2": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "HTMLModel", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "HTMLModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "HTMLView", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_3356549d7eb440578157ba52932ae50f", "placeholder": "​", "style": "IPY_MODEL_03c151c3939e4e5d93a1dc2ea8cb6428", "value": " 29696/? [00:00<00:00, 1019689.49it/s]" } }, "c3f75b29fc0e4cb09411594326ec7901": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "c50cf169ffac4a01803c83b2170e3af5": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "HTMLModel", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "HTMLModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "HTMLView", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_6aada566a1a340ba95c36f6c350eb531", "placeholder": "​", "style": "IPY_MODEL_0c135d83b0f545fea342dc46ae86ea31", "value": " 1649664/? [00:00<00:00, 18886423.43it/s]" } }, "c657c1ef0f054d77805842a01825e640": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "FloatProgressModel", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "FloatProgressModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "ProgressView", "bar_style": "success", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_591f8cb02e314876a97e8c2ca39e1efc", "max": 4542.0, "min": 0.0, "orientation": "horizontal", "style": "IPY_MODEL_796d4d4ad69a4f6b901faf868431ae43", "value": 4542.0 } }, "cda34b833ffe441fa9cf9420e46148a4": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "FloatProgressModel", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "FloatProgressModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "ProgressView", "bar_style": "success", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_d459c7aa379b4d95b0410eca3e2649ef", "max": 1648877.0, "min": 0.0, "orientation": "horizontal", "style": "IPY_MODEL_600371b5c04048db8e23fa0c4036b930", "value": 1648877.0 } }, "d459c7aa379b4d95b0410eca3e2649ef": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "d8e00271b65f4c5dbcee2b6477731c60": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "HBoxModel", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "HBoxModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "HBoxView", "box_style": "", "children": [ "IPY_MODEL_dbce321c20634efe9fcbd554a8685bc8", "IPY_MODEL_cda34b833ffe441fa9cf9420e46148a4", "IPY_MODEL_c50cf169ffac4a01803c83b2170e3af5" ], "layout": "IPY_MODEL_28ef75e6122c4f00b494b8e09fcf772b" } }, "dbce321c20634efe9fcbd554a8685bc8": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "HTMLModel", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "HTMLModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "HTMLView", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_170c80bf34194c28b0162c1b4a663f22", "placeholder": "​", "style": "IPY_MODEL_1f3c9fae17bd45dabc95b75e155e1ef7", "value": "" } }, "f21ecdd75ba949f0b070e121946d7594": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "HTMLModel", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "HTMLModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "HTMLView", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_f237f08c773947a69f17d8bd7011ab88", "placeholder": "​", "style": "IPY_MODEL_6c54d82d91af4ee18292e6a20e0c3e53", "value": "" } }, "f237f08c773947a69f17d8bd7011ab88": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "fb85ee7e51dd4249b21bc7f5db0a6630": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "HBoxModel", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "HBoxModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "HBoxView", "box_style": "", "children": [ "IPY_MODEL_f21ecdd75ba949f0b070e121946d7594", "IPY_MODEL_417c7720af4844e2b1ebb17e8cd73543", "IPY_MODEL_c2ce4a6ec080433f996513b857462fd2" ], "layout": "IPY_MODEL_25c607fdf8bc421da3626231b1ed6799" } } }, "version_major": 2, "version_minor": 0 } } }, "nbformat": 4, "nbformat_minor": 2 }