{ "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": { "execution": { "iopub.execute_input": "2022-09-15T17:30:05.337783Z", "iopub.status.busy": "2022-09-15T17:30:05.337356Z", "iopub.status.idle": "2022-09-15T17:30:08.718779Z", "shell.execute_reply": "2022-09-15T17:30:08.717767Z" }, "originalKey": "fe7a9417-4bde-46d2-9de3-af1bc73bde45" }, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ "/tmp/ipykernel_3872/1865771151.py:5: DeprecationWarning: The module `ray.tune.suggest` has been moved to `ray.tune.search` and the old location will be deprecated soon. Please adjust your imports to point to the new location. Example: Do a global search and replace `ray.tune.suggest` with `ray.tune.search`.\n", " from ray.tune.suggest.ax import AxSearch\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "/tmp/ipykernel_3872/1865771151.py:5: DeprecationWarning: The module `ray.tune.suggest.ax` has been moved to `ray.tune.search.ax` and the old location will be deprecated soon. Please adjust your imports to point to the new location. Example: Do a global search and replace `ray.tune.suggest.ax` with `ray.tune.search.ax`.\n", " from ray.tune.suggest.ax import AxSearch\n" ] } ], "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": { "execution": { "iopub.execute_input": "2022-09-15T17:30:08.723667Z", "iopub.status.busy": "2022-09-15T17:30:08.722736Z", "iopub.status.idle": "2022-09-15T17:30:08.990039Z", "shell.execute_reply": "2022-09-15T17:30:08.989028Z" }, "originalKey": "19956234-25ae-4e72-9d72-dbcd1b90e530" }, "outputs": [ { "data": { "text/html": [ "" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:30:08] 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": { "execution": { "iopub.execute_input": "2022-09-15T17:30:09.061693Z", "iopub.status.busy": "2022-09-15T17:30:09.060640Z", "iopub.status.idle": "2022-09-15T17:30:09.067157Z", "shell.execute_reply": "2022-09-15T17:30:09.066281Z" }, "originalKey": "a91e1cb2-999a-4b88-a2d2-85d0acaa8854" }, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:30:09] 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": { "execution": { "iopub.execute_input": "2022-09-15T17:30:09.071676Z", "iopub.status.busy": "2022-09-15T17:30:09.071371Z", "iopub.status.idle": "2022-09-15T17:30:09.075535Z", "shell.execute_reply": "2022-09-15T17:30:09.074578Z" }, "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": { "execution": { "iopub.execute_input": "2022-09-15T17:30:09.079785Z", "iopub.status.busy": "2022-09-15T17:30:09.079161Z", "iopub.status.idle": "2022-09-15T17:30:09.090205Z", "shell.execute_reply": "2022-09-15T17:30:09.089212Z" }, "originalKey": "777c8d33-2cd1-4425-b45f-2a44922dce7d" }, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:30:09] ax.service.utils.instantiation: Inferred value type of ParameterType.FLOAT for parameter lr. If that is not the expected value type, you can explicity specify 'value_type' ('int', 'float', 'bool' or 'str') in parameter dict.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:30:09] ax.service.utils.instantiation: Inferred value type of ParameterType.FLOAT for parameter momentum. If that is not the expected value type, you can explicity specify 'value_type' ('int', 'float', 'bool' or 'str') in parameter dict.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:30:09] 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 09-15 17:30:09] ax.modelbridge.dispatch_utils: Using Bayesian optimization since there are more ordered parameters than there are categories for the unordered categorical parameters.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:30:09] 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": { "execution": { "iopub.execute_input": "2022-09-15T17:30:09.094371Z", "iopub.status.busy": "2022-09-15T17:30:09.094038Z", "iopub.status.idle": "2022-09-15T17:30:09.109720Z", "shell.execute_reply": "2022-09-15T17:30:09.108728Z" }, "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": { "execution": { "iopub.execute_input": "2022-09-15T17:30:09.114242Z", "iopub.status.busy": "2022-09-15T17:30:09.113925Z", "iopub.status.idle": "2022-09-15T17:30:10.366624Z", "shell.execute_reply": "2022-09-15T17:30:10.365407Z" }, "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": "4876300425cb4627825f4ec5eca69ace", "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": { "execution": { "iopub.execute_input": "2022-09-15T17:30:10.371400Z", "iopub.status.busy": "2022-09-15T17:30:10.371039Z", "iopub.status.idle": "2022-09-15T17:30:10.378165Z", "shell.execute_reply": "2022-09-15T17:30:10.377204Z" }, "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": [], "execution": { "iopub.execute_input": "2022-09-15T17:30:10.382657Z", "iopub.status.busy": "2022-09-15T17:30:10.382072Z", "iopub.status.idle": "2022-09-15T17:34:55.021956Z", "shell.execute_reply": "2022-09-15T17:34:55.020785Z" }, "hidden_ranges": [], "originalKey": "1d768bb2-d46b-4c4c-879e-3242af7555f4" }, "outputs": [ { "data": { "text/html": [], "text/plain": [ "" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:30:15] ax.service.ax_client: Generated new trial 0 with parameters {'lr': 3.1e-05, 'momentum': 0.484351}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:30:15] ax.service.ax_client: Generated new trial 1 with parameters {'lr': 0.101075, 'momentum': 0.633001}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:30:15] ax.service.ax_client: Generated new trial 2 with parameters {'lr': 2e-06, 'momentum': 0.165064}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:30:34] ax.service.ax_client: Completed trial 1 with data: {'mean_accuracy': (0.115667, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:30:34] ax.service.ax_client: Generated new trial 3 with parameters {'lr': 9.8e-05, 'momentum': 0.653966}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:30:35] ax.service.ax_client: Completed trial 0 with data: {'mean_accuracy': (0.861, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:30:35] ax.service.ax_client: Generated new trial 4 with parameters {'lr': 0.000407, 'momentum': 0.636763}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:30:50] ax.service.ax_client: Completed trial 3 with data: {'mean_accuracy': (0.9225, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:30:51] ax.service.ax_client: Generated new trial 5 with parameters {'lr': 4e-06, 'momentum': 0.859857}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:30:51] ax.service.ax_client: Completed trial 2 with data: {'mean_accuracy': (0.219333, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:30:52] ax.service.ax_client: Generated new trial 6 with parameters {'lr': 9.2e-05, 'momentum': 1.0}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:31:08] ax.service.ax_client: Completed trial 4 with data: {'mean_accuracy': (0.952167, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:31:08] ax.service.ax_client: Generated new trial 7 with parameters {'lr': 0.000304, 'momentum': 0.459955}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:31:09] ax.service.ax_client: Completed trial 5 with data: {'mean_accuracy': (0.771833, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:31:10] ax.service.ax_client: Generated new trial 8 with parameters {'lr': 0.00053, 'momentum': 0.881316}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:31:26] ax.service.ax_client: Completed trial 6 with data: {'mean_accuracy': (0.847667, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:31:27] ax.service.ax_client: Generated new trial 9 with parameters {'lr': 0.000804, 'momentum': 0.154897}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:31:28] ax.service.ax_client: Completed trial 7 with data: {'mean_accuracy': (0.943833, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:31:30] ax.service.ax_client: Generated new trial 10 with parameters {'lr': 0.000188, 'momentum': 0.546534}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:31:46] ax.service.ax_client: Completed trial 9 with data: {'mean_accuracy': (0.950833, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:31:47] ax.service.ax_client: Generated new trial 11 with parameters {'lr': 0.001254, 'momentum': 0.369915}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:31:47] ax.service.ax_client: Completed trial 8 with data: {'mean_accuracy': (0.957833, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:31:50] ax.service.ax_client: Generated new trial 12 with parameters {'lr': 0.000296, 'momentum': 0.0}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:32:05] ax.service.ax_client: Completed trial 10 with data: {'mean_accuracy': (0.920667, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:32:07] ax.service.ax_client: Generated new trial 13 with parameters {'lr': 0.001555, 'momentum': 0.776942}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:32:07] ax.service.ax_client: Completed trial 11 with data: {'mean_accuracy': (0.961833, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:32:10] ax.service.ax_client: Generated new trial 14 with parameters {'lr': 0.003522, 'momentum': 0.0}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:32:24] ax.service.ax_client: Completed trial 12 with data: {'mean_accuracy': (0.921333, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:32:27] ax.service.ax_client: Generated new trial 15 with parameters {'lr': 0.000971, 'momentum': 0.641918}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:32:27] ax.service.ax_client: Completed trial 13 with data: {'mean_accuracy': (0.9625, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:32:29] ax.service.ax_client: Generated new trial 16 with parameters {'lr': 0.001603, 'momentum': 1.0}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:32:42] ax.service.ax_client: Completed trial 14 with data: {'mean_accuracy': (0.964667, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:32:44] ax.service.ax_client: Generated new trial 17 with parameters {'lr': 0.001747, 'momentum': 0.0}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:32:44] ax.service.ax_client: Completed trial 15 with data: {'mean_accuracy': (0.966833, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:32:48] ax.service.ax_client: Generated new trial 18 with parameters {'lr': 0.003011, 'momentum': 0.203398}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:33:01] ax.service.ax_client: Completed trial 16 with data: {'mean_accuracy': (0.091667, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:33:03] ax.service.ax_client: Generated new trial 19 with parameters {'lr': 0.000323, 'momentum': 0.799338}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:33:03] ax.service.ax_client: Completed trial 17 with data: {'mean_accuracy': (0.961167, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:33:04] ax.modelbridge.base: Untransformed parameter 0.40000000000000013 greater than upper bound 0.4, clamping\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:33:04] ax.service.ax_client: Generated new trial 20 with parameters {'lr': 0.4, 'momentum': 0.0}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:33:18] ax.service.ax_client: Completed trial 18 with data: {'mean_accuracy': (0.962167, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:33:22] ax.service.ax_client: Generated new trial 21 with parameters {'lr': 0.000191, 'momentum': 0.819385}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:33:22] ax.service.ax_client: Completed trial 19 with data: {'mean_accuracy': (0.946167, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:33:23] ax.service.ax_client: Generated new trial 22 with parameters {'lr': 0.028092, 'momentum': 0.0}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:33:37] ax.service.ax_client: Completed trial 20 with data: {'mean_accuracy': (0.1035, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:33:39] ax.service.ax_client: Generated new trial 23 with parameters {'lr': 0.00068, 'momentum': 0.738724}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:33:40] ax.service.ax_client: Completed trial 21 with data: {'mean_accuracy': (0.943833, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:33:42] ax.service.ax_client: Generated new trial 24 with parameters {'lr': 0.002356, 'momentum': 0.511184}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:33:55] ax.service.ax_client: Completed trial 22 with data: {'mean_accuracy': (0.114, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:33:57] ax.service.ax_client: Generated new trial 25 with parameters {'lr': 0.000127, 'momentum': 0.23634}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:34:00] ax.service.ax_client: Completed trial 23 with data: {'mean_accuracy': (0.962833, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:34:02] ax.service.ax_client: Generated new trial 26 with parameters {'lr': 0.002172, 'momentum': 0.097889}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:34:14] ax.service.ax_client: Completed trial 24 with data: {'mean_accuracy': (0.937833, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:34:17] ax.service.ax_client: Generated new trial 27 with parameters {'lr': 0.000354, 'momentum': 0.278759}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:34:18] ax.service.ax_client: Completed trial 25 with data: {'mean_accuracy': (0.903833, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:34:23] ax.service.ax_client: Generated new trial 28 with parameters {'lr': 0.001595, 'momentum': 0.682307}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:34:36] ax.service.ax_client: Completed trial 26 with data: {'mean_accuracy': (0.963, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:34:38] ax.service.ax_client: Generated new trial 29 with parameters {'lr': 0.001557, 'momentum': 0.252273}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:34:39] ax.service.ax_client: Completed trial 27 with data: {'mean_accuracy': (0.931667, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:34:53] ax.service.ax_client: Completed trial 28 with data: {'mean_accuracy': (0.962667, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 09-15 17:34:54] ax.service.ax_client: Completed trial 29 with data: {'mean_accuracy': (0.9555, 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": { "execution": { "iopub.execute_input": "2022-09-15T17:34:55.026351Z", "iopub.status.busy": "2022-09-15T17:34:55.025906Z", "iopub.status.idle": "2022-09-15T17:34:55.784972Z", "shell.execute_reply": "2022-09-15T17:34:55.783863Z" }, "originalKey": "2ec54675-d0ad-4eac-aaf3-66b593037cce" }, "outputs": [ { "data": { "text/plain": [ "{'lr': 0.0006800470625362733, 'momentum': 0.7387241581493964}" ] }, "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": { "execution": { "iopub.execute_input": "2022-09-15T17:34:55.789103Z", "iopub.status.busy": "2022-09-15T17:34:55.788761Z", "iopub.status.idle": "2022-09-15T17:34:55.798016Z", "shell.execute_reply": "2022-09-15T17:34:55.796933Z" }, "originalKey": "50c764a6-a630-4935-9c07-ea84045e0ecc" }, "outputs": [ { "data": { "text/plain": [ "{'mean_accuracy': 0.9679346019763723}" ] }, "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": { "execution": { "iopub.execute_input": "2022-09-15T17:34:55.803948Z", "iopub.status.busy": "2022-09-15T17:34:55.803358Z", "iopub.status.idle": "2022-09-15T17:34:56.676594Z", "shell.execute_reply": "2022-09-15T17:34:56.675689Z" }, "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.6745557697192053, 0.6761706831994158, 0.6793923713598475, 0.6843535022943383, 0.6911068670361874, 0.699616739037014, 0.7097667763338626, 0.7213799599686684, 0.7342419477032673, 0.7481211136045771, 0.762782472812821, 0.7779954894275091, 0.7935370217129758, 0.809191021263643, 0.8247466249390196, 0.8399962248136088, 0.8547350441462124, 0.8687636732342983, 0.8818949278776189, 0.8939664007018574, 0.9048604625375154, 0.914534576294915, 0.9230667908490796, 0.9307097893547739, 0.9378444025924854, 0.9448037701299208, 0.9516937124002237, 0.9582335401506651, 0.9636123505682843, 0.9663511186586782, 0.9642604998390637, 0.9549180982196677, 0.9366732306478545, 0.909481301402572, 0.8747258710678714, 0.8347094605267447, 0.79224685650238, 0.7503316209718847, 0.7118285726446092, 0.679141465653652, 0.653814153272904, 0.6363018019442258, 0.6262370588703432, 0.6227648830977639, 0.624771843329101, 0.6310377222954465, 0.6403354628017561, 0.6514996863880302, 0.6634801963858561, 0.6753947223710913 ], [ 0.6724018302050575, 0.6739742697136651, 0.6772204871459693, 0.6822849754665751, 0.6892237330190004, 0.6979937271742925, 0.7084630673883019, 0.7204354457400852, 0.7336773291836719, 0.7479400658850245, 0.7629744577204753, 0.7785384404589231, 0.7943995724678665, 0.810334187896645, 0.8261249858885992, 0.8415587500513362, 0.8564258523896942, 0.8705231299297054, 0.8836615768464445, 0.8956801647418184, 0.9064673343076297, 0.9159927425131404, 0.9243535600434176, 0.9318236863192053, 0.9388042062608721, 0.9456496285449927, 0.9524829172510787, 0.9590323351433822, 0.9644893815496147, 0.9673739363965044, 0.965496537294078, 0.9564205609391775, 0.938463234135654, 0.9115219149124211, 0.8769424215144012, 0.8370171446062002, 0.7945651741326762, 0.7525885947994133, 0.7139585172517899, 0.6810791484138974, 0.6554978796575381, 0.6376946175063452, 0.6273258922462501, 0.6235540117088881, 0.6252777258256041, 0.6312850656380391, 0.6403543265325158, 0.651323477343453, 0.6631444541484195, 0.6749366018902259 ], [ 0.6704999947406184, 0.6720350631745964, 0.6753073673006829, 0.6804740496486468, 0.6875946007492567, 0.696617852227021, 0.707395114533292, 0.7197100632403499, 0.733309996917275, 0.747929752841485, 0.7633066362796138, 0.7791878085699498, 0.7953322648955014, 0.811509441405931, 0.8274963117866289, 0.8430747570800601, 0.8580310011892771, 0.872158880200764, 0.8852685304742685, 0.8972017836716748, 0.907855561627041, 0.9172154093735371, 0.9254012724445072, 0.932705301610231, 0.9395381974714458, 0.9462644954820095, 0.9530132937286658, 0.9595094190798023, 0.9649354568835611, 0.9678145282413521, 0.9659996329129951, 0.9571089346869083, 0.9394788925844167, 0.9129431643345636, 0.8787766749938635, 0.8392300410324347, 0.7970968053597937, 0.7553567776686105, 0.7168534166817535, 0.6839553192805026, 0.6581943303713147, 0.6400896624488768, 0.6293474441372454, 0.6251683842090835, 0.6264792965548371, 0.6320885023179166, 0.6407891070687188, 0.6514303851033787, 0.6629737837192303, 0.6745473961757533 ], [ 0.6688948118350114, 0.6704014289412548, 0.6737037795795529, 0.6789723004522479, 0.6862702759603031, 0.6955375759058816, 0.7066076944043378, 0.719244102875038, 0.7331755403207525, 0.7481212951387034, 0.7638061810720127, 0.7799675245634048, 0.7963566434102948, 0.8127369612372446, 0.8288806547171109, 0.8445656828060825, 0.8595751378325326, 0.8737009170318901, 0.8867535184766797, 0.8985792539864539, 0.9090857730394201, 0.9182769751341691, 0.9262955599523732, 0.9334477548052009, 0.9401463147394638, 0.9467560334586571, 0.9534021245899125, 0.959794366886608, 0.9650969614492624, 0.9678448685025436, 0.9659677990458064, 0.9571839189545781, 0.9398834347136644, 0.9138539180741734, 0.8802856458975753, 0.8413596904277985, 0.7998133709211648, 0.7585720894990948, 0.720418669180376, 0.6876587359028412, 0.6617974203403165, 0.6433958376397312, 0.6322266944847917, 0.6275479705974548, 0.6283300912720509, 0.633413856669027, 0.6416168917346484, 0.6518079099080772, 0.6629650261590595, 0.6742306418254687 ], [ 0.6676296678951297, 0.6691212197996119, 0.6724605046788585, 0.6778315109971063, 0.6853015958919211, 0.6948009051893009, 0.706144561105369, 0.7190764193305467, 0.7333079405569809, 0.7485442478115211, 0.76449889353634, 0.7809004330695374, 0.7974934971777132, 0.8140365264213212, 0.8302980487941887, 0.8460533863482762, 0.8610838787417098, 0.8751808995028768, 0.888156773243148, 0.8998639053808831, 0.9102223221100056, 0.9192548279994661, 0.9271240660069235, 0.934145332312039, 0.940727506364169, 0.9472280391066141, 0.953760677017189, 0.9600119641423219, 0.9651227784218679, 0.967646706656557, 0.9656096873032907, 0.9568543627818197, 0.9398527453884039, 0.9143754382439578, 0.8815316571161859, 0.8434126671289341, 0.8026702590566913, 0.7621439771792312, 0.7245269476141996, 0.6920428874211491, 0.6661624403473911, 0.6474846655602873, 0.6358562052724019, 0.6306065096690959, 0.6307636738683832, 0.6352128773309875, 0.6428060352774494, 0.6524393894590353, 0.6631142234229144, 0.6739912523314441 ], [ 0.6667448666586246, 0.668239767396569, 0.671626363019757, 0.6771017190502239, 0.6847374280321187, 0.6944533418646462, 0.7060464800339883, 0.7192426820178611, 0.7337380852523571, 0.7492253602766276, 0.7654081562376827, 0.7820073674496673, 0.7987619756028845, 0.815426573938124, 0.831767391485158, 0.8475587036271903, 0.8625818492199544, 0.8766294364436911, 0.8895172362570247, 0.9011051190729349, 0.9113261902813157, 0.9202208691638584, 0.9279672847589011, 0.9348842037882337, 0.9413710826726515, 0.9477719204363453, 0.9541843279329716, 0.960268184261055, 0.9651413550369073, 0.967378977362468, 0.9651032793314193, 0.956296032408385, 0.9395382739200029, 0.9146150398622014, 0.8825677134816103, 0.8453857019773606, 0.8056101109298504, 0.765966649006425, 0.729035265917763, 0.6969447102095296, 0.6711245577600595, 0.6522048086022022, 0.6401062034313457, 0.6342381620745211, 0.6336977600375184, 0.6374253876768088, 0.6443165976752347, 0.653302817417992, 0.6634141260356172, 0.6738325294260292 ], [ 0.6662753272742887, 0.6677973111111596, 0.6712456090947244, 0.6768286317804914, 0.6846220345595717, 0.6945352790587658, 0.7063488928041233, 0.7197734291927531, 0.7344922003033008, 0.7501873168119458, 0.7665538985716803, 0.7833062553420267, 0.8001787441413637, 0.8169233028133759, 0.8333053716253628, 0.8491000438541649, 0.864090758201517, 0.8780734180200005, 0.8908689068660278, 0.9023454985917476, 0.9124490386829055, 0.9212348621054275, 0.9288912370743191, 0.9357344115462959, 0.9421486613660034, 0.9484586538667531, 0.9547429197791729, 0.9606353364135028, 0.9652356097091771, 0.9671420576104712, 0.9645617826031737, 0.9556243163094745, 0.9390435583342398, 0.9146477219829044, 0.8834267075794983, 0.8472625945725538, 0.8085666508382856, 0.7699284692659215, 0.7337973563256379, 0.7021980394870071, 0.6765130556970779, 0.6573951553552273, 0.6448348579698401, 0.638324847226859, 0.6370390358470287, 0.6399820181245883, 0.6461013204335248, 0.6543703965165459, 0.6638528565400243, 0.6737543864535179 ], [ 0.6662480305716223, 0.6678258702586746, 0.6713545613112346, 0.6770502629582708, 0.6849916788380948, 0.6950788697790367, 0.7070793507770634, 0.7206920774668526, 0.7355903241283056, 0.7514475528367788, 0.7679516496305406, 0.7848113179957508, 0.801757244703883, 0.8185399024697144, 0.8349255529094303, 0.850692187110762, 0.8656277427952419, 0.8795337380388969, 0.8922378183894861, 0.9036170918591984, 0.9136288568592992, 0.9223396673284897, 0.9299420663280357, 0.9367435536147446, 0.9431072278607906, 0.9493319014922841, 0.9554732517979433, 0.9611423499999614, 0.9654294309507487, 0.966959517330209, 0.964019088019022, 0.9548838671921744, 0.9384153257323167, 0.9145084804495007, 0.8841167920192412, 0.8490138627261983, 0.8114685932399657, 0.7739190199057223, 0.7386722260789398, 0.7076429923986429, 0.6821615734611413, 0.6628951629984687, 0.6498973178412448, 0.642743258163085, 0.6406880945904232, 0.6428072812841038, 0.6481071468189042, 0.6556088986162525, 0.6644135597439011, 0.6737525305194092 ], [ 0.6666795234262624, 0.6683458009351646, 0.6719773891262204, 0.6777926183259523, 0.685870431748705, 0.696104630570317, 0.7082550239352225, 0.7220131201393409, 0.7370449827484897, 0.7530172529389609, 0.7696117525736408, 0.7865324222665906, 0.8035071175296855, 0.8202859735815343, 0.8366377079154184, 0.852345422823522, 0.8672041834642091, 0.8810236742112245, 0.893639956826631, 0.9049389493946828, 0.9148873382596108, 0.9235584483341148, 0.9311427880471831, 0.9379326399638991, 0.9442638385948355, 0.9504024649177082, 0.956374764638796, 0.961773676537501, 0.9656925918622893, 0.9667919601976337, 0.963441163075163, 0.9540557463503303, 0.9376482093991204, 0.9141949393195915, 0.8846232026544539, 0.8505993569448627, 0.8142437349487492, 0.777834336814092, 0.7435299459766337, 0.7131322818941889, 0.6879151343428248, 0.6685523994302429, 0.6551529079069462, 0.6473709259528203, 0.6445440388302239, 0.6458227252866545, 0.6502771364930755, 0.6569806613263355, 0.6650747847684092, 0.6738183713861687 ], [ 0.667573986891738, 0.6693627745643402, 0.6731215308706457, 0.6790643040079696, 0.6872657313160928, 0.697618501241183, 0.7098807648934697, 0.7237407959785931, 0.7388602303019047, 0.7549006300942522, 0.771538804483467, 0.7884746317310654, 0.8054338261085712, 0.822167189374247, 0.8384474694352111, 0.8540651293333419, 0.8688251341790011, 0.8825481028923376, 0.8950802871992576, 0.906316114132422, 0.9162289992650425, 0.9248939162248091, 0.93249247756751, 0.9392948993094736, 0.9456034921756021, 0.9516448979148746, 0.9574092733911057, 0.9624764750957796, 0.9659571737663967, 0.9665608578963082, 0.9627503435658885, 0.953077382369413, 0.9367002697107334, 0.9136781023281836, 0.884915280716647, 0.8519733324523732, 0.8168232784503462, 0.7815808964184588, 0.7482554888084755, 0.7185352534094003, 0.6936346948506767, 0.6742276746463847, 0.6604704194723754, 0.6520910568260349, 0.6485084565260235, 0.6489499263123496, 0.6525525637908923, 0.658444987935825, 0.6658113594791948, 0.6739394505893794 ], [ 0.6689224158700391, 0.6708663762462679, 0.6747750934014778, 0.680852549359221, 0.689165923562076, 0.6996104606327808, 0.7119482331896531, 0.7258684754322834, 0.7410311847522042, 0.7570945583799751, 0.7737313641258979, 0.7906379837969156, 0.8075385052930582, 0.8241852175298838, 0.8403563262921846, 0.8558518384654743, 0.8704894396319091, 0.8841036394291873, 0.8965529439185809, 0.9077400281772747, 0.9176419695620273, 0.926329552369926, 0.933967982047162, 0.9407981304564407, 0.9470824025742209, 0.9530022179534614, 0.958508942631821, 0.9631740403069229, 0.9661376251192793, 0.9661739581752187, 0.9618538107071152, 0.9518698378166334, 0.9355150849007773, 0.9129177347818017, 0.8849564611133945, 0.8530909073944823, 0.8191461729910394, 0.7850786936101033, 0.7527511691951296, 0.7237402376120244, 0.6991998138710189, 0.6797982358550277, 0.6657316933698488, 0.6567961104104378, 0.6524886299390086, 0.652113141299132, 0.6548749991909661, 0.659959733671323, 0.6665955529624195, 0.6741002131251436 ], [ 0.6707031863390036, 0.6728310749579712, 0.676908693871665, 0.6831261143926677, 0.6915419362389446, 0.7020553666488234, 0.7144363312633061, 0.7283788758477803, 0.7435441136757279, 0.7595885868903096, 0.7761819401309074, 0.7930174955945952, 0.8098180282466566, 0.8263378919339118, 0.8423619457257288, 0.8577017605395958, 0.872190519762379, 0.8856797106166439, 0.8980425710436533, 0.9091902707624165, 0.919100263825731, 0.9278325249629797, 0.9355278068194091, 0.9423901870207126, 0.9486362807172485, 0.9543987683900559, 0.9595913381855216, 0.9637819414192313, 0.9661499763689031, 0.9655495295036478, 0.9606742470809859, 0.9503680380177103, 0.9340445406901926, 0.9118780472448315, 0.8847145951963025, 0.8539145762484835, 0.8211630420504941, 0.7882635095605989, 0.7569380137266347, 0.7286556406138355, 0.7045099050939196, 0.685159459696836, 0.6708337826744502, 0.6613902255233381, 0.6563999496734759, 0.6552415126879803, 0.6571882192558796, 0.6614829051600976, 0.6673983618975263, 0.6742829746418817 ], [ 0.6728838143141518, 0.6752190186375604, 0.679479873866131, 0.6858407065767582, 0.6943514620292797, 0.7049155386485162, 0.7173127768666702, 0.7312450298828124, 0.7463770317534167, 0.7623653108503525, 0.7788772394912605, 0.7956033766974184, 0.8122652641754335, 0.8286195949189569, 0.8444587627550837, 0.8596076756266937, 0.8739176842760147, 0.8872604293687908, 0.8995267508132367, 0.9106374773646206, 0.9205671680425965, 0.9293577733964907, 0.9371173951281124, 0.9440061510357332, 0.9501902335575519, 0.9557527910751042, 0.9605735105363908, 0.9642223274578885, 0.9659264291943781, 0.9646329707661716, 0.9591715628835938, 0.9485420163921877, 0.9322648042047803, 0.9105395614318852, 0.8841702770478261, 0.8544195548890751, 0.8228392103983794, 0.7910883227990851, 0.7607562369573471, 0.7332100598916207, 0.7094844209514934, 0.6902254005025711, 0.675689985271971, 0.6657906606050402, 0.6601675801970431, 0.6582707813995735, 0.6594398451318653, 0.6629741492976022, 0.6681907966565777, 0.6744689674543723 ], [ 0.6754233850283103, 0.6779834487703101, 0.6824373976932545, 0.6889434068965096, 0.6975431576419309, 0.7081439877664367, 0.7205363364549524, 0.7344317819700364, 0.7495006925492835, 0.7654010308418648, 0.7817986277210611, 0.7983814054963765, 0.8148694795515975, 0.8310217896474456, 0.8466387493495844, 0.861560049343159, 0.875657727390231, 0.8888268685465777, 0.9009791885616544, 0.9120469785222637, 0.9219991252683454, 0.9308525896757913, 0.9386748669350997, 0.9455756218741497, 0.9516676307470981, 0.9569861255884918, 0.9613821304724809, 0.964433628302446, 0.9654231675557068, 0.9634015478998057, 0.9573424396184617, 0.9463974493593933, 0.9301812541847906, 0.9089049840760726, 0.8833218158393784, 0.8545971556592241, 0.8241564587211528, 0.7935237829248685, 0.7641649164742577, 0.7373516228967693, 0.7140622268805814, 0.6949284795941262, 0.6802300045315295, 0.6699284301875994, 0.663727464187486, 0.6611445136802956, 0.6615826593721146, 0.6643960529053917, 0.6689450795290139, 0.6746393771536976 ], [ 0.678275124443458, 0.6810718964477828, 0.6857247342151278, 0.6923761249182866, 0.7010600862593868, 0.7116874898952111, 0.7240592262173347, 0.7378975363222428, 0.7528798169174722, 0.7686666037597519, 0.7849227332322305, 0.80133341172003, 0.817616823207251, 0.8335336316485177, 0.8488922696482292, 0.8635482321315333, 0.8773965447389723, 0.890359146387162, 0.9023723252946413, 0.9133819093666348, 0.9233494170138075, 0.9322610856564415, 0.9401364545740205, 0.9470291279975892, 0.9529970921425055, 0.9580311002535812, 0.9619598412161388, 0.9643755281572378, 0.964622284351627, 0.9618613534017075, 0.955211985820152, 0.9439677536225153, 0.9278256266078077, 0.9069996960507669, 0.8821867271131023, 0.854455948379985, 0.8251133495889005, 0.7955577129351924, 0.7671409346497431, 0.7410466913634617, 0.7182003605025019, 0.6992185385225147, 0.6843994549178654, 0.6737483093583722, 0.6670267706027746, 0.6638148805232105, 0.6635755896542591, 0.6657152117017678, 0.6696356987104193, 0.6747763068004916 ], [ 0.6813887686799635, 0.6844288532739872, 0.6892827680341987, 0.696078267477958, 0.7048424061674963, 0.7154891792963965, 0.7278293483541596, 0.7415960187612369, 0.7564744033425109, 0.7721283838601735, 0.788222122421443, 0.8044378019765248, 0.8204908309197804, 0.8361425872165797, 0.8512089384511932, 0.8655616485018897, 0.8791206638582814, 0.891838170372544, 0.9036790646351089, 0.9146054713531352, 0.924571362954314, 0.9335281996681294, 0.9414412128544798, 0.9483033028635834, 0.9541176471319971, 0.9588351144624649, 0.9622687209930674, 0.964030573049143, 0.9635304899973949, 0.9600425863905658, 0.9528273619643077, 0.9413074699573845, 0.9252507961172072, 0.9048690188450424, 0.8808005015287429, 0.8540209341619076, 0.8257241898599055, 0.797193687071777, 0.7696772637995262, 0.744278048118024, 0.7218723273936568, 0.7030614311324501, 0.688158889885926, 0.6772083587903275, 0.6700238940039001, 0.6662430472350538, 0.6653843749741617, 0.6669030551517396, 0.6702402867267898, 0.674863626856234 ], [ 0.684712576754437, 0.6879978877182781, 0.693051874810249, 0.6999887751496494, 0.7088294315614768, 0.7194906171458495, 0.7317922077051411, 0.7454778958953437, 0.7602409988744536, 0.775749166100824, 0.7916659784050515, 0.8076700685203986, 0.8234728871271227, 0.8388349901875688, 0.8535784149991156, 0.8675909347361771, 0.8808187448931907, 0.8932474080742168, 0.9048747919920668, 0.9156833311421056, 0.9256212781551122, 0.9346032027798241, 0.9425349054792524, 0.9493448658704094, 0.9549824217386113, 0.9593635849613579, 0.962291943737557, 0.9634040456478573, 0.9621769417782489, 0.9579957812335697, 0.9502535252122933, 0.9384875398812237, 0.9225258285941424, 0.9025741914442514, 0.8792136633953022, 0.8533312044369472, 0.8260168486561267, 0.7984488057848638, 0.77178069368891, 0.747042673826156, 0.7250660579845707, 0.7064372939951399, 0.6914824958727998, 0.6802791009705886, 0.6726881067117063, 0.6683992387668165, 0.6669819464478512, 0.6679364331782293, 0.6707403107121447, 0.6748876858065271 ], [ 0.688194953866576, 0.6917232709775323, 0.6969734853081355, 0.7040476546952479, 0.7129611896695702, 0.7236333919698357, 0.7358924737838296, 0.7494921755934876, 0.7641338546951635, 0.7794890697603776, 0.795220732753629, 0.8110032328359185, 0.8265425890333388, 0.8415964733043848, 0.8559910684551699, 0.8696289937533951, 0.8824831217968186, 0.8945749414207135, 0.9059399328132839, 0.9165864800476855, 0.9264614824047107, 0.9354428482895052, 0.9433731831135652, 0.9501136306628717, 0.955561263101655, 0.9596019052761554, 0.9620346210774686, 0.9625233729016897, 0.9606114500681492, 0.9557893326103728, 0.9475703670079811, 0.9355918015189264, 0.9197317528378076, 0.900188060923615, 0.8774879208328985, 0.8524365793150585, 0.826029712303111, 0.7993508353051432, 0.7734691202780909, 0.7493492192298895, 0.7277816332094686, 0.7093386092281224, 0.6943565691602007, 0.6829424571934853, 0.6749989550062558, 0.6702625469062957, 0.6683485630373125, 0.6687979826685688, 0.6711215748676107, 0.6748378689311103 ], [ 0.6917857123001186, 0.6955511958938494, 0.7009912433127219, 0.7081971135313081, 0.7171795805357327, 0.7278603342502654, 0.7400752150810002, 0.7535873718868887, 0.768105933221651, 0.7833063302266189, 0.7988506223537586, 0.8144081938644484, 0.8296779712861132, 0.8444122150702006, 0.8584384418421895, 0.8716718972597111, 0.88411134188087, 0.8958157610241305, 0.9068629262506296, 0.9172945302470247, 0.9270635292230361, 0.936014367756974, 0.9439242723976096, 0.9505848122944771, 0.9558426250595752, 0.9595568330339841, 0.9615244911820681, 0.9614378161834871, 0.9589034647120488, 0.9535078931660588, 0.9448705003079738, 0.9327140148222114, 0.916957745137397, 0.8977907544669965, 0.8756918580392732, 0.8513936102242893, 0.8258080464685239, 0.7999348932446363, 0.7747685251527785, 0.7512152778124224, 0.7300288752645309, 0.7117681550152934, 0.6967778708349465, 0.685190535882988, 0.6769454782336357, 0.6718205409290358, 0.6694717444191568, 0.6694762975801248, 0.6713745432472735, 0.6747070012270888 ], [ 0.6954370196642454, 0.6994306681833309, 0.7050518442756155, 0.7123823832901026, 0.7214292276258534, 0.732116425446041, 0.7442868569019603, 0.757712452709437, 0.77210976624591, 0.7871579944302216, 0.802518168848492, 0.8178539746906698, 0.8328555687867095, 0.8472669513518063, 0.8609134263781355, 0.8737195051290628, 0.885707526951347, 0.8969740765817679, 0.9076434308838852, 0.917799403724844, 0.9274117801180174, 0.9362985383076635, 0.9441714412551485, 0.9507509053062654, 0.955834888045998, 0.9592572803220936, 0.9608124479185852, 0.9602187210942625, 0.9571414945696386, 0.9512507847956541, 0.9422569005303135, 0.9299547600275003, 0.9142972589149224, 0.8954652306552181, 0.8738963370630538, 0.8502611937602098, 0.8253999887657482, 0.8002398534192594, 0.7757097760813274, 0.7526645615648949, 0.7318248910571007, 0.7137369246466442, 0.6987519375489704, 0.6870243459062677, 0.6785253166432003, 0.6730687356384065, 0.6703460405808622, 0.6699659275585914, 0.6714944945977863, 0.6744915956232604 ], [ 0.6991040884903551, 0.7033141385599204, 0.7091056256613849, 0.7165523033247634, 0.7256580910936163, 0.7363494711617465, 0.7484759184498696, 0.7618176050889109, 0.7760981834324001, 0.7910005359569652, 0.8061846018948032, 0.8213078899988737, 0.8360503232801354, 0.8501447199654255, 0.863410053811986, 0.8757756214196386, 0.8872832672396931, 0.8980652820015839, 0.9082954584597981, 0.9181093039707116, 0.927507453053915, 0.9362930792818955, 0.9441155462471688, 0.9506234242241217, 0.9555671677574579, 0.9587540337237674, 0.9599716144867774, 0.9589587493979072, 0.9554311922802853, 0.9491292230760289, 0.939839613860879, 0.9274176229876502, 0.9118436511746555, 0.8932924879070517, 0.8721696231284822, 0.8490959410632145, 0.8248523470710201, 0.8003046266511086, 0.7763253742513557, 0.753724078104479, 0.7331916477766929, 0.7152620826037034, 0.7002914107957763, 0.6884524932440409, 0.6797437605590774, 0.6740099610543131, 0.6709726718701524, 0.6702672274688222, 0.6714815211900977, 0.6741919499722414 ], [ 0.7027456575124199, 0.7071579328435185, 0.7131069663730182, 0.7206597211513991, 0.7298179012903306, 0.7405105957469251, 0.7525935797684051, 0.7658548555531527, 0.7800249379836189, 0.7947904158587925, 0.8098102643464951, 0.8247356867396272, 0.8392353782765308, 0.8530283435774864, 0.8659228364103485, 0.8778474875270031, 0.8888576761225994, 0.899117061480138, 0.9088499091728953, 0.9182526415213675, 0.9273732083350443, 0.9360166859759167, 0.9437780300425975, 0.9502348504491587, 0.9550896106731573, 0.9581178979197927, 0.9590934034314589, 0.957766250474021, 0.9538899852167684, 0.9472614050749476, 0.9377309407181081, 0.925204207845919, 0.9096849459355502, 0.8913462272010508, 0.8705722114052684, 0.8479474036015945, 0.8242063508363335, 0.8001644610461116, 0.7766462673356672, 0.7544214014701578, 0.7341536515355576, 0.7163650146642444, 0.7014144336859409, 0.689489905016188, 0.6806127801700693, 0.6746536669900327, 0.6713590650533716, 0.6703860750240009, 0.6713403812544219, 0.6738120965873166 ], [ 0.7063243083506194, 0.7109225265252326, 0.7170145411176434, 0.7246617550576322, 0.733864457861383, 0.7445546035826913, 0.7565941201575358, 0.7697785788125849, 0.7838452535396379, 0.798484612237269, 0.8133550394886815, 0.8281017338747129, 0.842381856450394, 0.8558987168371677, 0.868445644839822, 0.8799444395508855, 0.8904561931798738, 0.9001689727126132, 0.9093556667264187, 0.9182811117796237, 0.9270579754745183, 0.9355140403944977, 0.9432048238850111, 0.9496410647735976, 0.9544729844921535, 0.9574361084017435, 0.9582810581413332, 0.9567568886054987, 0.9526389504198742, 0.945765367841841, 0.9360388245130726, 0.9234076775231922, 0.9078975050900701, 0.8896868707127367, 0.8691513855016413, 0.8468532699632724, 0.8234935012656315, 0.7998474008376717, 0.7766988425651289, 0.7547821222907836, 0.7347357907381566, 0.7170695171487467, 0.7021431506570236, 0.6901566107255015, 0.6811500616380974, 0.6750151836961844, 0.6715183010549473, 0.6703334665312991, 0.6710802105822633, 0.6733596070995528 ], [ 0.7098066540803653, 0.7145727009735753, 0.720791465880262, 0.7285199542195966, 0.7377578294569771, 0.7484402416811986, 0.7604352599554891, 0.7735459195553239, 0.7875163071255002, 0.8020411263530836, 0.8167788183527593, 0.8313693320442286, 0.8454587657976749, 0.8587340483639828, 0.8709702145296915, 0.8820756304703851, 0.8921077608302643, 0.9012697731529903, 0.9098781016043385, 0.9182703933269716, 0.9266405759433071, 0.9348617838677828, 0.9424716706641667, 0.9489236869030651, 0.9538067317069556, 0.9568069540119972, 0.957641811272313, 0.956044507387842, 0.9517932874737659, 0.9447499864110653, 0.9348584012963409, 0.9221046674788304, 0.9065385563367683, 0.8883550128908699, 0.8679356531312385, 0.8458347040959914, 0.8227316867019184, 0.7993710471696316, 0.7765022111844153, 0.754827556046899, 0.7349613954872658, 0.7174001575463917, 0.7025023313386276, 0.690476596035928, 0.6813780610993823, 0.6751149467323085, 0.6714684788288569, 0.6701249923135099, 0.6707140939777856, 0.6728452540697459 ], [ 0.7131634292792565, 0.7180776105353918, 0.7244053625791111, 0.7322003834655042, 0.7414624806058867, 0.7521303894479436, 0.7640784290724221, 0.7771171441636967, 0.7909976527671959, 0.8054194522086554, 0.8200419780028306, 0.8345011402895625, 0.8484331843723432, 0.8615093105626677, 0.8734844628452385, 0.8842468168737986, 0.8938401699876469, 0.9024718911331697, 0.9104937464240556, 0.9183163190233586, 0.9262285739883597, 0.9341717561802659, 0.9416886827508971, 0.9481888558897696, 0.9531938225095522, 0.9563323928712079, 0.9572780239928206, 0.9557311621964545, 0.9514515405832752, 0.9443042500624943, 0.9342616751522195, 0.9213455654509751, 0.9056378081917941, 0.8873646246771991, 0.8669293554893615, 0.8448920709131997, 0.8219217602371829, 0.7987397726653508, 0.7760658938710836, 0.7545727807737748, 0.734850552870855, 0.71738082439773, 0.7025181242463523, 0.6904767288855423, 0.6813230731488851, 0.6749776801984508, 0.6712319875248064, 0.6697801843552356, 0.6702584926256128, 0.6722825302127645 ], [ 0.7163695049723778, 0.721410783104088, 0.7278283642655599, 0.7356736531044439, 0.7449473455126499, 0.7555921946748827, 0.7674889794300331, 0.7804559341436746, 0.7942515855654769, 0.808580984727058, 0.8231057962382236, 0.8374595653893345, 0.8512706036823542, 0.8641961209412891, 0.8759706549430384, 0.8864563254625089, 0.8956737359297906, 0.903822928312434, 0.9112803190678975, 0.918524637754144, 0.9259480803530129, 0.9335804944664271, 0.9409897852830676, 0.9475569556204573, 0.9527410958787261, 0.9561087358606356, 0.9572776911826311, 0.9558967069576754, 0.9516836867870034, 0.9444846278663801, 0.9342851785293894, 0.9211435320652106, 0.905188847021891, 0.8866966193585087, 0.8661078941709828, 0.8440013626447394, 0.8210448025275036, 0.7979425477221813, 0.7753880137783574, 0.7540250676946244, 0.7344187058406955, 0.7170334684906826, 0.7022169286446607, 0.6901857407831891, 0.6810142942464893, 0.6746315173039521, 0.6708346660811323, 0.6693217202541082, 0.6697325206303401, 0.671687027643267 ], [ 0.71940384653448, 0.7245500711385544, 0.7310370766916162, 0.7389149087791935, 0.7481858631997903, 0.7587971698561331, 0.7706363546698523, 0.7835296321412075, 0.7972434503979752, 0.8114893533314802, 0.8259327394797421, 0.8402068922823327, 0.8539347514463437, 0.8667619590891918, 0.8784030523737755, 0.8886905659015717, 0.897614052616222, 0.9053550029562726, 0.9123023862192764, 0.9189939089221246, 0.9259239046796349, 0.9332240909442188, 0.9405065780563294, 0.9471440937515764, 0.9525461370905296, 0.9562163772359845, 0.9577052547477207, 0.9565891238808398, 0.9525194266260443, 0.9453007261928619, 0.9349159290218158, 0.9214638072557799, 0.9051416160524087, 0.8862936207286887, 0.8654141064919626, 0.8431116704623172, 0.8200603001909641, 0.7969515339137115, 0.7744540978012147, 0.7531827603783947, 0.7336755520652807, 0.7163770210818404, 0.7016243536775274, 0.6896332273839177, 0.6804828438805717, 0.6741070208479474, 0.6703048162957916, 0.6687744615892235, 0.6691570652254328, 0.671075684830728 ], [ 0.7222494280265638, 0.7274775654513527, 0.7340125074892301, 0.7419037918503391, 0.7511559841889228, 0.7617212592518775, 0.7734942284023736, 0.7863094533703299, 0.7999419109370596, 0.8141107020002423, 0.8284866520494932, 0.8427051742777153, 0.8563867683501261, 0.8691682250337402, 0.8807453377490524, 0.8909199708307769, 0.8996452593293185, 0.907074000914288, 0.9135949936328144, 0.9197930493636833, 0.9262533422969561, 0.9332098730354592, 0.9403436063248742, 0.9470431805328838, 0.9526841569494471, 0.9567104109252331, 0.9585940305666254, 0.9578172153294257, 0.9539397875937131, 0.9467043000569042, 0.9360808295182697, 0.9222165455617491, 0.9053975705608913, 0.8860567840162809, 0.8647562935018607, 0.8421440215390283, 0.8189054504793686, 0.795721584668954, 0.7732365763131577, 0.752034651418181, 0.7326242518082451, 0.7154264608431812, 0.7007642133307164, 0.6888486116203612, 0.6797606870266608, 0.673436048522195, 0.6696720241169519, 0.6681643050498277, 0.6685537536184152, 0.6704659195657623 ], [ 0.7248931125659921, 0.7301794801831384, 0.7367399703876114, 0.7446243771181323, 0.7538401554110525, 0.764344884094177, 0.7760406205445196, 0.788770677043748, 0.8023192053733372, 0.8164139711506776, 0.8307329773684708, 0.8449162271376469, 0.8585847534035012, 0.8713693484903199, 0.882949260277263, 0.893096687887515, 0.9017256994188968, 0.9089518584745074, 0.9151504454988633, 0.9209394074033082, 0.9269779111017372, 0.9335935440510968, 0.9405617965367682, 0.947311026213041, 0.9531985878913123, 0.9576140703791769, 0.9599413151504959, 0.9595466173329676, 0.9558742179989145, 0.9485887833259041, 0.9376467219144408, 0.9232555274892265, 0.9058084803833918, 0.8858452149160199, 0.864008256070688, 0.8409918225313057, 0.8174957560356109, 0.7941907646930088, 0.7716950567206258, 0.7505599022259845, 0.731260955895199, 0.714191996301418, 0.6996574866265481, 0.6878599896644193, 0.6788793802392526, 0.6726503894892073, 0.6689657393017601, 0.66751683782227, 0.6679437889796755, 0.669874683174276 ], [ 0.727325505064151, 0.7326460140981758, 0.7392089686601363, 0.747065091506421, 0.7562252869048097, 0.7666529702969017, 0.7782579986141224, 0.790892830797883, 0.8043514163795605, 0.8183712439573343, 0.8326391587752027, 0.8468020707720395, 0.8604843293410732, 0.8733136090110255, 0.8849555256535676, 0.8951552276113692, 0.9037876923768345, 0.9109249013222765, 0.9169147026764874, 0.9223919364700242, 0.9280731656367448, 0.9343729468420464, 0.9411740725500671, 0.9479642744068248, 0.9540976330403027, 0.9589161776116055, 0.9617064314348331, 0.9616986032511151, 0.9582012780894602, 0.9507930788513063, 0.9394250291800527, 0.9243812094185317, 0.9061786161414913, 0.8854780618003012, 0.8630114832457902, 0.839523039301453, 0.8157270072493538, 0.7922819591786784, 0.7697774265512246, 0.7487285523487384, 0.7295746827488341, 0.7126783483736884, 0.6983211638783491, 0.6866927550622427, 0.6778685404357638, 0.6717800821371209, 0.6682135788120491, 0.6668558254186095, 0.6673467116728662, 0.669317493652305 ], [ 0.729540780933548, 0.7348711905556519, 0.7414130591984776, 0.7492186144950552, 0.7583027008658811, 0.7686349596303931, 0.7801333665401577, 0.7926598747133059, 0.8060187711124883, 0.8199581924171955, 0.8341752900280827, 0.8483259153111379, 0.8620402095337943, 0.8749455138154311, 0.8866970773182503, 0.8970166258531527, 0.9057423409949138, 0.9128995534257315, 0.9187958556395253, 0.9240661883930277, 0.9294702104470773, 0.9355024041103909, 0.9421538763388304, 0.9489843495252935, 0.9553571900527909, 0.9605725459368634, 0.9638109613048842, 0.9641500428033121, 0.9607496056251664, 0.9531039187501749, 0.9411755086003344, 0.9253453620386183, 0.9062693788756288, 0.8847390261174154, 0.8615794583733468, 0.8375841319090885, 0.8134786750763494, 0.7899055943975051, 0.7674218160563121, 0.7465026671784569, 0.7275476105229818, 0.7108841800354389, 0.6967669320905165, 0.6853678722479732, 0.6767539099100058, 0.67085132279574, 0.6674393853862092, 0.6662016317164481, 0.6667791877328961, 0.6688075291976007 ], [ 0.7315364921093295, 0.7368526761485705, 0.7433496961586676, 0.751081758493171, 0.7600680606750477, 0.7702848015532741, 0.7816583378656775, 0.7940603814389634, 0.8073059664301666, 0.8211546120205887, 0.8353149773760864, 0.8494535618301423, 0.8632084531932013, 0.8762092812320479, 0.8881042620092612, 0.8985957778973452, 0.9074892031901689, 0.9147645111159103, 0.9206809746490086, 0.9258579082637804, 0.9310820346943339, 0.9369159370464922, 0.9434524386146141, 0.9503295525658881, 0.9569289888505528, 0.9625098544137207, 0.9661395248206778, 0.9667327168584923, 0.9632974907553797, 0.9552567143006733, 0.9426092478755072, 0.9258563340104937, 0.9058057251889753, 0.8833830067893167, 0.8595039608381133, 0.8350056754549366, 0.81061866239635, 0.7869634345001187, 0.7645594152062406, 0.7438381683402914, 0.725155896557093, 0.7088018433470725, 0.6949998084691964, 0.6838996781143019, 0.6755548634161841, 0.6698839694543648, 0.6666612417297362, 0.6655697750336904, 0.6662539726765485, 0.6683548805331861 ], [ 0.7333133499228666, 0.738591576010004, 0.7450200509561689, 0.7526553249649962, 0.7615212747227955, 0.7716009190854594, 0.7828291841776612, 0.7950876980036228, 0.8082024930508864, 0.8219449907634719, 0.8360362938675219, 0.8501549663950484, 0.8639489591982309, 0.8770527150231161, 0.8891107891475203, 0.8998105222401187, 0.9089294542192251, 0.916407419920939, 0.9224562263357272, 0.9276647088712339, 0.9328239700427732, 0.9385476447118493, 0.9450182234131831, 0.9519513371155435, 0.9587508115125682, 0.9646291598204502, 0.9685388951954345, 0.9692306844127635, 0.9655710136498187, 0.9569358941641886, 0.9433920637025076, 0.9255854543563927, 0.9044843957550199, 0.8811447653661959, 0.8565632291638343, 0.8316095306806095, 0.8070092886749562, 0.7833533555984107, 0.7611180914325238, 0.7406873653056083, 0.7223711587689159, 0.7064177589699703, 0.6930172202316356, 0.6822934513608301, 0.6742812898363486, 0.668889121492759, 0.6658899196470116, 0.6649699169239401, 0.6657792199927697, 0.6679660598266306 ], [ 0.7348749830234148, 0.7400922021641468, 0.7464288034895485, 0.7539439299672207, 0.762666367309348, 0.772586138727399, 0.7836468444448143, 0.7957400662465817, 0.8087029174025158, 0.82231903367401, 0.8363226733674037, 0.8504056866172413, 0.8642277156419788, 0.8774306342019644, 0.8896589981449174, 0.9005899327657073, 0.9099791109614176, 0.9177337834634186, 0.924026524743192, 0.9294013225271568, 0.9346253264923262, 0.9403424828524766, 0.9468088539124287, 0.9538066243377838, 0.9607520886431828, 0.9668059306024963, 0.9708139157481676, 0.9713758734388308, 0.9672418682364823, 0.9577762293595088, 0.9431498065600121, 0.9241756940018637, 0.9019844218682013, 0.8777496658715204, 0.8525318490546452, 0.8272173642458361, 0.8025143070089169, 0.7789749275739654, 0.7570266908615461, 0.7370021479849406, 0.7191627058179015, 0.7037137660969309, 0.690809424792675, 0.6805445814773535, 0.6729318476146853, 0.6678682090121764, 0.6651284107049236, 0.6644055715470804, 0.6653582725545296, 0.6676438382578281 ], [ 0.7362276677361747, 0.7413618101029562, 0.747583897869837, 0.7549557908617126, 0.7635113067637671, 0.7732475718775813, 0.7841168776299756, 0.7960206744373375, 0.8088070750573796, 0.8222720623273431, 0.8361636040290262, 0.8501879739996544, 0.8640184070309243, 0.8773071446626797, 0.8897030435357842, 0.9008789074569028, 0.9105761225230776, 0.9186785332885494, 0.9253254817857425, 0.9310036829498733, 0.9364297989056581, 0.9422539612130253, 0.948785475118725, 0.9558494092013837, 0.9628477287106367, 0.9688849000424671, 0.9727224389386087, 0.9728440940220623, 0.967926875798863, 0.9573671821961285, 0.9414774007590978, 0.9212538913229064, 0.8979805134410648, 0.8729265612500782, 0.8471921713474933, 0.8216602346881479, 0.7970066701206541, 0.7737355588268359, 0.7522198314434022, 0.732737710488207, 0.715500467080673, 0.7006695400249499, 0.6883617616481124, 0.6786412075891695, 0.671496874739188, 0.6668146623758775, 0.664372861355729, 0.6638746521763876, 0.6649899857855825, 0.6673874353574563 ], [ 0.7373800281028913, 0.7424102981341505, 0.7484962547039546, 0.7557024643512118, 0.7640677792446533, 0.7735964336363333, 0.7842493397879744, 0.7959376129503836, 0.8085201345733001, 0.8218052261431906, 0.8355550259632082, 0.8494913723766296, 0.8633031698479033, 0.8766564075783384, 0.8892093479149189, 0.9006376003522407, 0.9106772495516874, 0.9191974966894025, 0.9263052569975446, 0.9324195886942568, 0.9381847986208032, 0.9442302625194655, 0.9508932812469006, 0.9580079360635282, 0.9649203836211131, 0.9706688767893336, 0.9739690252063415, 0.9732529993468011, 0.9671917264175796, 0.9552628680723108, 0.9379536803898424, 0.9164477324532574, 0.8921597220768828, 0.8664227113757685, 0.8403469155899911, 0.814788844868877, 0.7903766729388715, 0.7675568854845369, 0.74664292272019, 0.7278565780200713, 0.7113583987961698, 0.6972657809004157, 0.6856581179176969, 0.6765684321484039, 0.6699627257751151, 0.6657170859944737, 0.6636145640482767, 0.6633707142596004, 0.6646695157125944, 0.6671930248716014 ], [ 0.7383427035754152, 0.7432498642266518, 0.7491794313058913, 0.7561985246720568, 0.7643508953906344, 0.7736477841825135, 0.7840585675137889, 0.7955037107337096, 0.807852502144719, 0.8209254905525561, 0.8344993984179798, 0.8483128023990218, 0.862072520926482, 0.8754620392338252, 0.8881547369962003, 0.899836892331901, 0.9102484838673073, 0.9192509473847645, 0.926917334684993, 0.9335904767449239, 0.9398230875714552, 0.9461938575143185, 0.953037482318427, 0.9601575332438622, 0.9667942273452226, 0.9719006935408244, 0.97419606841474, 0.9721642168921836, 0.9645624990489666, 0.9510008083754256, 0.9321640103713822, 0.9094081352784342, 0.8842412202040513, 0.8580202358681523, 0.831832383061752, 0.8064839230821433, 0.7825400124143921, 0.7603810243214325, 0.7402570891926206, 0.7223326340189, 0.7067180171493763, 0.6934876374640918, 0.6826845574732001, 0.6743121005275993, 0.6683153249703773, 0.6645624167699663, 0.6628423154014125, 0.6628845798250462, 0.6643894153204633, 0.6670544733640313 ], [ 0.7391279841813407, 0.7438946164940303, 0.7496492214738222, 0.7564611698635482, 0.7643788159120968, 0.7734201777014013, 0.7835628512422814, 0.79473623485471, 0.8068195515414786, 0.8196453975119221, 0.8330054602943164, 0.8466562192531598, 0.8603246816985874, 0.8737156598240645, 0.8865234379344075, 0.8984526453493675, 0.9092553563617137, 0.918790330357262, 0.9270955979444823, 0.9344315704867389, 0.9412415801058657, 0.9480196919763848, 0.9550600100626336, 0.9620929509064698, 0.9682023532334771, 0.9722379439171971, 0.9729783970884432, 0.9690968545109069, 0.9595502593869436, 0.9441330271337066, 0.9237317989413563, 0.8998364912386618, 0.8739981654184426, 0.8475530981463721, 0.8215314364669394, 0.7966660598320122, 0.7734452358797546, 0.7521762693997616, 0.7330436454713962, 0.7161548160101702, 0.7015716836551884, 0.6893278646645595, 0.6794324616056245, 0.6718617738103558, 0.6665429098626782, 0.6633385034256949, 0.6620446132824415, 0.6624060176000011, 0.6641408520625331, 0.6669642030864767 ], [ 0.7397494162100449, 0.7443601367157922, 0.749923188450328, 0.7565097438892949, 0.7641722811587827, 0.7729352036253864, 0.7827839835081409, 0.7936564406685716, 0.8054411768525643, 0.817982619363534, 0.8310877505125652, 0.8445319978490856, 0.8580646240335509, 0.8714152532441795, 0.8843042470272647, 0.8964611397346783, 0.9076565204026344, 0.917750134599379, 0.9267449842094836, 0.9348159069117234, 0.9422818276061968, 0.94951537831225, 0.9567208398484308, 0.9635080834633517, 0.9687632661131823, 0.9712357900615666, 0.9698365901819606, 0.9635627551867356, 0.9516950089580505, 0.9342719780436455, 0.9123573574201332, 0.8875142946282663, 0.861279592976338, 0.8349231229905272, 0.8093851800046943, 0.785304234283797, 0.7630800166809693, 0.7429418065982453, 0.7250077782706137, 0.7093301690911166, 0.6959253263390603, 0.6847893863265377, 0.6759009476619077, 0.6692129272973767, 0.6646380569130153, 0.6620360492169014, 0.6612114519039848, 0.6619252493293913, 0.6639147830834367, 0.6669140721375847 ], [ 0.7402213861885678, 0.7446630021231171, 0.7500201297870913, 0.7563651641497249, 0.763754028620586, 0.7722169042160808, 0.7817466679409129, 0.7922889639041819, 0.8037411761796593, 0.8159593444859629, 0.8287659750399514, 0.8419562154094187, 0.8553031547677126, 0.8685639052017735, 0.88148880349607, 0.8938369657209844, 0.9054016529789571, 0.9160457645727611, 0.9257378465436057, 0.9345666550780728, 0.9427167876459426, 0.9504051681803934, 0.957685380407014, 0.9639895557287583, 0.9679921160162492, 0.9683791490786906, 0.9642806354190883, 0.9551264439339429, 0.9406331573948354, 0.9211468815428322, 0.8978575686124688, 0.872330591897168, 0.8460294865496039, 0.8201132571745808, 0.7954021786838447, 0.7724222516425578, 0.751475716618689, 0.732711054169009, 0.7161811322187147, 0.7018860029948744, 0.6898003743351807, 0.6798870955506362, 0.6720985216520473, 0.6663684382088356, 0.6625990680804285, 0.6606499727689756, 0.660335655929176, 0.6614341639448007, 0.6637029752825166, 0.6668961850513911 ], [ 0.7405586968459819, 0.7448202795518613, 0.7499594832002756, 0.7560492505898057, 0.7631480819571833, 0.771291050853789, 0.7804777738854817, 0.7906610488197336, 0.8017464847874178, 0.8136015436359579, 0.8260643064760136, 0.8389499721541103, 0.8520562628152221, 0.8651692506538337, 0.8780713737974875, 0.8905536580856978, 0.9024336481856141, 0.9135776706923409, 0.9239196219796936, 0.9334622674077556, 0.9422511851823758, 0.9503218736552099, 0.9575152504401778, 0.9630246678394204, 0.9653385176712547, 0.9631408141017495, 0.9558687309195126, 0.943466693104275, 0.9261637985765453, 0.9046489379720305, 0.8801954739311254, 0.8543018710469952, 0.8283001103965331, 0.8031963556759374, 0.7796641491394809, 0.7581024033094181, 0.7387097772855679, 0.7215533120864515, 0.7066230677416372, 0.693870975939429, 0.6832347778652412, 0.6746488323467908, 0.6680439871334913, 0.6633394256268597, 0.6604307892123727, 0.6591802561432335, 0.6594137732316825, 0.6609272016960864, 0.6634988092433199, 0.6669035749201091 ], [ 0.7407761549188092, 0.7448490174306187, 0.7497607001844286, 0.7555839707598639, 0.7623788996755373, 0.7701842585555732, 0.7790054189843916, 0.7888016141399039, 0.7994862929337149, 0.8109381732374965, 0.82301068640859, 0.8355388341777537, 0.8483448207043384, 0.8612436944692251, 0.8740500791940113, 0.8865867019264905, 0.8986943771980271, 0.9102409227882278, 0.92112351344316, 0.9312573106134536, 0.9405457584216479, 0.9488259543101712, 0.9556789935693398, 0.9600349932402301, 0.9602376449037637, 0.9550383089346162, 0.9442597818025056, 0.9284097438911205, 0.9082596687317246, 0.8848437738546382, 0.8594919826685313, 0.833580746307996, 0.80825755901473, 0.7843382449671387, 0.7623273376240834, 0.7424858535117813, 0.7249056233050897, 0.7095735130920124, 0.6964204517634384, 0.6853550133367738, 0.6762830666495517, 0.6691155433688196, 0.6637666592155513, 0.6601455063530949, 0.6581449269813273, 0.6576323474021988, 0.6584465733193499, 0.6604019164671217, 0.6632978464592638, 0.6669307253977605 ], [ 0.7408881952006383, 0.744765772211895, 0.7494426381124873, 0.7549906545741442, 0.7614703996009394, 0.7689229145873716, 0.7773578602485683, 0.7867401908797246, 0.7969911153704058, 0.8080003788122175, 0.8196361778429883, 0.8317524186696033, 0.8441946040012003, 0.8568052459675747, 0.8694291677901315, 0.881918128420928, 0.8941327408093773, 0.9059382415694388, 0.9171909411151564, 0.9277145133587698, 0.9372655557441182, 0.9454703784394196, 0.9516360094265628, 0.9544541781701753, 0.9521790998363464, 0.9436942813803243, 0.9292577858922427, 0.9099450815795777, 0.8870591931485161, 0.8619624056411274, 0.8360215183362901, 0.8104531783885844, 0.7861789092929805, 0.763794526995928, 0.7436192121704903, 0.7257695217000175, 0.7102299451113805, 0.6969100038068983, 0.6856859467333191, 0.67642805426513, 0.6690154671607742, 0.6633406720770829, 0.6593059489856501, 0.6568145337722213, 0.655759929831024, 0.6560171817326761, 0.6574392058999977, 0.6598592471520981, 0.663098165944692, 0.6669739229653663 ], [ 0.7409085658809154, 0.7445862115013722, 0.749023042539065, 0.7542892922465242, 0.7604449815200556, 0.7675319238345566, 0.7755622231912715, 0.7845058658283505, 0.7942919235025908, 0.804820764508957, 0.8159743901343555, 0.8276240864797393, 0.8396364957051915, 0.851878662322835, 0.8642217479208738, 0.8765417160952129, 0.8887134523433183, 0.900593897333784, 0.9119929178740893, 0.9226372577076303, 0.9321305915025481, 0.9398838877511396, 0.9449485812800154, 0.9458359174480379, 0.9407947373758578, 0.9289052255016473, 0.9108534805262175, 0.8882407213259345, 0.8628647395304568, 0.83638872196138, 0.810198390392193, 0.7853263956878024, 0.7624415934272573, 0.7419012912284905, 0.7238305396872702, 0.7081995274854368, 0.6948874354875183, 0.6837304316865775, 0.6745548715098373, 0.6671976987131527, 0.661516155519208, 0.6573888605740161, 0.654710397841298, 0.6533818920514279, 0.6533004989694946, 0.6543508828372865, 0.6564010747195519, 0.6593035385445061, 0.6629004918449158, 0.6670314455172403 ], [ 0.7408500952477897, 0.7443248305140391, 0.7485181912902227, 0.7534980653139229, 0.7593228605582476, 0.7660337006666673, 0.7736435049391347, 0.782126508319677, 0.7914194707697861, 0.8014327825250417, 0.8120609746006314, 0.8231906707071218, 0.8347066918522983, 0.8464965345672572, 0.8584523458098272, 0.8704677903824455, 0.882425015239545, 0.894166077337504, 0.9054485328817719, 0.91589686213466, 0.9249583553391516, 0.9318371208888223, 0.9353700538911557, 0.9339622454519759, 0.9259603208132956, 0.9107108257311265, 0.8892580535121715, 0.8636542498977868, 0.8361397664037653, 0.8086458371142873, 0.7825579760688095, 0.7587098359019806, 0.737506168533925, 0.7190604140391108, 0.7033033155844388, 0.6900615541743985, 0.679113259494589, 0.6702259585404691, 0.6631808101483021, 0.657785900289029, 0.6538807698820499, 0.651334071095522, 0.6500362541685372, 0.6498894237867692, 0.6507967968566205, 0.6526542047511558, 0.6553454803142561, 0.6587423551784994, 0.662708141590767, 0.6671036033308625 ], [ 0.7407245495013753, 0.7439947999960564, 0.7479427378212538, 0.7526332009330854, 0.7581219759838386, 0.7644482265048631, 0.7716245338096007, 0.7796284944992755, 0.7884038851668387, 0.7978702623785013, 0.807933167926364, 0.8184921570273803, 0.8294467218187406, 0.8406999666516857, 0.8521587034093348, 0.8637267326334424, 0.8752856131544317, 0.886655907876015, 0.8975381545416852, 0.9074518955078906, 0.9156917723891584, 0.9212783135134656, 0.9228904261843355, 0.9189094349180644, 0.9078720878395232, 0.8894302249235166, 0.8649124352231314, 0.8367290018071694, 0.807496999869264, 0.779377172855103, 0.7537327828907316, 0.7311902976651645, 0.7118936622505012, 0.6957204320066939, 0.6824153331254235, 0.6716687411507611, 0.6631637217301228, 0.6566041503179928, 0.6517302334614397, 0.6483249087227847, 0.6462133437323379, 0.645257256351963, 0.6453456956798861, 0.6463840742772657, 0.6482834219577169, 0.6509517729670065, 0.6542890831561493, 0.6581861313733801, 0.6625268273553595, 0.6671926541150355 ], [ 0.7405425784680082, 0.7436079384303516, 0.7473097363415155, 0.7517091010947308, 0.7568583158085216, 0.7627936165167055, 0.7695264336084378, 0.7770368054791025, 0.7852744890234479, 0.7941670561888869, 0.8036293474809986, 0.8135712422377543, 0.8239031375795414, 0.8345385812735451, 0.8453923704539832, 0.8563705224895605, 0.8673459839739478, 0.8781119046316352, 0.8883096214882439, 0.8973561030376412, 0.9044068595206457, 0.908335511555248, 0.907728609681144, 0.9010234019314994, 0.8870046278170368, 0.8656294974032891, 0.8384588478413063, 0.8081676905308817, 0.7776722599919713, 0.7493181844731529, 0.7244217056201152, 0.7034015888305931, 0.6861585938000981, 0.6723541982734079, 0.6615624351797404, 0.653347921174421, 0.647305742635875, 0.6430809942707115, 0.6403764661638368, 0.6389527105360848, 0.638622848249729, 0.6392437227484222, 0.6407048082585549, 0.6429163388736737, 0.6457982189810663, 0.6492711822198081, 0.6532512361556877, 0.6576476989846514, 0.6623643439828671, 0.6673026163723654 ], [ 0.7403137345055018, 0.7431747799763964, 0.7466307887845911, 0.7507386092909588, 0.7555463246290188, 0.7610865671224729, 0.767369006478125, 0.7743752203538332, 0.7820597321930816, 0.7903567474389492, 0.7991885631315642, 0.8084727283828358, 0.8181268003181649, 0.8280697221696042, 0.8382178541235521, 0.8484719169308964, 0.8586887338478854, 0.8686292051449721, 0.8778765505926632, 0.8857538702381293, 0.8913010041387982, 0.8932907093552818, 0.8902836516608664, 0.8808375417139716, 0.8640086908430861, 0.8400386138015943, 0.8106780116348289, 0.7787824388529415, 0.7474817415690249, 0.7192561601036955, 0.6953510043654397, 0.6759890485615154, 0.6608590148795055, 0.6494347979353955, 0.641139703311222, 0.635425167464821, 0.6318058546077882, 0.6298725591283167, 0.6292933737271196, 0.6298082417091454, 0.6312195464403271, 0.6333803378321698, 0.636181435249309, 0.6395386004655335, 0.6433809927740151, 0.6476420060445064, 0.6522532325680118, 0.6571417317658255, 0.6622301753288145, 0.6674390057758036 ], [ 0.7400465431189597, 0.7427047000663387, 0.7459162445479078, 0.749733293501056, 0.7541992340064492, 0.759342648355297, 0.7651709647568741, 0.7716664485439491, 0.7787871361219687, 0.7864723715124465, 0.7946500249206557, 0.8032427528489473, 0.8121717843062731, 0.8213568917781398, 0.8307103626931787, 0.8401212276797619, 0.8494239505611033, 0.8583435561301942, 0.8664091231507082, 0.8728650549147866, 0.8766672813505016, 0.8765375898023228, 0.87107040934568, 0.8589882943021959, 0.839619482635227, 0.8134591575236799, 0.7824076995943334, 0.7494255896341051, 0.7177631769907866, 0.6899770766460455, 0.6672271240785537, 0.6495705619193608, 0.6365256068747278, 0.6274115357112049, 0.6215229992041308, 0.6182116932575661, 0.616919468198041, 0.6171868347946929, 0.6186491539898011, 0.6210266511378664, 0.6241113628885693, 0.627752732308106, 0.6318430090811522, 0.6363034416040954, 0.641072191120354, 0.6460947699675262, 0.6513175119031781, 0.6566841420792798, 0.6621350487373832, 0.6676085183661264 ], [ 0.7397486027061215, 0.742206063205711, 0.7451754005635223, 0.7487036836675511, 0.7528292906333298, 0.7575764774971898, 0.7629500452663451, 0.7689321705274763, 0.7754831983655139, 0.7825461188480335, 0.7900525491625106, 0.7979278981413002, 0.8060940048335398, 0.8144676325941422, 0.8229524926334414, 0.8314211494229995, 0.8396814723344423, 0.8474205815211714, 0.8541187891826042, 0.858962844042317, 0.8608618283498595, 0.8585347619039487, 0.8506580414446774, 0.8361446929453085, 0.8145814932436755, 0.7866827352765651, 0.7544589394623586, 0.7209080635948582, 0.6893024010306256, 0.6622004119348426, 0.6406849306487167, 0.6246978828900778, 0.613632782312912, 0.6066880967531454, 0.6030523290333145, 0.6019911317371613, 0.6028811298819869, 0.605216261755605, 0.6086005978485807, 0.6127348778347731, 0.617400460782841, 0.622442637474917, 0.6277544696974477, 0.6332620098241735, 0.6389116166941587, 0.6446599357690543, 0.6504668623734908, 0.6562914620763463, 0.6620904645516819, 0.667818682613252 ] ], "zauto": true, "zmax": 0.97419606841474, "zmin": -0.97419606841474 }, { "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.08503636736770075, 0.07955181701148976, 0.07598501672600992, 0.07481167103554771, 0.07602085895932613, 0.07907151115933668, 0.08311569130578635, 0.08728458151202205, 0.09086002318243602, 0.09332122081796615, 0.0943270746353813, 0.09368085318649191, 0.09129776273258822, 0.08718093229282264, 0.08140520237815267, 0.0741064175453006, 0.0654749690786185, 0.05575653799752219, 0.04527223316783024, 0.034490565421298025, 0.02424386318642865, 0.016359632607260508, 0.014080938462240478, 0.01681162228917376, 0.0198239229383754, 0.020885335152674336, 0.019672397227519043, 0.016772786709300543, 0.013440284867390578, 0.011213551784304809, 0.01088876369189648, 0.012781436555086954, 0.016813674121863454, 0.021539269210249064, 0.02524467204516363, 0.026731067348804965, 0.025424943528175373, 0.021499521447204933, 0.016416061160367867, 0.014402863721895092, 0.019151119123814668, 0.02697369213445889, 0.03427423080618513, 0.03941758878773846, 0.041591166055573864, 0.04042109554246182, 0.03588989284562333, 0.028421440879998084, 0.019450251335800913, 0.014431701040999745 ], [ 0.07918743265403608, 0.07277642788626168, 0.06856134887672298, 0.06722610385356538, 0.06880428503880343, 0.07259169562256153, 0.07750376015556569, 0.08249431391688336, 0.08675621183124552, 0.08974145733790417, 0.09111412714652894, 0.09069748451192167, 0.08843387405629298, 0.0843588317240423, 0.07858580360881724, 0.07129686966803685, 0.0627359298382274, 0.05320510287662285, 0.04307566013161006, 0.032847866918768995, 0.023350658297463675, 0.016274204350603356, 0.01420992104575375, 0.0163644824323697, 0.018786987082524357, 0.019515232768832023, 0.018238230927328573, 0.015458632466774232, 0.012299951087925632, 0.01024741522365968, 0.010226089129039826, 0.012500214299924673, 0.016749059290500246, 0.02156719687409325, 0.02536594165577949, 0.027017887557250514, 0.026003578720179606, 0.022577512191194415, 0.018295859455365566, 0.016918117617978484, 0.02126090644127334, 0.028517446347814602, 0.035459437205004135, 0.04040779285512493, 0.04250848359846407, 0.04137841887177313, 0.03702471810573618, 0.029954737612856844, 0.021792453691451615, 0.01759284434993622 ], [ 0.07332539030780898, 0.06581922148665209, 0.06078867110683568, 0.059231284102218285, 0.06126360308686436, 0.06593869776653927, 0.07184580502563334, 0.07773159792186071, 0.08270884250976593, 0.08621965087209935, 0.08794694348779036, 0.08774237850483249, 0.08558004683912665, 0.0815307937405296, 0.07575026628337665, 0.06847400330912744, 0.06001371221119241, 0.050752542661956876, 0.04114825363704893, 0.031777653907041604, 0.023493818097795473, 0.01770822756206014, 0.015873735434498774, 0.016999817567097696, 0.018400981779072352, 0.018582122568347004, 0.01725235546516797, 0.014773040671634659, 0.01202934763634444, 0.010328243963169954, 0.010707039404656808, 0.013366644795850379, 0.017757324842400817, 0.02262223837018917, 0.026567576713470983, 0.028575898510215875, 0.02822432498708723, 0.025890970114903898, 0.023123161817670965, 0.022703506265911003, 0.02635062576756551, 0.032477174702844606, 0.03861129092974693, 0.04310421491509802, 0.04504731100201742, 0.044046581818212305, 0.04016409680070321, 0.034058219853094915, 0.02753726316780721, 0.024625630072861743 ], [ 0.06761701258101413, 0.05882878717452201, 0.052759435795883915, 0.05088720498466451, 0.053487972643976235, 0.05923601677172784, 0.06626640676956812, 0.07309944797258915, 0.07879395535717258, 0.08280793573762138, 0.08485892123054214, 0.08483459160032386, 0.08274335587983395, 0.07869140773642365, 0.07287654664430977, 0.06559075136305449, 0.05722358980202553, 0.04826002332371991, 0.039274197014427296, 0.030939059518088806, 0.024075460558368934, 0.01961244492936094, 0.017936247511429568, 0.018007216610731364, 0.018230114364298625, 0.017734030889029626, 0.0163593842066177, 0.01429139397481123, 0.012054214329009934, 0.010703634909748627, 0.011434479284441777, 0.014473241349331617, 0.019084803714646766, 0.02411209898400683, 0.028346439351392062, 0.030897048186156698, 0.03143589942431715, 0.03039236352647445, 0.029111461461470478, 0.029537166738148542, 0.03274367282830454, 0.037850423439493526, 0.04310154537728369, 0.04704873078636328, 0.04880454748363396, 0.047988532531019736, 0.04471614886111489, 0.03973431679629053, 0.03478127413377822, 0.0328523711341322 ], [ 0.06228748659354633, 0.05203368766496026, 0.04463042037270432, 0.042295279443247784, 0.045623767397834226, 0.052666685338574604, 0.06092988285055128, 0.06872104477527236, 0.07509573116668619, 0.0795607365245908, 0.08188375392298634, 0.08199387059231948, 0.07993358151340602, 0.07584108484943741, 0.06995192853709334, 0.06261202598859543, 0.05429292843490252, 0.04559747435526782, 0.03724227819804993, 0.030002262195594997, 0.024579234509422374, 0.021302018352347633, 0.019751041579587073, 0.01892006529146993, 0.01798970093064362, 0.016758935390296666, 0.01535541015321115, 0.013782077717652406, 0.012083885265050906, 0.011009970697274166, 0.011956323602502785, 0.015319202439053357, 0.020250365933665415, 0.02560767397622698, 0.030302045025510208, 0.03354927434279809, 0.035086529363771636, 0.03531758608441261, 0.03532335921620879, 0.03646923878372326, 0.03947721897732691, 0.04383875181178262, 0.04832563002914231, 0.051756985390732764, 0.053338478773686644, 0.05273103611979207, 0.05008672027096422, 0.046156639392465025, 0.04246830061393714, 0.04124632197637064 ], [ 0.057626141027370015, 0.04578170229108525, 0.03667951965210163, 0.03363670152832533, 0.03791981876984819, 0.04649898653846328, 0.056044234304740606, 0.06473564432144133, 0.07170142301838127, 0.07653068155409105, 0.07905257313117359, 0.07923900232535931, 0.07716296825347065, 0.07298783681228696, 0.06697790685228718, 0.059524141293078946, 0.051176606674719446, 0.0426667924683551, 0.03488248123137845, 0.028715096267698643, 0.02467969341601205, 0.022471153239243445, 0.02108425483274229, 0.019564445752976715, 0.01761090314417262, 0.015649528935914484, 0.014249917245409395, 0.013252443596756392, 0.012116250579369993, 0.01122888446006919, 0.012178121842111467, 0.015735936090827064, 0.021046308883926595, 0.026886174542016934, 0.03219445671992656, 0.0362494192759938, 0.038818124903023075, 0.040237347510606467, 0.041344466939536854, 0.04312058496032408, 0.04608510665161066, 0.0499401372275021, 0.05382719556513443, 0.05682430963527866, 0.05826558571653046, 0.05787088835629617, 0.055812316592679906, 0.052791435579305816, 0.05009624247990953, 0.04940777270791891 ], [ 0.053973862369838706, 0.040581145183938974, 0.02943283142255226, 0.025280998803869047, 0.030822945227154546, 0.04111495260793258, 0.05185610193394801, 0.06128855907592034, 0.06869349273814676, 0.07376321866414252, 0.07639027740796804, 0.07658532037138031, 0.07444485485771618, 0.0701475648702113, 0.06397337230586876, 0.05634273741703664, 0.0478713353571214, 0.0394226611462823, 0.032092676679111844, 0.02693398646902715, 0.024238526104439818, 0.023054899259521075, 0.021934676911142738, 0.0199782089222433, 0.017224598592828596, 0.014619269428980824, 0.013270746501065602, 0.012887398896409465, 0.012282053544341483, 0.01146113091616978, 0.01215268923014857, 0.015733162228114838, 0.021451532859616693, 0.02789074354877542, 0.033924678620838505, 0.03884829841878974, 0.04243108458649896, 0.04493067701587245, 0.046986098564715986, 0.04932130612945318, 0.05233321334242277, 0.05585566139628934, 0.05929276631968877, 0.06194683018587901, 0.0632874962870317, 0.06309999952172278, 0.061565164336676775, 0.059311757256424506, 0.057407000010600326, 0.057144806416077165 ], [ 0.05167338779322639, 0.03708895477053371, 0.023909042882279883, 0.018136825009993654, 0.02515556645684867, 0.03701450860596684, 0.04862647864367128, 0.058513667663126816, 0.06613935661627175, 0.07129048582393277, 0.07391141574721863, 0.07404149875350563, 0.07179100809044543, 0.06734226905246048, 0.060974960128300615, 0.0531176604675451, 0.04442773406290587, 0.035891376878585006, 0.02885824650235738, 0.024634702383057528, 0.02327331838474982, 0.023136188206698865, 0.022425601921856435, 0.020317286106555178, 0.01708732319486099, 0.0140520622691192, 0.012796094075581656, 0.01292464998505549, 0.012695185930842217, 0.011780000215370045, 0.011981396311663837, 0.015432338731649781, 0.021576471347031417, 0.02868490360127451, 0.03549663826324614, 0.04129301463051082, 0.045830622588442685, 0.04929179268209913, 0.05216211869425682, 0.054990524546231954, 0.05809727663363259, 0.06140600794079579, 0.06451264844733358, 0.06690575224068368, 0.06818261268948034, 0.06819277443455204, 0.06711931418792393, 0.06551339715961316, 0.06425327590382938, 0.06434958283401554 ], [ 0.050975845378779486, 0.035924931578793916, 0.021701856545770764, 0.014504142484363545, 0.02221995503713227, 0.03472568478610315, 0.04657849818332563, 0.05650968910256278, 0.06408035128885735, 0.0691254934325729, 0.0716162799467171, 0.07160601676365247, 0.06920776941815536, 0.06459584798814295, 0.05803349021196023, 0.049932877526148216, 0.040958618292119865, 0.032189860520686016, 0.025273061759287195, 0.021922433078886402, 0.021933793593730804, 0.022890610764628307, 0.02273368138357355, 0.02076015082819258, 0.017438787315195384, 0.014299958224212463, 0.013132785996196838, 0.013489956894007085, 0.013379193798423525, 0.01223036381059945, 0.01183080994584829, 0.015070061896014645, 0.021636995770959056, 0.029413688940379067, 0.036979363977783626, 0.04359084317612013, 0.04898513698635036, 0.05327810584039508, 0.05683803213911366, 0.06009176660714464, 0.0633101074226608, 0.06648177456968737, 0.06934658064176362, 0.0715452817548404, 0.07278873489194408, 0.07298572156506204, 0.07231828077794435, 0.07126417595789226, 0.07054439849095528, 0.07095624613347992 ], [ 0.05194126133073724, 0.03730307423536213, 0.02375006025576406, 0.016821401490027154, 0.023046970384462625, 0.034566601360103914, 0.04582620154131101, 0.05531633711604934, 0.06252274703443998, 0.06725803321920928, 0.0694880702177748, 0.06926393716390226, 0.06669150380392044, 0.06192765461895233, 0.05520580012267221, 0.04689900979859553, 0.037639836268760926, 0.028546051528826402, 0.021574360353214566, 0.019056863515959595, 0.02048526937282384, 0.02254092700703761, 0.023028013014188185, 0.021418267604524515, 0.018340536897998708, 0.01538365548583666, 0.01423615629100291, 0.014492406814637178, 0.014265797829215329, 0.012857658877920062, 0.011961158777698237, 0.015002045395429927, 0.02191867473767447, 0.030259830262495836, 0.038469858312767606, 0.045778390853642166, 0.05189673810922614, 0.056880761874696144, 0.06100668305856383, 0.06461285093080692, 0.06793662589000957, 0.07101567102375252, 0.07370005422579137, 0.07575426905433524, 0.07698714895769113, 0.07735996452398936, 0.07705220305401769, 0.07647591591803206, 0.07622231363476577, 0.07692369647881553 ], [ 0.05440672817241731, 0.040851163604486374, 0.02898358402204243, 0.02312893686923366, 0.027083991742068006, 0.0364149783262058, 0.046322445701349566, 0.05490036809013813, 0.06143400017731104, 0.06565368439229109, 0.06749201564685496, 0.06698481085078177, 0.06422423991853576, 0.0593446955970737, 0.05254222251314124, 0.044136130573560486, 0.034695676731436115, 0.025312377690955925, 0.018202656088581345, 0.016495095681910925, 0.01927676875772634, 0.022303312715262695, 0.023417605375376446, 0.02228483936138021, 0.019630365459499123, 0.01696157875396687, 0.01573150884406672, 0.015674083025810755, 0.015225838444910945, 0.013692495695380051, 0.012647024416489981, 0.015603119676416683, 0.022692362611319728, 0.031387087675716935, 0.040056454331760964, 0.04789587333557878, 0.05458021168042998, 0.060106598011339815, 0.06467470630549588, 0.06855501099436305, 0.07196056066892799, 0.07496651052709723, 0.07750888859137757, 0.07945286758972328, 0.08069046545030517, 0.08122839681208474, 0.08124294157537605, 0.08108875617085605, 0.0812497051334309, 0.08222724630245429 ], [ 0.058051408097962984, 0.045876653301278554, 0.035759596427006206, 0.030743176556445328, 0.03287569436086515, 0.03976976580809472, 0.04786741388264121, 0.05515953212633407, 0.06074625655060051, 0.06425671939544748, 0.06557709267736987, 0.06472251173370666, 0.061770664908270205, 0.05683415128428006, 0.05007162471043764, 0.04174656617606127, 0.03235703588593938, 0.02293402032365703, 0.0158450288346961, 0.014884088941382174, 0.018652126527777386, 0.02232371102189539, 0.023920306105820834, 0.02324470481438781, 0.021024026230940598, 0.018592925619223852, 0.01718368349455948, 0.016738521626457083, 0.01610343925952752, 0.014704721599695063, 0.013983379233196275, 0.017040985550866743, 0.024093942096963354, 0.03288216739207882, 0.0417877770359032, 0.04996760103894003, 0.05704840455112904, 0.0629666111289229, 0.06785419599814509, 0.07192625944683095, 0.07537661861756302, 0.07830951991430221, 0.08072917272875656, 0.08258319057430832, 0.08383382837272237, 0.08452666261163477, 0.08483443780320976, 0.08506198223971616, 0.08560347537951815, 0.08685398381308587 ], [ 0.06250323180647246, 0.05171930615252818, 0.04305184965546441, 0.03855060891445534, 0.039333672878104464, 0.04403271080053858, 0.050174259799821645, 0.05594383938640866, 0.06036670305105063, 0.06299678446443165, 0.06368054085100043, 0.06241757764550109, 0.059277624757307905, 0.054358400178117286, 0.04778789736413231, 0.03978285812983241, 0.03078798057184413, 0.021797754896677117, 0.015212244571896426, 0.01477439029282174, 0.018792257896453897, 0.022626368739451452, 0.024464366656279254, 0.02412629554078262, 0.022241558298887475, 0.019929150899406858, 0.018263713428236926, 0.017440886803836327, 0.01674650797918403, 0.015786322522298727, 0.015796570603699177, 0.019154552534527223, 0.02605745668778923, 0.03472281783757358, 0.04365559526385061, 0.051990714406311984, 0.05930345243294614, 0.06546898279641432, 0.07055759272118928, 0.07473721593720169, 0.07818562786101184, 0.08103023641511346, 0.0833305996884596, 0.08510279050525875, 0.08636863728879385, 0.08720685838978495, 0.08778637746372156, 0.08836840285793479, 0.08927086378185349, 0.09079993791932889 ], [ 0.06741922222788553, 0.05789022692917132, 0.05033664158730783, 0.04612266107137897, 0.045866313446237185, 0.04870854441276249, 0.0529460966393557, 0.05708500507399924, 0.06019206711318548, 0.06179834444617242, 0.06173488583064206, 0.06000224559793808, 0.05667691101828845, 0.051854556166442314, 0.04564284330889394, 0.038222969779986925, 0.030007025699841556, 0.021977480702153152, 0.016378612960699344, 0.016094776647818537, 0.01959820978393143, 0.02310684583597851, 0.024917960317114806, 0.024756799259062427, 0.023075564258839335, 0.02076006040270299, 0.01878165673820507, 0.017624950600661323, 0.017036459557544938, 0.016790083408077246, 0.01778457007112815, 0.021598310782057262, 0.02836167884449537, 0.03678920115796986, 0.04559628846584621, 0.053933264142335395, 0.06133358309825769, 0.06761581887272126, 0.07279500002828257, 0.076998697928522, 0.08039157048602506, 0.08312062315491464, 0.08529200666431902, 0.0869800921294376, 0.08825805864285444, 0.08923310717679808, 0.09006994735861681, 0.0909907784528897, 0.09224702487700227, 0.09406826520647422 ], [ 0.07251993266879729, 0.06406134977315178, 0.05734122317911585, 0.05326447351452944, 0.05216498306081454, 0.053450348497847494, 0.055926860319890186, 0.058423285702308744, 0.06012367369174853, 0.06059140801085931, 0.059676831860776575, 0.057407970706595826, 0.05389148868403965, 0.0492395314342253, 0.04354923057666968, 0.036966514829025576, 0.029860052542003603, 0.023139480057057932, 0.01863559029531832, 0.018198891820602036, 0.020751176713818605, 0.023575774157321067, 0.025129416159368416, 0.024998804516949823, 0.02341028006171431, 0.021005532054776004, 0.01868032978048676, 0.017238568965957518, 0.01691724934621735, 0.017587642624940288, 0.019670733896370852, 0.024029184630598662, 0.030732284805532625, 0.0389062269243336, 0.04750776176625323, 0.055740495725080774, 0.06311477914509422, 0.0694029921957909, 0.07457349519552549, 0.07872072749000102, 0.08199997868334842, 0.0845766881707508, 0.08659842457235502, 0.08819120644253814, 0.08947382058228451, 0.0905784428088226, 0.09166497655646981, 0.09291953577438829, 0.09453352380808434, 0.0966681121544608 ], [ 0.07759281940611058, 0.0700193854861189, 0.06391521814932569, 0.05987620115025183, 0.058064468774169556, 0.058033844572490015, 0.0589205884098705, 0.059825518792928446, 0.060080134029064695, 0.05932207931341312, 0.05745728348726918, 0.054574979077354646, 0.05084470450866637, 0.04642018991929364, 0.041394338105374996, 0.03585680530208161, 0.030074416835586138, 0.02475454630631288, 0.021172684366164683, 0.020416239534575203, 0.02188172794300319, 0.02382382408724566, 0.024962708639278786, 0.024768181030655343, 0.02321968607315518, 0.020701667352274015, 0.01803154233226414, 0.01634844902394581, 0.016419962306160787, 0.018107050379641748, 0.02125844267453567, 0.026183698464976625, 0.032919063111685055, 0.040890084336721706, 0.04927321204419, 0.05734626946161334, 0.06461596378227809, 0.0708223718848833, 0.07589803827591493, 0.07991269871780145, 0.08301738896806732, 0.08539720450133924, 0.08723922216733743, 0.08871776015517702, 0.08999395903946898, 0.09122265017458095, 0.09255805496153605, 0.0941513710535663, 0.09613748911447251, 0.0986139880263873 ], [ 0.08248263196489117, 0.0756270632711252, 0.06997314982462244, 0.06590533916049574, 0.0634758982104401, 0.062321432698144795, 0.0617906988977807, 0.06119362627415437, 0.06000610141979807, 0.057961805495053434, 0.05505186313614896, 0.05146344130987421, 0.04747171895131463, 0.043306990920920566, 0.0390606286097042, 0.034719570397718204, 0.030354004789342994, 0.026350668591440803, 0.023454245330714975, 0.022302616604298612, 0.022691656806757762, 0.023675230199818483, 0.024322317101680584, 0.024040761795863674, 0.022559371116237684, 0.01998894689241782, 0.01703845940241234, 0.015158875537962482, 0.015676563021125214, 0.0183400748115847, 0.022427940325638027, 0.027883354287178697, 0.034729331277704514, 0.04258184626711509, 0.05078358427031394, 0.058686032690837595, 0.06580603627988785, 0.07186558733004832, 0.0767735373039024, 0.08058445605631043, 0.08345163737271963, 0.08558328364304522, 0.08720708861056828, 0.08854550609162745, 0.08980130004718838, 0.0911508441469031, 0.09274140046680507, 0.09468853714720706, 0.09707129809765384, 0.0999255669323311 ], [ 0.08707911352770314, 0.08079709091131555, 0.07546729956060025, 0.07132682213463117, 0.06835431346555881, 0.06623394054332395, 0.06445076225695985, 0.06246571245596988, 0.059876658514642904, 0.05651447561965755, 0.05247144005892923, 0.048066182180931824, 0.043732650943578116, 0.03982927590713728, 0.036448645302235884, 0.0334028032821887, 0.0304551056213362, 0.027609962931066923, 0.02519445166939655, 0.023618536767884144, 0.022993860993176088, 0.02301902976062041, 0.0231690237014102, 0.022854489380316114, 0.021555676182260352, 0.01909400925890872, 0.01602678259137681, 0.014018951451823101, 0.014908502716387039, 0.018323957103646454, 0.023115508110321144, 0.029019400111843015, 0.03603474348089777, 0.043865877111085624, 0.051954481245727734, 0.05970855438405498, 0.06666117046592909, 0.07252844962175657, 0.07720759905733161, 0.08074802830178547, 0.08331282102875014, 0.08513863968468423, 0.08649769269184905, 0.08766356220260114, 0.0888825390757474, 0.09035265778598754, 0.0922123543761077, 0.09453871846584883, 0.09735274060393123, 0.100627877592501 ], [ 0.09130598586188397, 0.08547546875741356, 0.0803734631218867, 0.07613286080450955, 0.07268147255252046, 0.06973092613970824, 0.06685311957135255, 0.0636122869438156, 0.059697424736565016, 0.05502051883781481, 0.0497721025202723, 0.04442336843811663, 0.03962784844782968, 0.03595124573699771, 0.033498552065254386, 0.03180698996661879, 0.030221455178663415, 0.02836121311498069, 0.026269985379052112, 0.024266957399202906, 0.022710307474599713, 0.021823514394429734, 0.021530989629081537, 0.02131098353254781, 0.02039026052813326, 0.0182889559454623, 0.015379812960084348, 0.013357492894478394, 0.014363415227221041, 0.018106244160504766, 0.023291913772027873, 0.029538129520083837, 0.03676879769468772, 0.04467790689619372, 0.05273691821786623, 0.06038489987031496, 0.06717116822842747, 0.07281525588851061, 0.07721351902322575, 0.08041977682844158, 0.08261478681007776, 0.08407044066196642, 0.0851099211182051, 0.08606418170426314, 0.08722782837322658, 0.08882197009613294, 0.0909734572973443, 0.09371546539642017, 0.0970056475317173, 0.10075185814660764 ], [ 0.09511214887115982, 0.08963065849189306, 0.08468255650268494, 0.08032669774924553, 0.07645554835941383, 0.07279695044293742, 0.06897784508816596, 0.06462948877318506, 0.05950054384498969, 0.05355677479553343, 0.047063285059947335, 0.04064002579165316, 0.035217510516859465, 0.03168975172970216, 0.03020980349665449, 0.029903476038822315, 0.02958925860670873, 0.02854624571884805, 0.026661913049608438, 0.024249129203993993, 0.021858185081902674, 0.020142366433214078, 0.019514250293185438, 0.019577325602639698, 0.019274991822029706, 0.01781529306958708, 0.01537454858020658, 0.013463022825299925, 0.014191627187931866, 0.017709107127238905, 0.022948800064523198, 0.029433457043477433, 0.03692422412778245, 0.04500793974146375, 0.05312299696510675, 0.06071412711992858, 0.06734410531353285, 0.07274238168430883, 0.0768131360258325, 0.0796227556848017, 0.08137705139500176, 0.08239069978018997, 0.08304665340683656, 0.08374299915527038, 0.08483081987565082, 0.08655715052464676, 0.08903311576741466, 0.09223921035129407, 0.09606099557455605, 0.10033525898999567 ], [ 0.09846494324690695, 0.09324631039940923, 0.08839512325509213, 0.0839181865321903, 0.07968418356205115, 0.0754315930063033, 0.07082274222227705, 0.0655305170446796, 0.05933671305678558, 0.05223036789832413, 0.04451087695382649, 0.03690648709149901, 0.030651013952619006, 0.027138924185982252, 0.026661929198219653, 0.02774364803726994, 0.028577510862267588, 0.028188569434802805, 0.02642033408350086, 0.023634570335038477, 0.020533386051504357, 0.01811732513274009, 0.017314236898035268, 0.01788244026795408, 0.01841025618101371, 0.017791339455917148, 0.016011493532372766, 0.014252779320017313, 0.014350583704910137, 0.017117586283766417, 0.022099658016565882, 0.0287492766712337, 0.036553671823685505, 0.04490090464371461, 0.053147596701662, 0.06072565485625191, 0.0672088554945466, 0.0723407578150996, 0.07603927214198407, 0.07838913759500238, 0.07962711269416166, 0.08011822482626164, 0.08031609185728952, 0.08069973810348673, 0.08168914335952536, 0.08356184437898183, 0.08640692944115318, 0.09013893330555608, 0.09455851490940005, 0.09942387034965754 ], [ 0.10134507583450107, 0.09631620836518381, 0.09151745382387184, 0.08692038936234972, 0.08237937598769224, 0.07764184932412124, 0.07239449501325523, 0.06633616316778705, 0.059263716216578624, 0.051164726147661536, 0.04232887786539827, 0.033516826426867055, 0.026215296895326874, 0.02251471563835182, 0.02304261434781489, 0.025461289649819335, 0.027271694226375057, 0.027367611102801868, 0.025639874140276173, 0.022536842443039905, 0.018890259408346453, 0.015975750628636612, 0.01522096641295081, 0.0164892721166724, 0.017925852215439686, 0.0181647102511666, 0.017037000935909978, 0.015373702206128836, 0.014656141436323877, 0.016307017424635042, 0.020799252279733893, 0.027592052584731182, 0.035773379416132844, 0.044455329895728236, 0.05288637329074421, 0.060478289939883384, 0.06681528563420797, 0.07165698673448895, 0.07493756911449877, 0.07676261733545005, 0.07740317594240799, 0.07728122810593416, 0.07693374680877868, 0.07693941637436746, 0.07780533593275277, 0.07984638489325976, 0.08311982543059664, 0.08745459304358856, 0.09254883046636543, 0.09807303002612382 ], [ 0.1037428367300986, 0.09884067892385709, 0.09405873567423484, 0.0893468881557948, 0.08455355102969644, 0.0794362137646825, 0.07370106762863289, 0.067065365120846, 0.0593327046722295, 0.05047729407475421, 0.04075039145164673, 0.030864659241598067, 0.02240630632124216, 0.018246751580517022, 0.019688549045311473, 0.02326555850796172, 0.025802376390181795, 0.0261962288374704, 0.02444049503237741, 0.021091941344729435, 0.017113970339062264, 0.014009166450911248, 0.013584354086906876, 0.015613923631428222, 0.01782557822915558, 0.018750127376676064, 0.0181211990222796, 0.01646697350882581, 0.014921403718689467, 0.015299967851217577, 0.019181302638701152, 0.0261507683732425, 0.03476582074954821, 0.04381789795244256, 0.0524494286601338, 0.060055776638133086, 0.06623202875249637, 0.07075296788022135, 0.0735675951013407, 0.07480074064145754, 0.07475737758658323, 0.07392080979069658, 0.07292530211712145, 0.0724741621134872, 0.07318829243935593, 0.07543001658506639, 0.07920926048738652, 0.0842404935421371, 0.09009615152607874, 0.09634932337461759 ], [ 0.10565532925371485, 0.10082404600164198, 0.09602897175273874, 0.09120971218389896, 0.08621657745160625, 0.08082016290735732, 0.07474555960233702, 0.06772686186973248, 0.059574544652073444, 0.05025217459019816, 0.03997297195157185, 0.02937047184219744, 0.019958803174757987, 0.015126941656676263, 0.01711753890886959, 0.02141322194464683, 0.02431736671706712, 0.024799424966844546, 0.02295235438695658, 0.019441552264565603, 0.015386280305475567, 0.012501125463670494, 0.01267467284619167, 0.015302291564961509, 0.017975876627151933, 0.019313299127058058, 0.01899127106518791, 0.017295846646069916, 0.015051809989737168, 0.014228405774534091, 0.01750825304241416, 0.02471340464750068, 0.03377254225040113, 0.0431699532987401, 0.05196955512204582, 0.05955874813194308, 0.06554186394347486, 0.06970398515627954, 0.07200311397332412, 0.07257709464966167, 0.07175962337796449, 0.07009567212608712, 0.06833079405896192, 0.0673258918479444, 0.06785540239025274, 0.07034429501327867, 0.07472993279641438, 0.08056980519257669, 0.08728146909233522, 0.09433231141614457 ], [ 0.10708451949386379, 0.10227289987675496, 0.09743755258174969, 0.09251787131975667, 0.08737365867533295, 0.08179296584370264, 0.0755217922255436, 0.06831306820858452, 0.05998930127689463, 0.05051570001937589, 0.04009199469458238, 0.029309760087679555, 0.019578157282368804, 0.014215703242117274, 0.015924752455728317, 0.020143587982546608, 0.022947749903383594, 0.02329362111412206, 0.021304661460857764, 0.01772643372310497, 0.013858473036695844, 0.01159817886503387, 0.012471095010734356, 0.015373163281673893, 0.018155476154904857, 0.019639323813659213, 0.01946765305565847, 0.01774787576602442, 0.015063372681675272, 0.013368943200802747, 0.016203625241841393, 0.023651954265241106, 0.033064284118722705, 0.042702246761732565, 0.05158459488887349, 0.05909338243296398, 0.0648349598853883, 0.06859529171358693, 0.07033137566565738, 0.07018319834782108, 0.06850211606503907, 0.06588859807970834, 0.06321090712223022, 0.06153038121690456, 0.06183573803739111, 0.06463838506229753, 0.06976073506104966, 0.07654047502201385, 0.08420608877790835, 0.09211600123450629 ], [ 0.10803597538239063, 0.10319505159739457, 0.09829243456786112, 0.09327651116011276, 0.0880240919839206, 0.08234581578305697, 0.07601184536279845, 0.06879703684647612, 0.06054161030285103, 0.051224788077627564, 0.041058665489897596, 0.03064180171255612, 0.02131591452881465, 0.015839500905800868, 0.016383138801381817, 0.01958286162421254, 0.021774952776349065, 0.021767877956501088, 0.01961683477822742, 0.016090896629856907, 0.012650999476563497, 0.011241651513990035, 0.012662779326296053, 0.015517089441759356, 0.018134655011929398, 0.01956802324367604, 0.019454608467855156, 0.01779907902420674, 0.015046164301646613, 0.013084754853143381, 0.015770146080724693, 0.023332213472765026, 0.03288014320713107, 0.04257858459033949, 0.05141560075386876, 0.05875798855229118, 0.06420062124594536, 0.06751733904587844, 0.06865120703044675, 0.06772970574466998, 0.06510443541361635, 0.06141538667938289, 0.057656870561641, 0.055143880815882916, 0.05517511864977652, 0.05838772879307537, 0.06441512029831567, 0.07228264445539218, 0.08099505841604208, 0.08980959738230336 ], [ 0.10851820738694681, 0.1035990995289004, 0.09859990470819485, 0.09348670360976312, 0.08816088565122028, 0.08246124887396758, 0.07618558723709756, 0.06913281455097628, 0.061163076782302796, 0.05227339415891542, 0.04269345476798438, 0.03302614567462299, 0.02448707203984344, 0.019084185889067407, 0.018150214473173085, 0.019682892331462594, 0.020814299978778206, 0.020271462779478642, 0.017987998793373726, 0.014685105368337044, 0.011869689500827549, 0.011258646136028219, 0.012899345965019834, 0.015455994148182212, 0.01774189842022508, 0.019009499842283326, 0.018925239681684834, 0.017480317260084616, 0.015099617639304544, 0.013609606349613185, 0.016495401920273767, 0.02394938142001691, 0.03335133776373459, 0.04289782395544682, 0.051545602069147836, 0.058629924342532606, 0.06371865802072489, 0.06655996289926765, 0.06706959421250837, 0.06534615171053398, 0.06171846915100253, 0.056836870051683426, 0.051806674980096355, 0.04825493509778978, 0.04794505456173535, 0.05170919538471944, 0.05885659585654469, 0.0679672190448008, 0.07779956702306831, 0.08753685661987429 ], [ 0.10854254891794675, 0.10349456399326562, 0.09836492059717607, 0.09314587043500928, 0.08777119125659061, 0.08211373762762778, 0.07600200324664168, 0.06925881170809547, 0.06176063951298474, 0.05351368737219811, 0.04474485373076032, 0.03600972418326604, 0.028297739648129466, 0.022925729392199938, 0.020606109554413225, 0.020264151295869802, 0.020030072203428072, 0.01881572458653705, 0.01648392710557867, 0.013638667941917834, 0.011586884612795934, 0.011492943840972934, 0.012969822952686384, 0.01503680596411693, 0.01690238025268688, 0.017953433211847374, 0.01791476679366473, 0.01685784983061494, 0.015276268044559619, 0.01484901230925147, 0.01820528193172416, 0.025417090256395845, 0.034454709056521746, 0.04367076854637095, 0.05200580964041458, 0.058756001299245034, 0.0634518851306392, 0.06580605724405536, 0.06569643385710332, 0.06317797843622712, 0.058531319319118036, 0.05237368635660634, 0.04587232113713146, 0.04100800541767881, 0.04026093145926228, 0.04478949144124495, 0.05332122449784411, 0.06381393809964116, 0.07479665326117538, 0.0854331746838169 ], [ 0.1081235291731015, 0.10289256157416352, 0.09759201679047563, 0.09224882008574271, 0.08683746965271623, 0.08127126154489615, 0.07541191940355493, 0.06910325745145879, 0.06222823715076635, 0.0547826185875969, 0.046954373737220986, 0.039190919705689525, 0.032204859559309934, 0.02678411751129857, 0.02327138359615022, 0.02113038262941767, 0.01938217308372581, 0.01739934603492182, 0.015133498956534857, 0.013002256952022066, 0.011768727110359782, 0.011849803770714326, 0.012830135624533001, 0.014254062138350966, 0.015654837101932082, 0.01647744204421312, 0.01652322900975876, 0.016028872916972668, 0.015567734920967479, 0.016479605701999592, 0.020439758799098345, 0.0274339642969861, 0.0360318331911038, 0.04482443484257466, 0.05277458704490026, 0.05914908703869848, 0.06344128096867382, 0.06532549495859398, 0.06463732410458678, 0.061379224656034966, 0.05576238828556147, 0.04832001798510388, 0.040184537807513056, 0.033656494137245425, 0.03232555959624595, 0.037941338403436456, 0.04814672392112301, 0.060094502473743115, 0.07218371706767948, 0.08363951388609012 ], [ 0.10727969764049712, 0.10180699999905862, 0.09628677244768084, 0.09078936985189853, 0.08533928299683045, 0.07989760147795434, 0.0743616024333856, 0.06859059977122002, 0.062458827980361946, 0.0559251064877299, 0.04909965316964273, 0.04227912104668753, 0.03590541917436602, 0.030397455811679797, 0.025893665754459998, 0.02216060048896656, 0.018885183108534823, 0.016060167507551012, 0.01395673117895349, 0.01272653209128478, 0.012264010663064689, 0.01228325744168256, 0.01256897298889321, 0.013242479462785213, 0.01415541638605813, 0.014753026892095232, 0.014922328299419264, 0.01512261512864596, 0.015925931346571113, 0.01816664490606596, 0.022754590807216434, 0.029644937026008414, 0.03785734337132851, 0.046231011479945155, 0.05378942365103213, 0.05979178837032621, 0.06370480526544174, 0.06517019187333677, 0.06398478821984104, 0.060099596627703054, 0.05364888225068377, 0.045043939129964586, 0.03525487221499813, 0.026692877654526933, 0.024552800869154418, 0.031712743389333144, 0.04379689977191987, 0.05712193424881936, 0.0701649996661334, 0.08229267408624766 ], [ 0.10603485921588471, 0.10025628150322509, 0.09445784655436837, 0.08876253451231217, 0.08325560490619484, 0.07795509647268956, 0.07279672993904163, 0.0676478539404882, 0.062354658865290735, 0.05680964932610027, 0.051012226163463584, 0.04508977139174775, 0.03925099381297425, 0.03367120956273708, 0.028384782923816257, 0.023334759762702283, 0.018648593450419224, 0.014940313566053258, 0.013025305879958331, 0.01272645767595186, 0.012907044258784422, 0.012779304705933808, 0.01235438670355373, 0.012250431548693904, 0.01266343072828226, 0.013038219585070938, 0.013352546773745826, 0.014287857374017502, 0.01628521890879617, 0.019660554958509047, 0.02483598493768053, 0.03175328725186182, 0.03970942565697154, 0.04774625231950837, 0.05496679023573821, 0.06064570665320583, 0.0642398960670637, 0.06537113809772287, 0.06380913679210276, 0.0594663710464441, 0.05241467941156907, 0.04294934420680514, 0.03180990934431037, 0.02115184106157933, 0.017958782013695922, 0.027048374961889877, 0.040841396905186254, 0.05521440237201981, 0.06892863025361871, 0.0815124307090946 ], [ 0.10441967100218806, 0.09826550797081049, 0.09211960966391868, 0.08616729618215684, 0.08056757392014964, 0.0754076452653667, 0.07066634296899192, 0.0662102805712357, 0.06183493247138743, 0.057336458119479766, 0.052578821987954945, 0.04752045849238899, 0.042184787244162525, 0.03659583554222134, 0.030748259943329942, 0.024703864009651664, 0.01886152008651151, 0.014316954272866384, 0.012505736621560551, 0.012949397484864227, 0.01358101401488411, 0.01332558528078088, 0.012345990884823735, 0.011561433630897485, 0.011478707127131095, 0.011628152620314131, 0.01208056122718773, 0.013647240584493896, 0.016567025674486768, 0.02079713992954804, 0.026493719338062938, 0.03355699335381059, 0.041413970797980836, 0.049242157192622156, 0.056222727989683294, 0.061663104494621576, 0.0650286324193427, 0.06593787248200517, 0.06415093478091596, 0.05956474519645321, 0.05222514900067744, 0.042376449170065125, 0.030637978629980037, 0.018898168931396397, 0.014996511467101391, 0.025244711114694257, 0.03982096215270356, 0.054629227526379, 0.06861714443417584, 0.08138761588263095 ], [ 0.10247353280113318, 0.09586918178865626, 0.0892954363995476, 0.08301003549106731, 0.07726168794268673, 0.07222382113880299, 0.06792657750802249, 0.0642262238687277, 0.060841073200202156, 0.057440288133726106, 0.053735213879039415, 0.049527296769741255, 0.04470229681851932, 0.039200603833794735, 0.03302230943390709, 0.02633040768175821, 0.01969926452444638, 0.014505174128474775, 0.012599257914947275, 0.013369817921388397, 0.01420282953840554, 0.01386845355986848, 0.012579507430857687, 0.011330680091875154, 0.01079940914065227, 0.010731451835570392, 0.011283338071586213, 0.01322543814524327, 0.016676463165863284, 0.021476711586802425, 0.027633066140399655, 0.03494717409402169, 0.042862195423111205, 0.05062706256018812, 0.05748870920997522, 0.06279764627088533, 0.0660439295769952, 0.06686032696684535, 0.0650171707418043, 0.06042315031561386, 0.053144512927981835, 0.04346970824168465, 0.03212850719997383, 0.021260871271223274, 0.01791599838663514, 0.027079266560489135, 0.040999493877654905, 0.05548789607398029, 0.06930035317379617, 0.08196461490359704 ], [ 0.10024666630279813, 0.09311438331775354, 0.08602176842438443, 0.07930881194751148, 0.0733335605097357, 0.06838009027179871, 0.06454418238190224, 0.061661351912752474, 0.05934041497354582, 0.05709042974822153, 0.05445811125975399, 0.05110622264446534, 0.04682618248952949, 0.041524633712353105, 0.03523883185343189, 0.028230294805939145, 0.021198217406099697, 0.015613132893845758, 0.013362866998772245, 0.013933114901204136, 0.014685433041587842, 0.01429393592597907, 0.012917180110261392, 0.011451170425551252, 0.010586800918806627, 0.010337574606220907, 0.010918063316583647, 0.012917077891432616, 0.016513951678964883, 0.021655229986441125, 0.028237617761378585, 0.03589734704101754, 0.04401202925554389, 0.05185343311395338, 0.0587204365700344, 0.06401189793682953, 0.06725515102483748, 0.06811242758004468, 0.06638235311540275, 0.06200973624238267, 0.055119690957678574, 0.04611343847524793, 0.035951198010676526, 0.027046815488443857, 0.024699892775743075, 0.03192981684587734, 0.04420878675955395, 0.057737143135860446, 0.0709621890643107, 0.08324189677976032 ], [ 0.09780221281781412, 0.09006436097241563, 0.08235310206081356, 0.07509884791972644, 0.06879256356348548, 0.06386428701482433, 0.06050006047554602, 0.05850289741284129, 0.05732939685655641, 0.05628980320956665, 0.054757698977700955, 0.05227929376477719, 0.04858996899441835, 0.043599046934266646, 0.03740006437036139, 0.030345849039942627, 0.023213155393398962, 0.017416061099298035, 0.014608725569981957, 0.014524196768779927, 0.01492506065858288, 0.014455017193804206, 0.013133960201711278, 0.011657044455300858, 0.010623936312801178, 0.010258451257558383, 0.010783222137792215, 0.0125657443474747, 0.016015277600425697, 0.02135436257351968, 0.02836492535885307, 0.03645300438237184, 0.04488113992445962, 0.0529163018835455, 0.05989970204100255, 0.06528069111802218, 0.06863205321795132, 0.06965653497728336, 0.06819418233432863, 0.06424164375653418, 0.05800109545501933, 0.049997947575469555, 0.0413643522202728, 0.034428999816819905, 0.03288142397373096, 0.038549944830625925, 0.04897072622571491, 0.061175188914412, 0.07350804206138264, 0.08517248967460575 ], [ 0.09521807370198675, 0.08680236031043678, 0.0783680659265754, 0.0704398188297543, 0.06366803985348995, 0.058679751966612376, 0.055793366917897526, 0.0547648766618703, 0.054837422038851176, 0.05507442219764331, 0.054671781629738785, 0.05308521951734397, 0.050028194343383216, 0.04543852211969523, 0.039473331799150115, 0.032558302345460664, 0.025492687454028412, 0.019536016809328212, 0.016033205778892428, 0.015000015439953288, 0.014824278446302129, 0.014225962205363365, 0.013043538864879122, 0.011725669974351715, 0.010715986007187506, 0.010328369528383737, 0.01073053861135669, 0.012100405440274705, 0.015211176209759406, 0.02068532842162175, 0.02814780551497219, 0.03672038096327338, 0.045534589847932475, 0.05384508795927106, 0.061030644325265726, 0.06659064217091756, 0.07014670771165069, 0.07144783839852899, 0.07038204344613021, 0.06700286034070119, 0.06158653121731666, 0.054749723286400896, 0.047672309283013435, 0.04237723153595576, 0.04142090282574302, 0.045994790347174984, 0.054745069860257456, 0.06552229792967375, 0.07678869437129876, 0.08767348504397515 ], [ 0.0925880621295031, 0.08343529194416825, 0.07417664990601588, 0.06542589452498569, 0.05801845094424804, 0.05285102708842848, 0.05044722489327567, 0.05049584150668802, 0.05193253393588646, 0.053513850384885944, 0.05426162379571614, 0.05357330133115618, 0.051171672787955355, 0.04704065402477968, 0.041399428952189087, 0.03472184008318552, 0.027781639466208555, 0.021646539239950507, 0.017383746546868025, 0.015254885313111316, 0.014336129120128563, 0.013554795293434787, 0.01256889032968803, 0.01156955781929487, 0.010799856455704254, 0.0105210933107248, 0.010777052201025246, 0.011623970518381285, 0.01428499244402931, 0.019871622154518882, 0.027788748612520342, 0.036848901298769006, 0.04606725619662299, 0.05469078678033528, 0.06213218173218962, 0.06793686201882873, 0.0717736816055268, 0.07343810686185628, 0.07286607486332539, 0.07016377585044903, 0.06566451054192923, 0.06002811957788818, 0.05438352830281179, 0.05040252041898608, 0.049900036940288724, 0.053712906348945696, 0.06108060269440605, 0.07049017058226371, 0.08062987780652414, 0.09063939383268506 ], [ 0.0900217370015823, 0.08009642723323229, 0.06992824080991827, 0.060199837151953185, 0.05194620529918907, 0.04643314891854177, 0.04451832686966179, 0.04579179837006798, 0.04872996212598203, 0.05171261329222739, 0.053609058878936446, 0.05379996101143918, 0.05204663403953665, 0.04839053544643679, 0.043106833297886095, 0.03669541372742221, 0.029877074411898196, 0.023536604128713726, 0.01852325638593991, 0.015274068052927138, 0.013512874505297059, 0.012506681035742769, 0.011765140980472462, 0.011224631427478383, 0.010900553145566405, 0.010885753278360619, 0.011050762406589447, 0.011406171427240427, 0.013592344479686679, 0.01923948659306553, 0.027530534201358654, 0.03700192724563256, 0.04658117455842677, 0.05551049684786197, 0.06322859995373618, 0.06931825221453576, 0.07348914974082485, 0.07557857678689499, 0.07556503988619986, 0.07359707717593311, 0.07004279904197608, 0.0655626309232556, 0.061182058802883355, 0.058257477037931424, 0.05811959935206389, 0.061393349217360296, 0.06764745490234045, 0.07582396734531273, 0.08485739069796744, 0.09395566806033888 ], [ 0.08764209969563518, 0.07694567337534064, 0.06581904794433514, 0.05497239270784131, 0.04562371659183961, 0.03952967345343974, 0.03811588090024591, 0.0408189330216729, 0.04540401652649722, 0.049811653100720256, 0.05281405828775751, 0.05382701738088581, 0.05267641770981595, 0.04946764178289662, 0.04452493416042984, 0.03836067780437132, 0.031638271351389864, 0.025095116794303318, 0.019422375793845415, 0.01515632403449987, 0.012550200202217612, 0.011305491134329696, 0.01082664687214976, 0.010801906238904294, 0.011031462984464072, 0.011410650343991805, 0.011644752603209536, 0.011740355175354945, 0.01355616797427041, 0.01912717712342755, 0.027591326862377724, 0.037316256134539906, 0.04716052084918634, 0.05635197372742783, 0.0643404246735653, 0.07073284687570146, 0.0752697350570903, 0.07782205900598027, 0.07840214320288617, 0.07718793767860878, 0.07456120550785733, 0.07115342929322584, 0.06786901834001771, 0.06580599526720307, 0.06597166842035201, 0.06885560563377877, 0.07421776340685904, 0.08131761751784525, 0.08931330907473299, 0.09750975188535242 ], [ 0.08558027919060707, 0.07416522059229988, 0.06209524862654605, 0.0500460902914547, 0.03934136164843674, 0.03233387479730852, 0.03144459499098307, 0.03585362001293517, 0.04220159723580268, 0.0479876163563237, 0.0519916650166281, 0.0537209126099224, 0.05308452801713923, 0.05025280512625458, 0.045593071151564885, 0.039626657113473344, 0.0329736794549415, 0.026273486998520876, 0.020119205372077644, 0.015093450789949208, 0.011804189414072904, 0.010359807493701903, 0.01007781266925532, 0.010442295287280069, 0.011160311176440637, 0.011998456928899096, 0.012517567947140467, 0.012706121596912907, 0.014378368859292548, 0.019707229031508608, 0.028080356718604538, 0.0378616138668865, 0.04785034068390154, 0.057241643261174306, 0.06547765038529887, 0.07217446439902607, 0.07709177057002856, 0.08012450422872643, 0.08130874486326678, 0.08083902244150797, 0.07909384121197321, 0.07665892482345057, 0.07431965260478493, 0.07296994677025109, 0.07339474367418733, 0.07599218031529222, 0.08063809772499961, 0.08681343951418308, 0.09386373885167754, 0.10119860262143499 ], [ 0.08396662643474023, 0.07194795591667842, 0.05904464631072938, 0.045834075894537474, 0.03359254018451918, 0.025237822035026645, 0.02491400691952008, 0.03134601841694729, 0.03944932198642818, 0.04644611484407896, 0.0512670886991819, 0.053552230982215614, 0.05329821843393858, 0.050734314713987184, 0.04626559594119774, 0.040426850386338774, 0.03382129856742219, 0.027046613506423064, 0.02066294160239181, 0.015289404533032938, 0.01169987821916969, 0.010169010107345892, 0.009887360661703105, 0.010287986993036824, 0.011256135616551784, 0.012540053531811863, 0.013517604008947028, 0.01408534391777222, 0.01583842681945779, 0.020861823774614943, 0.0289464399696371, 0.0386189977324819, 0.04864636176048142, 0.058179265439994805, 0.06663689027757788, 0.07363149785534469, 0.07893142101207813, 0.08244627777643532, 0.08422637546120325, 0.08447186758278451, 0.08354618174098345, 0.08198203920337423, 0.08045687746878272, 0.07970535535592939, 0.0803550278022324, 0.0827394201227013, 0.08680719915252737, 0.09219540917512627, 0.09840066092015057, 0.10493284949439823 ], [ 0.08291850661398212, 0.07047703025563165, 0.05696696720680069, 0.04284387287552549, 0.029184336405656777, 0.01914184391694742, 0.0194204712058601, 0.02798203785326647, 0.037534259728886694, 0.04540415222338671, 0.050768035481386545, 0.05339506472618787, 0.053352199369998, 0.050913293756278094, 0.04651506788873856, 0.04071483545156849, 0.03413183163037619, 0.02738149408820829, 0.02105875487984087, 0.015834473476058316, 0.012461866002489136, 0.01100136214694449, 0.010478984703716433, 0.010485602705314866, 0.011366549736661262, 0.01299027234106601, 0.014473114383268305, 0.015525747942154005, 0.01747996883538093, 0.022255182167616485, 0.03000098194285192, 0.03949044738010754, 0.04950011094402129, 0.05914076805177073, 0.0678030231137758, 0.07508807459329932, 0.0807657796534795, 0.08475330985532176, 0.08710757214233729, 0.08802616486939825, 0.08785033528748226, 0.08705885669509372, 0.0862353638309101, 0.08599039616336827, 0.08683717355616277, 0.0890618834425151, 0.09266033556493233, 0.09738112094286691, 0.1028404512821485, 0.1086383553322241 ], [ 0.08252650707207533, 0.06989843863468996, 0.05611778260364078, 0.041574402867773155, 0.027193525327579664, 0.016045818333293615, 0.01676956974471854, 0.02659949699154929, 0.03683052027288953, 0.045059312689336176, 0.05061423174188774, 0.053325985325236136, 0.053292322156353614, 0.050809065150448536, 0.04633612068694475, 0.040463149946136256, 0.03386036017766204, 0.027221556667855362, 0.021240737420421728, 0.01663467565249685, 0.01392526844977124, 0.01269184901855967, 0.011844834877963126, 0.011213292338241969, 0.01168026210160095, 0.013411015912642483, 0.015262565611975337, 0.01671288376184411, 0.018869779398519144, 0.023504618565696758, 0.030995455689520567, 0.04033535465217702, 0.05033753828956086, 0.06008827642018421, 0.06895472046458254, 0.07652720081371202, 0.08257475045035449, 0.08701816529771496, 0.08991597335297119, 0.09145804823230472, 0.09196019783189158, 0.0918500577588316, 0.09163169831999264, 0.09181858043399632, 0.09283895365942882, 0.0949433025863633, 0.09815866555383182, 0.10231447887146887, 0.10712091039097144, 0.11225605138137988 ], [ 0.08284223240086701, 0.07029385657247278, 0.05664009021952237, 0.042318344705850226, 0.028372288074002317, 0.01801980510845521, 0.01864366569784397, 0.02774808811653513, 0.037574431505643165, 0.04555148853434325, 0.05090557304853077, 0.05342249363228192, 0.05317904068878193, 0.05046512575607855, 0.04575200806694205, 0.039668620343445635, 0.03296981494203602, 0.02649142245395647, 0.021089921525985, 0.017480593868666117, 0.015736677432687595, 0.014894567093137252, 0.013853873423378823, 0.012648126120041792, 0.01250329073313325, 0.013965999659558973, 0.015841584432305593, 0.017431520603932982, 0.01969329299742031, 0.024296113571959696, 0.031701332285949194, 0.04101636252974298, 0.051084608866743667, 0.06098430868022411, 0.07007227314549204, 0.07793503903315094, 0.0843433042187844, 0.08922096479615357, 0.0926259602047231, 0.09473802866882276, 0.09584714392630547, 0.09633461748865305, 0.09663801280696231, 0.09719444507254936, 0.09836777973084933, 0.10038092781519253, 0.10328195701061135, 0.10695966814665459, 0.11119787481719606, 0.11574077236329473 ], [ 0.08387132451688373, 0.07166445239577247, 0.05851995011858779, 0.04500763577477524, 0.032423492795710634, 0.023906217229330378, 0.02409341493588182, 0.031236500949184034, 0.039766982451497235, 0.046933159860354755, 0.05171177616550694, 0.05376082138362899, 0.053090065366138, 0.04995565601470641, 0.04482475732928999, 0.03836590263244056, 0.03144754439790461, 0.02512089013295872, 0.02048705822513375, 0.018180046279137278, 0.017619099016673946, 0.017353443901183676, 0.016368993194911908, 0.014854380477650548, 0.014087296854465444, 0.014854947621847086, 0.016244077028576838, 0.01757266365831069, 0.019760571015239866, 0.02442833478960702, 0.031965083289024164, 0.04144001707000981, 0.051692511782040984, 0.061806350913952056, 0.07114570005564057, 0.07930524940412156, 0.08606359564006291, 0.09135001824924645, 0.09522199290892651, 0.09784889585838549, 0.09949639948996089, 0.10050515553882658, 0.10125764448303842, 0.10213057474318728, 0.10343820686626684, 0.10538172391181876, 0.10802348521077522, 0.11129637257984241, 0.11504195090239103, 0.11905960879930387 ], [ 0.08557406364627039, 0.0739332993213174, 0.061596920848603604, 0.04926763928172753, 0.03836224937676747, 0.03147694726569944, 0.03121513302867418, 0.036362153836395426, 0.04319441715397895, 0.04916480624203122, 0.053066726292717754, 0.05441291045685703, 0.053121033447604785, 0.04939128153802715, 0.043668288494746695, 0.03664997255304538, 0.02933626848463797, 0.023085273054014064, 0.01938020345392322, 0.01865593248893266, 0.019456845016705207, 0.019950771699983917, 0.019278722741089778, 0.017735319278865357, 0.016451598995548437, 0.01622292465755064, 0.016581603299430002, 0.01714278576625017, 0.019004933915293037, 0.023830438101165904, 0.0317418383800087, 0.041586136376001795, 0.05215721676494553, 0.06255848433612632, 0.07218123435887111, 0.08064236956467263, 0.08773644754427619, 0.09340201196989553, 0.09769769562529941, 0.10078370709033542, 0.10290403856717353, 0.10436444454235523, 0.10550203157195671, 0.10664540231002582, 0.10807002833443309, 0.1099596560189911, 0.11238635655356306, 0.11531603113357886, 0.11863559729786038, 0.12219010587596969 ], [ 0.08787328304606556, 0.0769650043504699, 0.0656208952257972, 0.054614520813101496, 0.04529366195907338, 0.039593896854716, 0.03893908901772514, 0.04242890519878682, 0.047542186436543545, 0.052137384946401646, 0.054969215051928554, 0.055442457438037364, 0.05338254631065529, 0.048921210055507654, 0.04246134561814514, 0.03470690998183909, 0.026784197761483126, 0.02046827451860501, 0.0178657546604946, 0.018998809557800717, 0.021283457109807526, 0.02266958041716323, 0.022497424313242954, 0.02111712961717349, 0.019441980133805662, 0.018127343621588438, 0.017052223664363278, 0.016304073671257534, 0.017511278006042307, 0.022589207822529333, 0.031120162037190723, 0.041525404379811386, 0.0525304426022138, 0.06327773600824702, 0.07320475753001786, 0.08196345111120791, 0.08937182755779675, 0.09538162311145786, 0.1000546979160852, 0.10354388462915706, 0.10607448548142859, 0.10792272386834982, 0.1093883947785385, 0.1107615052430315, 0.11228676201217315, 0.11413366298372601, 0.1163807873625796, 0.11901891262831604, 0.12197062068570341, 0.12511849972538996 ], [ 0.09066688011636315, 0.08059335574034121, 0.07031784316936598, 0.060610771013202294, 0.052637662934956864, 0.04777007835523204, 0.04677709868936938, 0.04894784281819512, 0.05250164169192573, 0.05570739093014184, 0.05738918621713359, 0.056900210032348145, 0.05399208329892785, 0.04872738749282936, 0.041452855466983275, 0.03284708231884589, 0.024123994779142687, 0.017578157611510034, 0.016303056644744365, 0.019484894964210363, 0.023243629802711413, 0.025554798110385746, 0.025969177064181205, 0.024846607435732512, 0.022888959937843477, 0.020575334270345958, 0.017940064011335594, 0.01545702574356337, 0.015608348725580227, 0.021006913023727727, 0.030342938106749068, 0.04142410152436021, 0.0529202057881104, 0.0640338250528737, 0.07426139107328143, 0.0832975323301483, 0.09098812614333338, 0.09730050535267257, 0.10230123749898966, 0.1061374066110571, 0.10901840568258785, 0.11119557757237629, 0.11293794201987335, 0.11450424356500516, 0.11611441994954982, 0.11792609472281446, 0.12002204310646218, 0.12241182239500674, 0.12504607340348917, 0.12783809058362997 ], [ 0.09384128847449404, 0.08464686304170622, 0.075435589135121, 0.06691982059780276, 0.06004945852162455, 0.05577277452181068, 0.05448955265542846, 0.05561156711766882, 0.05782061342823189, 0.059727548451130194, 0.06027667676676914, 0.05881919402138398, 0.055060615964521324, 0.04900635568283647, 0.04094694466477709, 0.0315180847024439, 0.021974447514529406, 0.015172411052815898, 0.015440951490701136, 0.02053249795262969, 0.02554026135367691, 0.028682935569985517, 0.02967025768236745, 0.028828402297489814, 0.026682269997497766, 0.023567336062437435, 0.019562527828034273, 0.015305641794191496, 0.014059200529881046, 0.019685716268067647, 0.029810540250389223, 0.041530503727769626, 0.05347942435508059, 0.06492192288530745, 0.07541115678630127, 0.08468293851919022, 0.09261025890256733, 0.09917568290728465, 0.10445055326662522, 0.10857707690049491, 0.1117508938702968, 0.114202216616041, 0.11617443904965266, 0.11790064937948859, 0.11958049644702755, 0.12136148213434361, 0.12332885024725646, 0.12550629636253777, 0.12786651173688485, 0.13034779632826282 ], [ 0.09728301197301784, 0.08896656516098152, 0.08076447542328272, 0.07330160704295285, 0.06732407820436856, 0.06347755598647992, 0.06194737394217974, 0.06223109956810159, 0.06331121818584468, 0.06406523470445272, 0.06357046874418364, 0.061210962768153535, 0.05667619237529712, 0.04993826622052658, 0.041254439402123096, 0.031245761188850026, 0.021241763904135968, 0.014620268596833201, 0.016272681834047262, 0.02255460255266474, 0.02836852385306746, 0.032135461858649204, 0.03360335081461973, 0.033021072657264894, 0.030772820517307828, 0.02710829992894078, 0.022157736796710407, 0.016654311054261416, 0.01413277306282974, 0.019516844049185626, 0.030025339406349813, 0.042134884893078234, 0.05438222418993534, 0.06604921506763488, 0.07672135358685506, 0.08616280991025081, 0.09426682526380857, 0.10102748600998727, 0.10651913446528845, 0.1108788769100841, 0.11428989882996791, 0.11696406257035163, 0.11912304986291088, 0.1209785128124329, 0.12271313325321474, 0.12446555781847349, 0.12632215791001605, 0.12831717394031622, 0.13044056570630047, 0.13265089774567565 ] ] }, { "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.861 (SEM: None)
lr: 3.05589e-05
momentum: 0.484351", "Arm 1_0
mean_accuracy: 0.115667 (SEM: None)
lr: 0.101075
momentum: 0.633001", "Arm 2_0
mean_accuracy: 0.219333 (SEM: None)
lr: 2.17119e-06
momentum: 0.165064", "Arm 3_0
mean_accuracy: 0.9225 (SEM: None)
lr: 9.81706e-05
momentum: 0.653966", "Arm 4_0
mean_accuracy: 0.952167 (SEM: None)
lr: 0.000406961
momentum: 0.636763", "Arm 5_0
mean_accuracy: 0.771833 (SEM: None)
lr: 4.14914e-06
momentum: 0.859857", "Arm 6_0
mean_accuracy: 0.847667 (SEM: None)
lr: 9.23358e-05
momentum: 1", "Arm 7_0
mean_accuracy: 0.943833 (SEM: None)
lr: 0.000303765
momentum: 0.459955", "Arm 8_0
mean_accuracy: 0.957833 (SEM: None)
lr: 0.00053025
momentum: 0.881316", "Arm 9_0
mean_accuracy: 0.950833 (SEM: None)
lr: 0.000803959
momentum: 0.154897", "Arm 10_0
mean_accuracy: 0.920667 (SEM: None)
lr: 0.000188225
momentum: 0.546534", "Arm 11_0
mean_accuracy: 0.961833 (SEM: None)
lr: 0.00125394
momentum: 0.369915", "Arm 12_0
mean_accuracy: 0.921333 (SEM: None)
lr: 0.000295506
momentum: 0", "Arm 13_0
mean_accuracy: 0.9625 (SEM: None)
lr: 0.00155451
momentum: 0.776942", "Arm 14_0
mean_accuracy: 0.964667 (SEM: None)
lr: 0.00352202
momentum: 0", "Arm 15_0
mean_accuracy: 0.966833 (SEM: None)
lr: 0.000971496
momentum: 0.641918", "Arm 16_0
mean_accuracy: 0.0916667 (SEM: None)
lr: 0.00160258
momentum: 1", "Arm 17_0
mean_accuracy: 0.961167 (SEM: None)
lr: 0.00174737
momentum: 0", "Arm 18_0
mean_accuracy: 0.962167 (SEM: None)
lr: 0.00301096
momentum: 0.203398", "Arm 19_0
mean_accuracy: 0.946167 (SEM: None)
lr: 0.000323463
momentum: 0.799338", "Arm 20_0
mean_accuracy: 0.1035 (SEM: None)
lr: 0.4
momentum: 0", "Arm 21_0
mean_accuracy: 0.943833 (SEM: None)
lr: 0.000190573
momentum: 0.819385", "Arm 22_0
mean_accuracy: 0.114 (SEM: None)
lr: 0.0280918
momentum: 0", "Arm 23_0
mean_accuracy: 0.962833 (SEM: None)
lr: 0.000680047
momentum: 0.738724", "Arm 24_0
mean_accuracy: 0.937833 (SEM: None)
lr: 0.00235638
momentum: 0.511184", "Arm 25_0
mean_accuracy: 0.903833 (SEM: None)
lr: 0.000127107
momentum: 0.23634", "Arm 26_0
mean_accuracy: 0.963 (SEM: None)
lr: 0.0021724
momentum: 0.0978886" ], "type": "scatter", "x": [ 3.0558873240460886e-05, 0.10107532446292296, 2.1711874777177997e-06, 9.81705804748556e-05, 0.0004069610306576985, 4.149141868878184e-06, 9.233584581328469e-05, 0.00030376487868499704, 0.0005302504631513861, 0.0008039589522424755, 0.0001882251143121297, 0.0012539427086162211, 0.0002955064071438158, 0.001554506039633513, 0.003522017255191246, 0.000971496085636198, 0.001602575234276546, 0.0017473715281379183, 0.0030109594213364047, 0.0003234631228607495, 0.4, 0.00019057264824239392, 0.028091800764067115, 0.0006800470625362733, 0.002356376617940294, 0.00012710725373391038, 0.00217239572698049 ], "xaxis": "x", "y": [ 0.4843514859676361, 0.6330010751262307, 0.1650637174025178, 0.6539657805114985, 0.6367634050548077, 0.8598570189844411, 1.0, 0.4599546922549768, 0.8813158627396911, 0.15489708635914917, 0.5465340110457578, 0.369915000575918, 0.0, 0.7769418889803752, 0.0, 0.641918184292808, 1.0, 0.0, 0.20339767414459234, 0.7993384133536806, 0.0, 0.8193853672053961, 0.0, 0.7387241581493964, 0.5111840501369002, 0.2363400601631732, 0.09788863061300394 ], "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.861 (SEM: None)
lr: 3.05589e-05
momentum: 0.484351", "Arm 1_0
mean_accuracy: 0.115667 (SEM: None)
lr: 0.101075
momentum: 0.633001", "Arm 2_0
mean_accuracy: 0.219333 (SEM: None)
lr: 2.17119e-06
momentum: 0.165064", "Arm 3_0
mean_accuracy: 0.9225 (SEM: None)
lr: 9.81706e-05
momentum: 0.653966", "Arm 4_0
mean_accuracy: 0.952167 (SEM: None)
lr: 0.000406961
momentum: 0.636763", "Arm 5_0
mean_accuracy: 0.771833 (SEM: None)
lr: 4.14914e-06
momentum: 0.859857", "Arm 6_0
mean_accuracy: 0.847667 (SEM: None)
lr: 9.23358e-05
momentum: 1", "Arm 7_0
mean_accuracy: 0.943833 (SEM: None)
lr: 0.000303765
momentum: 0.459955", "Arm 8_0
mean_accuracy: 0.957833 (SEM: None)
lr: 0.00053025
momentum: 0.881316", "Arm 9_0
mean_accuracy: 0.950833 (SEM: None)
lr: 0.000803959
momentum: 0.154897", "Arm 10_0
mean_accuracy: 0.920667 (SEM: None)
lr: 0.000188225
momentum: 0.546534", "Arm 11_0
mean_accuracy: 0.961833 (SEM: None)
lr: 0.00125394
momentum: 0.369915", "Arm 12_0
mean_accuracy: 0.921333 (SEM: None)
lr: 0.000295506
momentum: 0", "Arm 13_0
mean_accuracy: 0.9625 (SEM: None)
lr: 0.00155451
momentum: 0.776942", "Arm 14_0
mean_accuracy: 0.964667 (SEM: None)
lr: 0.00352202
momentum: 0", "Arm 15_0
mean_accuracy: 0.966833 (SEM: None)
lr: 0.000971496
momentum: 0.641918", "Arm 16_0
mean_accuracy: 0.0916667 (SEM: None)
lr: 0.00160258
momentum: 1", "Arm 17_0
mean_accuracy: 0.961167 (SEM: None)
lr: 0.00174737
momentum: 0", "Arm 18_0
mean_accuracy: 0.962167 (SEM: None)
lr: 0.00301096
momentum: 0.203398", "Arm 19_0
mean_accuracy: 0.946167 (SEM: None)
lr: 0.000323463
momentum: 0.799338", "Arm 20_0
mean_accuracy: 0.1035 (SEM: None)
lr: 0.4
momentum: 0", "Arm 21_0
mean_accuracy: 0.943833 (SEM: None)
lr: 0.000190573
momentum: 0.819385", "Arm 22_0
mean_accuracy: 0.114 (SEM: None)
lr: 0.0280918
momentum: 0", "Arm 23_0
mean_accuracy: 0.962833 (SEM: None)
lr: 0.000680047
momentum: 0.738724", "Arm 24_0
mean_accuracy: 0.937833 (SEM: None)
lr: 0.00235638
momentum: 0.511184", "Arm 25_0
mean_accuracy: 0.903833 (SEM: None)
lr: 0.000127107
momentum: 0.23634", "Arm 26_0
mean_accuracy: 0.963 (SEM: None)
lr: 0.0021724
momentum: 0.0978886" ], "type": "scatter", "x": [ 3.0558873240460886e-05, 0.10107532446292296, 2.1711874777177997e-06, 9.81705804748556e-05, 0.0004069610306576985, 4.149141868878184e-06, 9.233584581328469e-05, 0.00030376487868499704, 0.0005302504631513861, 0.0008039589522424755, 0.0001882251143121297, 0.0012539427086162211, 0.0002955064071438158, 0.001554506039633513, 0.003522017255191246, 0.000971496085636198, 0.001602575234276546, 0.0017473715281379183, 0.0030109594213364047, 0.0003234631228607495, 0.4, 0.00019057264824239392, 0.028091800764067115, 0.0006800470625362733, 0.002356376617940294, 0.00012710725373391038, 0.00217239572698049 ], "xaxis": "x2", "y": [ 0.4843514859676361, 0.6330010751262307, 0.1650637174025178, 0.6539657805114985, 0.6367634050548077, 0.8598570189844411, 1.0, 0.4599546922549768, 0.8813158627396911, 0.15489708635914917, 0.5465340110457578, 0.369915000575918, 0.0, 0.7769418889803752, 0.0, 0.641918184292808, 1.0, 0.0, 0.20339767414459234, 0.7993384133536806, 0.0, 0.8193853672053961, 0.0, 0.7387241581493964, 0.5111840501369002, 0.2363400601631732, 0.09788863061300394 ], "yaxis": "y2" } ], "layout": { "annotations": [ { "font": { "size": 14 }, "showarrow": false, "text": "Mean", "x": 0.25, "xanchor": "center", "xref": "paper", "y": 1, "yanchor": "bottom", "yref": "paper" }, { "font": { "size": 14 }, "showarrow": false, "text": "Standard Error", "x": 0.8, "xanchor": "center", "xref": "paper", "y": 1, "yanchor": "bottom", "yref": "paper" } ], "autosize": false, "height": 450, "hovermode": "closest", "legend": { "orientation": "h", "x": 0, "y": -0.25 }, "margin": { "b": 100, "l": 35, "pad": 0, "r": 35, "t": 35 }, "template": { "data": { "bar": [ { "error_x": { "color": "#2a3f5f" }, "error_y": { "color": "#2a3f5f" }, "marker": { "line": { "color": "#E5ECF6", "width": 0.5 }, "pattern": { "fillmode": "overlay", "size": 10, "solidity": 0.2 } }, "type": "bar" } ], "barpolar": [ { "marker": { "line": { "color": "#E5ECF6", "width": 0.5 }, "pattern": { "fillmode": "overlay", "size": 10, "solidity": 0.2 } }, "type": "barpolar" } ], "carpet": [ { "aaxis": { "endlinecolor": "#2a3f5f", "gridcolor": "white", "linecolor": "white", "minorgridcolor": "white", "startlinecolor": "#2a3f5f" }, "baxis": { "endlinecolor": "#2a3f5f", "gridcolor": "white", "linecolor": "white", "minorgridcolor": "white", "startlinecolor": "#2a3f5f" }, "type": "carpet" } ], "choropleth": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "type": "choropleth" } ], "contour": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0.0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1.0, "#f0f921" ] ], "type": "contour" } ], "contourcarpet": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "type": "contourcarpet" } ], "heatmap": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0.0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1.0, "#f0f921" ] ], "type": "heatmap" } ], "heatmapgl": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0.0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1.0, "#f0f921" ] ], "type": "heatmapgl" } ], "histogram": [ { "marker": { "pattern": { "fillmode": "overlay", "size": 10, "solidity": 0.2 } }, "type": "histogram" } ], "histogram2d": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0.0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1.0, "#f0f921" ] ], "type": "histogram2d" } ], "histogram2dcontour": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0.0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1.0, "#f0f921" ] ], "type": "histogram2dcontour" } ], "mesh3d": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "type": "mesh3d" } ], "parcoords": [ { "line": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "parcoords" } ], "pie": [ { "automargin": true, "type": "pie" } ], "scatter": [ { "fillpattern": { "fillmode": "overlay", "size": 10, "solidity": 0.2 }, "type": "scatter" } ], "scatter3d": [ { "line": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scatter3d" } ], "scattercarpet": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scattercarpet" } ], "scattergeo": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scattergeo" } ], "scattergl": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scattergl" } ], "scattermapbox": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scattermapbox" } ], "scatterpolar": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scatterpolar" } ], "scatterpolargl": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scatterpolargl" } ], "scatterternary": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scatterternary" } ], "surface": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0.0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1.0, "#f0f921" ] ], "type": "surface" } ], "table": [ { "cells": { "fill": { "color": "#EBF0F8" }, "line": { "color": "white" } }, "header": { "fill": { "color": "#C8D4E3" }, "line": { "color": "white" } }, "type": "table" } ] }, "layout": { "annotationdefaults": { "arrowcolor": "#2a3f5f", "arrowhead": 0, "arrowwidth": 1 }, "autotypenumbers": "strict", "coloraxis": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "colorscale": { "diverging": [ [ 0, "#8e0152" ], [ 0.1, "#c51b7d" ], [ 0.2, "#de77ae" ], [ 0.3, "#f1b6da" ], [ 0.4, "#fde0ef" ], [ 0.5, "#f7f7f7" ], [ 0.6, "#e6f5d0" ], [ 0.7, "#b8e186" ], [ 0.8, "#7fbc41" ], [ 0.9, "#4d9221" ], [ 1, "#276419" ] ], "sequential": [ [ 0.0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1.0, "#f0f921" ] ], "sequentialminus": [ [ 0.0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1.0, "#f0f921" ] ] }, "colorway": [ "#636efa", "#EF553B", "#00cc96", "#ab63fa", "#FFA15A", "#19d3f3", "#FF6692", "#B6E880", "#FF97FF", "#FECB52" ], "font": { "color": "#2a3f5f" }, "geo": { "bgcolor": "white", "lakecolor": "white", "landcolor": "#E5ECF6", "showlakes": true, "showland": true, "subunitcolor": "white" }, "hoverlabel": { "align": "left" }, "hovermode": "closest", "mapbox": { "style": "light" }, "paper_bgcolor": "white", "plot_bgcolor": "#E5ECF6", "polar": { "angularaxis": { "gridcolor": "white", "linecolor": "white", "ticks": "" }, "bgcolor": "#E5ECF6", "radialaxis": { "gridcolor": "white", "linecolor": "white", "ticks": "" } }, "scene": { "xaxis": { "backgroundcolor": "#E5ECF6", "gridcolor": "white", "gridwidth": 2, "linecolor": "white", "showbackground": true, "ticks": "", "zerolinecolor": "white" }, "yaxis": { "backgroundcolor": "#E5ECF6", "gridcolor": "white", "gridwidth": 2, "linecolor": "white", "showbackground": true, "ticks": "", "zerolinecolor": "white" }, "zaxis": { "backgroundcolor": "#E5ECF6", "gridcolor": "white", "gridwidth": 2, "linecolor": "white", "showbackground": true, "ticks": "", "zerolinecolor": "white" } }, "shapedefaults": { "line": { "color": "#2a3f5f" } }, "ternary": { "aaxis": { "gridcolor": "white", "linecolor": "white", "ticks": "" }, "baxis": { "gridcolor": "white", "linecolor": "white", "ticks": "" }, "bgcolor": "#E5ECF6", "caxis": { "gridcolor": "white", "linecolor": "white", "ticks": "" } }, "title": { "x": 0.05 }, "xaxis": { "automargin": true, "gridcolor": "white", "linecolor": "white", "ticks": "", "title": { "standoff": 15 }, "zerolinecolor": "white", "zerolinewidth": 2 }, "yaxis": { "automargin": true, "gridcolor": "white", "linecolor": "white", "ticks": "", "title": { "standoff": 15 }, "zerolinecolor": "white", "zerolinewidth": 2 } } }, "width": 950, "xaxis": { "anchor": "y", "autorange": false, "domain": [ 0.05, 0.45 ], "exponentformat": "e", "range": [ -6.0, -0.3979400086720376 ], "tickfont": { "size": 11 }, "tickmode": "auto", "title": { "text": "lr" }, "type": "log" }, "xaxis2": { "anchor": "y2", "autorange": false, "domain": [ 0.6, 1 ], "exponentformat": "e", "range": [ -6.0, -0.3979400086720376 ], "tickfont": { "size": 11 }, "tickmode": "auto", "title": { "text": "lr" }, "type": "log" }, "yaxis": { "anchor": "x", "autorange": false, "domain": [ 0, 1 ], "exponentformat": "e", "range": [ 0.0, 1.0 ], "tickfont": { "size": 11 }, "tickmode": "auto", "title": { "text": "momentum" }, "type": "linear" }, "yaxis2": { "anchor": "x2", "autorange": false, "domain": [ 0, 1 ], "exponentformat": "e", "range": [ 0.0, 1.0 ], "tickfont": { "size": 11 }, "tickmode": "auto", "type": "linear" } } }, "text/html": [ "
" ] }, "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": { "execution": { "iopub.execute_input": "2022-09-15T17:34:56.688376Z", "iopub.status.busy": "2022-09-15T17:34:56.687626Z", "iopub.status.idle": "2022-09-15T17:34:56.779297Z", "shell.execute_reply": "2022-09-15T17:34:56.778421Z" }, "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": [ 86.1, 86.1, 86.1, 92.25, 95.21666666666667, 95.21666666666667, 95.21666666666667, 95.21666666666667, 95.78333333333333, 95.78333333333333, 95.78333333333333, 96.18333333333334, 96.18333333333334, 96.25, 96.46666666666667, 96.68333333333334, 96.68333333333334, 96.68333333333334, 96.68333333333334, 96.68333333333334, 96.68333333333334, 96.68333333333334, 96.68333333333334, 96.68333333333334, 96.68333333333334, 96.68333333333334, 96.68333333333334, 96.68333333333334, 96.68333333333334, 96.68333333333334 ] }, { "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": [ 86.1, 86.1, 86.1, 92.25, 95.21666666666667, 95.21666666666667, 95.21666666666667, 95.21666666666667, 95.78333333333333, 95.78333333333333, 95.78333333333333, 96.18333333333334, 96.18333333333334, 96.25, 96.46666666666667, 96.68333333333334, 96.68333333333334, 96.68333333333334, 96.68333333333334, 96.68333333333334, 96.68333333333334, 96.68333333333334, 96.68333333333334, 96.68333333333334, 96.68333333333334, 96.68333333333334, 96.68333333333334, 96.68333333333334, 96.68333333333334, 96.68333333333334 ] }, { "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": [ 86.1, 86.1, 86.1, 92.25, 95.21666666666667, 95.21666666666667, 95.21666666666667, 95.21666666666667, 95.78333333333333, 95.78333333333333, 95.78333333333333, 96.18333333333334, 96.18333333333334, 96.25, 96.46666666666667, 96.68333333333334, 96.68333333333334, 96.68333333333334, 96.68333333333334, 96.68333333333334, 96.68333333333334, 96.68333333333334, 96.68333333333334, 96.68333333333334, 96.68333333333334, 96.68333333333334, 96.68333333333334, 96.68333333333334, 96.68333333333334, 96.68333333333334 ] } ], "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": [ { "fillpattern": { "fillmode": "overlay", "size": 10, "solidity": 0.2 }, "type": "scatter" } ], "scatter3d": [ { "line": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scatter3d" } ], "scattercarpet": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scattercarpet" } ], "scattergeo": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scattergeo" } ], "scattergl": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scattergl" } ], "scattermapbox": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scattermapbox" } ], "scatterpolar": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scatterpolar" } ], "scatterpolargl": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scatterpolargl" } ], "scatterternary": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scatterternary" } ], "surface": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0.0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1.0, "#f0f921" ] ], "type": "surface" } ], "table": [ { "cells": { "fill": { "color": "#EBF0F8" }, "line": { "color": "white" } }, "header": { "fill": { "color": "#C8D4E3" }, "line": { "color": "white" } }, "type": "table" } ] }, "layout": { "annotationdefaults": { "arrowcolor": "#2a3f5f", "arrowhead": 0, "arrowwidth": 1 }, "autotypenumbers": "strict", "coloraxis": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "colorscale": { "diverging": [ [ 0, "#8e0152" ], [ 0.1, "#c51b7d" ], [ 0.2, "#de77ae" ], [ 0.3, "#f1b6da" ], [ 0.4, "#fde0ef" ], [ 0.5, "#f7f7f7" ], [ 0.6, "#e6f5d0" ], [ 0.7, "#b8e186" ], [ 0.8, "#7fbc41" ], [ 0.9, "#4d9221" ], [ 1, "#276419" ] ], "sequential": [ [ 0.0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1.0, "#f0f921" ] ], "sequentialminus": [ [ 0.0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1.0, "#f0f921" ] ] }, "colorway": [ "#636efa", "#EF553B", "#00cc96", "#ab63fa", "#FFA15A", "#19d3f3", "#FF6692", "#B6E880", "#FF97FF", "#FECB52" ], "font": { "color": "#2a3f5f" }, "geo": { "bgcolor": "white", "lakecolor": "white", "landcolor": "#E5ECF6", "showlakes": true, "showland": true, "subunitcolor": "white" }, "hoverlabel": { "align": "left" }, "hovermode": "closest", "mapbox": { "style": "light" }, "paper_bgcolor": "white", "plot_bgcolor": "#E5ECF6", "polar": { "angularaxis": { "gridcolor": "white", "linecolor": "white", "ticks": "" }, "bgcolor": "#E5ECF6", "radialaxis": { "gridcolor": "white", "linecolor": "white", "ticks": "" } }, "scene": { "xaxis": { "backgroundcolor": "#E5ECF6", "gridcolor": "white", "gridwidth": 2, "linecolor": "white", "showbackground": true, "ticks": "", "zerolinecolor": "white" }, "yaxis": { "backgroundcolor": "#E5ECF6", "gridcolor": "white", "gridwidth": 2, "linecolor": "white", "showbackground": true, "ticks": "", "zerolinecolor": "white" }, "zaxis": { "backgroundcolor": "#E5ECF6", "gridcolor": "white", "gridwidth": 2, "linecolor": "white", "showbackground": true, "ticks": "", "zerolinecolor": "white" } }, "shapedefaults": { "line": { "color": "#2a3f5f" } }, "ternary": { "aaxis": { "gridcolor": "white", "linecolor": "white", "ticks": "" }, "baxis": { "gridcolor": "white", "linecolor": "white", "ticks": "" }, "bgcolor": "#E5ECF6", "caxis": { "gridcolor": "white", "linecolor": "white", "ticks": "" } }, "title": { "x": 0.05 }, "xaxis": { "automargin": true, "gridcolor": "white", "linecolor": "white", "ticks": "", "title": { "standoff": 15 }, "zerolinecolor": "white", "zerolinewidth": 2 }, "yaxis": { "automargin": true, "gridcolor": "white", "linecolor": "white", "ticks": "", "title": { "standoff": 15 }, "zerolinecolor": "white", "zerolinewidth": 2 } } }, "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.8.13" }, "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": { "01beefebb1454d35ab032d05060fa836": { "model_module": "@jupyter-widgets/controls", "model_module_version": "2.0.0", "model_name": "HTMLModel", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "2.0.0", "_model_name": "HTMLModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "2.0.0", "_view_name": "HTMLView", "description": "", "description_allow_html": false, "layout": "IPY_MODEL_e8dceec03165447ba279bb94be0cbcc3", "placeholder": "​", "style": "IPY_MODEL_715447d83efa4b568a1a647def1266ee", "tabbable": null, "tooltip": null, "value": "100%" } }, "0538abffc5d44ff49267df703fb56159": { "model_module": "@jupyter-widgets/base", "model_module_version": "2.0.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "2.0.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "2.0.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border_bottom": null, "border_left": null, "border_right": null, "border_top": 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, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "0cb6898b22a549a2970edec8c47f9be6": { "model_module": "@jupyter-widgets/controls", "model_module_version": "2.0.0", "model_name": "HTMLStyleModel", "state": { "_model_module": "@jupyter-widgets/controls", "_model_module_version": "2.0.0", "_model_name": "HTMLStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "2.0.0", "_view_name": "StyleView", "background": null, "description_width": "", "font_size": null, "text_color": null } }, "0e632c6e56374feb8d821dc512703f27": { "model_module": "@jupyter-widgets/controls", "model_module_version": "2.0.0", "model_name": "ProgressStyleModel", "state": { "_model_module": "@jupyter-widgets/controls", "_model_module_version": "2.0.0", "_model_name": "ProgressStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "2.0.0", "_view_name": "StyleView", "bar_color": null, "description_width": "" } }, "11adaa33aa954adcb6f0ff2a37cc8c64": { "model_module": "@jupyter-widgets/controls", "model_module_version": "2.0.0", "model_name": "HTMLStyleModel", "state": { "_model_module": "@jupyter-widgets/controls", "_model_module_version": "2.0.0", "_model_name": "HTMLStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "2.0.0", "_view_name": "StyleView", "background": null, "description_width": "", "font_size": null, "text_color": null } }, "1c9a1ef27a434d2b8879d19c623c9b84": { "model_module": "@jupyter-widgets/base", "model_module_version": "2.0.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "2.0.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "2.0.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border_bottom": null, "border_left": null, "border_right": null, "border_top": 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, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "1ea6bf05ed254a78b89c758113fef8e2": { "model_module": "@jupyter-widgets/controls", "model_module_version": "2.0.0", "model_name": "HTMLStyleModel", "state": { "_model_module": "@jupyter-widgets/controls", "_model_module_version": "2.0.0", "_model_name": "HTMLStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "2.0.0", "_view_name": "StyleView", "background": null, "description_width": "", "font_size": null, "text_color": null } }, "2ed53c73bd024e948562482c49d0a432": { "model_module": "@jupyter-widgets/controls", "model_module_version": "2.0.0", "model_name": "ProgressStyleModel", "state": { "_model_module": "@jupyter-widgets/controls", "_model_module_version": "2.0.0", "_model_name": "ProgressStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "2.0.0", "_view_name": "StyleView", "bar_color": null, "description_width": "" } }, "2fd09ec76691409abbfe7be6f90644ff": { "model_module": "@jupyter-widgets/controls", "model_module_version": "2.0.0", "model_name": "HBoxModel", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "2.0.0", "_model_name": "HBoxModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "2.0.0", "_view_name": "HBoxView", "box_style": "", "children": [ "IPY_MODEL_01beefebb1454d35ab032d05060fa836", "IPY_MODEL_e998efab899c4c389664b009d23c4d77", "IPY_MODEL_c6daef689226436f9adbb5eef0a8cd3f" ], "layout": "IPY_MODEL_ab085e3a3fc449cfbf5646a0e36e4355", "tabbable": null, "tooltip": null } }, "44ae7cc668da43009c0f6494b16e3866": { "model_module": "@jupyter-widgets/controls", "model_module_version": "2.0.0", "model_name": "HBoxModel", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "2.0.0", "_model_name": "HBoxModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "2.0.0", "_view_name": "HBoxView", "box_style": "", "children": [ "IPY_MODEL_4c03cb2c4b5d4e338142c67875913133", "IPY_MODEL_6864d1c2fde84dc785161c66916dfa25", "IPY_MODEL_6ecea8933260407aa016f810cdda372a" ], "layout": "IPY_MODEL_7827039cb84e4d9f9bee91af9efe1e07", "tabbable": null, "tooltip": null } }, "4876300425cb4627825f4ec5eca69ace": { "model_module": "@jupyter-widgets/controls", "model_module_version": "2.0.0", "model_name": "HBoxModel", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "2.0.0", "_model_name": "HBoxModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "2.0.0", "_view_name": "HBoxView", "box_style": "", "children": [ "IPY_MODEL_9d224b841e2c4812b9ae931b5bdc4855", "IPY_MODEL_84e875be3c444108bb65f631078adf2b", "IPY_MODEL_8f2d3ec692c8453db46526b063bb987a" ], "layout": "IPY_MODEL_ff3a42bbc0614de5b9d264d52b2e77e1", "tabbable": null, "tooltip": null } }, "4960c3c0c2424caf969a46dacae6508d": { "model_module": "@jupyter-widgets/base", "model_module_version": "2.0.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "2.0.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "2.0.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border_bottom": null, "border_left": null, "border_right": null, "border_top": 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, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "4c03cb2c4b5d4e338142c67875913133": { "model_module": "@jupyter-widgets/controls", "model_module_version": "2.0.0", "model_name": "HTMLModel", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "2.0.0", "_model_name": "HTMLModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "2.0.0", "_view_name": "HTMLView", "description": "", "description_allow_html": false, "layout": "IPY_MODEL_d46e6dd783874ef0b92b4daa52a7b511", "placeholder": "​", "style": "IPY_MODEL_54c34991ae494ef08ed389c0c6e13c08", "tabbable": null, "tooltip": null, "value": "100%" } }, "4d381042dbb048ca9252811f65a8c97a": { "model_module": "@jupyter-widgets/controls", "model_module_version": "2.0.0", "model_name": "HTMLModel", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "2.0.0", "_model_name": "HTMLModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "2.0.0", "_view_name": "HTMLView", "description": "", "description_allow_html": false, "layout": "IPY_MODEL_dbc1645b32d74f54bd85b2a27223985b", "placeholder": "​", "style": "IPY_MODEL_1ea6bf05ed254a78b89c758113fef8e2", "tabbable": null, "tooltip": null, "value": "100%" } }, "5227f7f739f34033a07186e58fdfa93f": { "model_module": "@jupyter-widgets/base", "model_module_version": "2.0.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "2.0.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "2.0.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border_bottom": null, "border_left": null, "border_right": null, "border_top": 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, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "54c34991ae494ef08ed389c0c6e13c08": { "model_module": "@jupyter-widgets/controls", "model_module_version": "2.0.0", "model_name": "HTMLStyleModel", "state": { "_model_module": "@jupyter-widgets/controls", "_model_module_version": "2.0.0", "_model_name": "HTMLStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "2.0.0", "_view_name": "StyleView", "background": null, "description_width": "", "font_size": null, "text_color": null } }, "573f2ffc3907476b91d99bcd8ea385cf": { "model_module": "@jupyter-widgets/base", "model_module_version": "2.0.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "2.0.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "2.0.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border_bottom": null, "border_left": null, "border_right": null, "border_top": 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, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "578989438e7c481783b2828930e07228": { "model_module": "@jupyter-widgets/controls", "model_module_version": "2.0.0", "model_name": "HTMLStyleModel", "state": { "_model_module": "@jupyter-widgets/controls", "_model_module_version": "2.0.0", "_model_name": "HTMLStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "2.0.0", "_view_name": "StyleView", "background": null, "description_width": "", "font_size": null, "text_color": null } }, "6864d1c2fde84dc785161c66916dfa25": { "model_module": "@jupyter-widgets/controls", "model_module_version": "2.0.0", "model_name": "FloatProgressModel", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "2.0.0", "_model_name": "FloatProgressModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "2.0.0", "_view_name": "ProgressView", "bar_style": "success", "description": "", "description_allow_html": false, "layout": "IPY_MODEL_c0035fdcc928403b936ea3713695a965", "max": 1648877.0, "min": 0.0, "orientation": "horizontal", "style": "IPY_MODEL_85bc973f82e64353ae684088fd5e3931", "tabbable": null, "tooltip": null, "value": 1648877.0 } }, "6ecea8933260407aa016f810cdda372a": { "model_module": "@jupyter-widgets/controls", "model_module_version": "2.0.0", "model_name": "HTMLModel", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "2.0.0", "_model_name": "HTMLModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "2.0.0", "_view_name": "HTMLView", "description": "", "description_allow_html": false, "layout": "IPY_MODEL_c34733a5d9674977af1abee3c1d0cf90", "placeholder": "​", "style": "IPY_MODEL_0cb6898b22a549a2970edec8c47f9be6", "tabbable": null, "tooltip": null, "value": " 1648877/1648877 [00:00<00:00, 22897800.56it/s]" } }, "715447d83efa4b568a1a647def1266ee": { "model_module": "@jupyter-widgets/controls", "model_module_version": "2.0.0", "model_name": "HTMLStyleModel", "state": { "_model_module": "@jupyter-widgets/controls", "_model_module_version": "2.0.0", "_model_name": "HTMLStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "2.0.0", "_view_name": "StyleView", "background": null, "description_width": "", "font_size": null, "text_color": null } }, "742a9877bcb04aabbf6d85033f47514c": { "model_module": "@jupyter-widgets/controls", "model_module_version": "2.0.0", "model_name": "HTMLStyleModel", "state": { "_model_module": "@jupyter-widgets/controls", "_model_module_version": "2.0.0", "_model_name": "HTMLStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "2.0.0", "_view_name": "StyleView", "background": null, "description_width": "", "font_size": null, "text_color": null } }, "77aba67799b64c35b7e9f46e74c8849e": { "model_module": "@jupyter-widgets/controls", "model_module_version": "2.0.0", "model_name": "ProgressStyleModel", "state": { "_model_module": "@jupyter-widgets/controls", "_model_module_version": "2.0.0", "_model_name": "ProgressStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "2.0.0", "_view_name": "StyleView", "bar_color": null, "description_width": "" } }, "7827039cb84e4d9f9bee91af9efe1e07": { "model_module": "@jupyter-widgets/base", "model_module_version": "2.0.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "2.0.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "2.0.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border_bottom": null, "border_left": null, "border_right": null, "border_top": 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, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "84e875be3c444108bb65f631078adf2b": { "model_module": "@jupyter-widgets/controls", "model_module_version": "2.0.0", "model_name": "FloatProgressModel", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "2.0.0", "_model_name": "FloatProgressModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "2.0.0", "_view_name": "ProgressView", "bar_style": "success", "description": "", "description_allow_html": false, "layout": "IPY_MODEL_d37c47d0b1cc47f0aee814ef4f09758f", "max": 9912422.0, "min": 0.0, "orientation": "horizontal", "style": "IPY_MODEL_77aba67799b64c35b7e9f46e74c8849e", "tabbable": null, "tooltip": null, "value": 9912422.0 } }, "85bc973f82e64353ae684088fd5e3931": { "model_module": "@jupyter-widgets/controls", "model_module_version": "2.0.0", "model_name": "ProgressStyleModel", "state": { "_model_module": "@jupyter-widgets/controls", "_model_module_version": "2.0.0", "_model_name": "ProgressStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "2.0.0", "_view_name": "StyleView", "bar_color": null, "description_width": "" } }, "8d3ffbb42fed494a9b9f9ec1a3cda3e8": { "model_module": "@jupyter-widgets/controls", "model_module_version": "2.0.0", "model_name": "HTMLStyleModel", "state": { "_model_module": "@jupyter-widgets/controls", "_model_module_version": "2.0.0", "_model_name": "HTMLStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "2.0.0", "_view_name": "StyleView", "background": null, "description_width": "", "font_size": null, "text_color": null } }, "8f2d3ec692c8453db46526b063bb987a": { "model_module": "@jupyter-widgets/controls", "model_module_version": "2.0.0", "model_name": "HTMLModel", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "2.0.0", "_model_name": "HTMLModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "2.0.0", "_view_name": "HTMLView", "description": "", "description_allow_html": false, "layout": "IPY_MODEL_9d9e09f3f05549b69df20b1ffe85dee5", "placeholder": "​", "style": "IPY_MODEL_11adaa33aa954adcb6f0ff2a37cc8c64", "tabbable": null, "tooltip": null, "value": " 9912422/9912422 [00:00<00:00, 53391396.42it/s]" } }, "97f4ec60af3a4057b7cbc4298631da07": { "model_module": "@jupyter-widgets/controls", "model_module_version": "2.0.0", "model_name": "HTMLModel", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "2.0.0", "_model_name": "HTMLModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "2.0.0", "_view_name": "HTMLView", "description": "", "description_allow_html": false, "layout": "IPY_MODEL_0538abffc5d44ff49267df703fb56159", "placeholder": "​", "style": "IPY_MODEL_8d3ffbb42fed494a9b9f9ec1a3cda3e8", "tabbable": null, "tooltip": null, "value": " 4542/4542 [00:00<00:00, 162558.27it/s]" } }, "9d224b841e2c4812b9ae931b5bdc4855": { "model_module": "@jupyter-widgets/controls", "model_module_version": "2.0.0", "model_name": "HTMLModel", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "2.0.0", "_model_name": "HTMLModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "2.0.0", "_view_name": "HTMLView", "description": "", "description_allow_html": false, "layout": "IPY_MODEL_5227f7f739f34033a07186e58fdfa93f", "placeholder": "​", "style": "IPY_MODEL_578989438e7c481783b2828930e07228", "tabbable": null, "tooltip": null, "value": "100%" } }, "9d9e09f3f05549b69df20b1ffe85dee5": { "model_module": "@jupyter-widgets/base", "model_module_version": "2.0.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "2.0.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "2.0.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border_bottom": null, "border_left": null, "border_right": null, "border_top": 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, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "ab085e3a3fc449cfbf5646a0e36e4355": { "model_module": "@jupyter-widgets/base", "model_module_version": "2.0.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "2.0.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "2.0.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border_bottom": null, "border_left": null, "border_right": null, "border_top": 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, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "c0035fdcc928403b936ea3713695a965": { "model_module": "@jupyter-widgets/base", "model_module_version": "2.0.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "2.0.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "2.0.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border_bottom": null, "border_left": null, "border_right": null, "border_top": 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, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "c34733a5d9674977af1abee3c1d0cf90": { "model_module": "@jupyter-widgets/base", "model_module_version": "2.0.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "2.0.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "2.0.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border_bottom": null, "border_left": null, "border_right": null, "border_top": 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, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "c6daef689226436f9adbb5eef0a8cd3f": { "model_module": "@jupyter-widgets/controls", "model_module_version": "2.0.0", "model_name": "HTMLModel", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "2.0.0", "_model_name": "HTMLModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "2.0.0", "_view_name": "HTMLView", "description": "", "description_allow_html": false, "layout": "IPY_MODEL_4960c3c0c2424caf969a46dacae6508d", "placeholder": "​", "style": "IPY_MODEL_742a9877bcb04aabbf6d85033f47514c", "tabbable": null, "tooltip": null, "value": " 28881/28881 [00:00<00:00, 1072709.27it/s]" } }, "d37c47d0b1cc47f0aee814ef4f09758f": { "model_module": "@jupyter-widgets/base", "model_module_version": "2.0.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "2.0.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "2.0.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border_bottom": null, "border_left": null, "border_right": null, "border_top": 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, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "d46e6dd783874ef0b92b4daa52a7b511": { "model_module": "@jupyter-widgets/base", "model_module_version": "2.0.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "2.0.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "2.0.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border_bottom": null, "border_left": null, "border_right": null, "border_top": 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, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "d73f99827e404b83bbb7e7463bfb0ed6": { "model_module": "@jupyter-widgets/controls", "model_module_version": "2.0.0", "model_name": "HBoxModel", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "2.0.0", "_model_name": "HBoxModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "2.0.0", "_view_name": "HBoxView", "box_style": "", "children": [ "IPY_MODEL_4d381042dbb048ca9252811f65a8c97a", "IPY_MODEL_f0bc6ac7d02246e9b73be74b24eeee9a", "IPY_MODEL_97f4ec60af3a4057b7cbc4298631da07" ], "layout": "IPY_MODEL_1c9a1ef27a434d2b8879d19c623c9b84", "tabbable": null, "tooltip": null } }, "dbc1645b32d74f54bd85b2a27223985b": { "model_module": "@jupyter-widgets/base", "model_module_version": "2.0.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "2.0.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "2.0.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border_bottom": null, "border_left": null, "border_right": null, "border_top": 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, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "e8dceec03165447ba279bb94be0cbcc3": { "model_module": "@jupyter-widgets/base", "model_module_version": "2.0.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "2.0.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "2.0.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border_bottom": null, "border_left": null, "border_right": null, "border_top": 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, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "e998efab899c4c389664b009d23c4d77": { "model_module": "@jupyter-widgets/controls", "model_module_version": "2.0.0", "model_name": "FloatProgressModel", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "2.0.0", "_model_name": "FloatProgressModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "2.0.0", "_view_name": "ProgressView", "bar_style": "success", "description": "", "description_allow_html": false, "layout": "IPY_MODEL_573f2ffc3907476b91d99bcd8ea385cf", "max": 28881.0, "min": 0.0, "orientation": "horizontal", "style": "IPY_MODEL_2ed53c73bd024e948562482c49d0a432", "tabbable": null, "tooltip": null, "value": 28881.0 } }, "ebfcbaaf3e76490b99921a09f860b114": { "model_module": "@jupyter-widgets/base", "model_module_version": "2.0.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "2.0.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "2.0.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border_bottom": null, "border_left": null, "border_right": null, "border_top": 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, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "f0bc6ac7d02246e9b73be74b24eeee9a": { "model_module": "@jupyter-widgets/controls", "model_module_version": "2.0.0", "model_name": "FloatProgressModel", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "2.0.0", "_model_name": "FloatProgressModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "2.0.0", "_view_name": "ProgressView", "bar_style": "success", "description": "", "description_allow_html": false, "layout": "IPY_MODEL_ebfcbaaf3e76490b99921a09f860b114", "max": 4542.0, "min": 0.0, "orientation": "horizontal", "style": "IPY_MODEL_0e632c6e56374feb8d821dc512703f27", "tabbable": null, "tooltip": null, "value": 4542.0 } }, "ff3a42bbc0614de5b9d264d52b2e77e1": { "model_module": "@jupyter-widgets/base", "model_module_version": "2.0.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "2.0.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "2.0.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border_bottom": null, "border_left": null, "border_right": null, "border_top": 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, "padding": null, "right": null, "top": null, "visibility": null, "width": null } } }, "version_major": 2, "version_minor": 0 } } }, "nbformat": 4, "nbformat_minor": 2 }