{ "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-11-10T20:39:25.225148Z", "iopub.status.busy": "2022-11-10T20:39:25.224795Z", "iopub.status.idle": "2022-11-10T20:39:28.722963Z", "shell.execute_reply": "2022-11-10T20:39:28.722212Z" }, "originalKey": "fe7a9417-4bde-46d2-9de3-af1bc73bde45" }, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ "/tmp/ipykernel_3042/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_3042/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-11-10T20:39:28.727247Z", "iopub.status.busy": "2022-11-10T20:39:28.726613Z", "iopub.status.idle": "2022-11-10T20:39:28.846979Z", "shell.execute_reply": "2022-11-10T20:39:28.846212Z" }, "originalKey": "19956234-25ae-4e72-9d72-dbcd1b90e530" }, "outputs": [ { "data": { "text/html": [ "" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:39:28] 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-11-10T20:39:28.907013Z", "iopub.status.busy": "2022-11-10T20:39:28.905872Z", "iopub.status.idle": "2022-11-10T20:39:28.913745Z", "shell.execute_reply": "2022-11-10T20:39:28.912667Z" }, "originalKey": "a91e1cb2-999a-4b88-a2d2-85d0acaa8854" }, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:39:28] 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-11-10T20:39:28.917304Z", "iopub.status.busy": "2022-11-10T20:39:28.916711Z", "iopub.status.idle": "2022-11-10T20:39:28.920109Z", "shell.execute_reply": "2022-11-10T20:39:28.919435Z" }, "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-11-10T20:39:28.923189Z", "iopub.status.busy": "2022-11-10T20:39:28.922747Z", "iopub.status.idle": "2022-11-10T20:39:28.931753Z", "shell.execute_reply": "2022-11-10T20:39:28.930980Z" }, "originalKey": "777c8d33-2cd1-4425-b45f-2a44922dce7d" }, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:39:28] 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 11-10 20:39:28] 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 11-10 20:39:28] 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 11-10 20:39:28] 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 11-10 20:39:28] 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-11-10T20:39:28.934968Z", "iopub.status.busy": "2022-11-10T20:39:28.934524Z", "iopub.status.idle": "2022-11-10T20:39:28.945484Z", "shell.execute_reply": "2022-11-10T20:39:28.944798Z" }, "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-11-10T20:39:28.948295Z", "iopub.status.busy": "2022-11-10T20:39:28.947903Z", "iopub.status.idle": "2022-11-10T20:39:29.993403Z", "shell.execute_reply": "2022-11-10T20:39:29.992495Z" }, "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": "ac52010f35e245ec944601f84ad9f4c2", "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-11-10T20:39:29.997616Z", "iopub.status.busy": "2022-11-10T20:39:29.996910Z", "iopub.status.idle": "2022-11-10T20:39:30.002661Z", "shell.execute_reply": "2022-11-10T20:39:30.001826Z" }, "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-11-10T20:39:30.006655Z", "iopub.status.busy": "2022-11-10T20:39:30.006213Z", "iopub.status.idle": "2022-11-10T20:43:19.034472Z", "shell.execute_reply": "2022-11-10T20:43:19.033280Z" }, "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": [ "/home/runner/work/Ax/Ax/ax/core/observation.py:274: FutureWarning:\n", "\n", "In a future version of pandas, a length 1 tuple will be returned when iterating over a groupby with a grouper equal to a list of length 1. Don't supply a list with a single grouper to avoid this warning.\n", "\n", "[INFO 11-10 20:39:33] ax.service.ax_client: Generated new trial 0 with parameters {'lr': 0.012037, 'momentum': 0.830258}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "/home/runner/work/Ax/Ax/ax/core/observation.py:274: FutureWarning:\n", "\n", "In a future version of pandas, a length 1 tuple will be returned when iterating over a groupby with a grouper equal to a list of length 1. Don't supply a list with a single grouper to avoid this warning.\n", "\n", "[INFO 11-10 20:39:34] ax.service.ax_client: Generated new trial 1 with parameters {'lr': 3e-06, 'momentum': 0.818551}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "/home/runner/work/Ax/Ax/ax/core/observation.py:274: FutureWarning:\n", "\n", "In a future version of pandas, a length 1 tuple will be returned when iterating over a groupby with a grouper equal to a list of length 1. Don't supply a list with a single grouper to avoid this warning.\n", "\n", "[INFO 11-10 20:39:34] ax.service.ax_client: Generated new trial 2 with parameters {'lr': 8e-06, 'momentum': 0.39277}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:39:50] ax.service.ax_client: Completed trial 0 with data: {'mean_accuracy': (0.099167, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:39:50] ax.service.ax_client: Generated new trial 3 with parameters {'lr': 3e-06, 'momentum': 0.617017}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:39:51] ax.service.ax_client: Completed trial 1 with data: {'mean_accuracy': (0.558333, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:39:51] ax.service.ax_client: Generated new trial 4 with parameters {'lr': 0.023202, 'momentum': 0.363649}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:40:01] ax.service.ax_client: Completed trial 2 with data: {'mean_accuracy': (0.658333, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:40:01] ax.service.ax_client: Generated new trial 5 with parameters {'lr': 1e-06, 'momentum': 0.046931}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:40:05] ax.service.ax_client: Completed trial 3 with data: {'mean_accuracy': (0.5395, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:40:05] ax.service.ax_client: Generated new trial 6 with parameters {'lr': 6.8e-05, 'momentum': 0.037269}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:40:15] ax.service.ax_client: Completed trial 4 with data: {'mean_accuracy': (0.12, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:40:16] ax.service.ax_client: Generated new trial 7 with parameters {'lr': 2.9e-05, 'momentum': 0.652273}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:40:18] ax.service.ax_client: Completed trial 5 with data: {'mean_accuracy': (0.106333, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:40:19] ax.service.ax_client: Generated new trial 8 with parameters {'lr': 1.1e-05, 'momentum': 0.642281}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:40:29] ax.service.ax_client: Completed trial 6 with data: {'mean_accuracy': (0.870667, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:40:31] ax.service.ax_client: Generated new trial 9 with parameters {'lr': 0.000101, 'momentum': 0.313384}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:40:33] ax.service.ax_client: Completed trial 7 with data: {'mean_accuracy': (0.8855, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:40:35] ax.service.ax_client: Generated new trial 10 with parameters {'lr': 6.2e-05, 'momentum': 1.0}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:40:45] ax.service.ax_client: Completed trial 8 with data: {'mean_accuracy': (0.745333, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:40:46] ax.service.ax_client: Generated new trial 11 with parameters {'lr': 5.6e-05, 'momentum': 0.427673}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:40:49] ax.service.ax_client: Completed trial 9 with data: {'mean_accuracy': (0.904167, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:40:52] ax.service.ax_client: Generated new trial 12 with parameters {'lr': 8.7e-05, 'momentum': 0.675164}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:40:58] ax.service.ax_client: Completed trial 10 with data: {'mean_accuracy': (0.893167, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:41:00] ax.service.ax_client: Generated new trial 13 with parameters {'lr': 0.000272, 'momentum': 0.0}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:41:03] ax.service.ax_client: Completed trial 11 with data: {'mean_accuracy': (0.885667, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:41:06] ax.service.ax_client: Generated new trial 14 with parameters {'lr': 5.1e-05, 'momentum': 0.803994}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:41:11] ax.service.ax_client: Completed trial 12 with data: {'mean_accuracy': (0.927667, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:41:13] ax.service.ax_client: Generated new trial 15 with parameters {'lr': 0.000151, 'momentum': 0.837491}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:41:19] ax.service.ax_client: Completed trial 13 with data: {'mean_accuracy': (0.916167, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:41:21] ax.service.ax_client: Generated new trial 16 with parameters {'lr': 0.00018, 'momentum': 0.100658}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:41:27] ax.service.ax_client: Completed trial 14 with data: {'mean_accuracy': (0.9195, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:41:29] ax.service.ax_client: Generated new trial 17 with parameters {'lr': 0.000169, 'momentum': 0.0}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:41:35] ax.service.ax_client: Completed trial 15 with data: {'mean_accuracy': (0.946667, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:41:36] ax.service.ax_client: Generated new trial 18 with parameters {'lr': 0.000288, 'momentum': 0.610035}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:41:43] ax.service.ax_client: Completed trial 16 with data: {'mean_accuracy': (0.897833, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:41:45] ax.service.ax_client: Generated new trial 19 with parameters {'lr': 0.000107, 'momentum': 0.806491}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:41:51] ax.service.ax_client: Completed trial 17 with data: {'mean_accuracy': (0.9025, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:41:53] ax.service.ax_client: Generated new trial 20 with parameters {'lr': 0.000218, 'momentum': 1.0}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:41:58] ax.service.ax_client: Completed trial 18 with data: {'mean_accuracy': (0.941667, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:42:00] ax.service.ax_client: Generated new trial 21 with parameters {'lr': 0.000191, 'momentum': 0.709935}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:42:07] ax.service.ax_client: Completed trial 19 with data: {'mean_accuracy': (0.9325, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:42:09] ax.service.ax_client: Generated new trial 22 with parameters {'lr': 0.000291, 'momentum': 0.856718}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:42:13] ax.service.ax_client: Completed trial 20 with data: {'mean_accuracy': (0.534667, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:42:14] ax.service.ax_client: Generated new trial 23 with parameters {'lr': 0.00024, 'momentum': 0.437708}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:42:22] ax.service.ax_client: Completed trial 21 with data: {'mean_accuracy': (0.941, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:42:24] ax.service.ax_client: Generated new trial 24 with parameters {'lr': 0.000151, 'momentum': 0.590572}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:42:28] ax.service.ax_client: Completed trial 22 with data: {'mean_accuracy': (0.955833, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:42:30] ax.service.ax_client: Generated new trial 25 with parameters {'lr': 0.00087, 'momentum': 0.0}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:42:36] ax.service.ax_client: Completed trial 23 with data: {'mean_accuracy': (0.9435, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:42:38] ax.service.ax_client: Generated new trial 26 with parameters {'lr': 0.000372, 'momentum': 0.284759}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:42:42] ax.service.ax_client: Completed trial 24 with data: {'mean_accuracy': (0.924667, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:42:43] ax.service.ax_client: Generated new trial 27 with parameters {'lr': 1.9e-05, 'momentum': 1.0}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:42:52] ax.service.ax_client: Completed trial 25 with data: {'mean_accuracy': (0.948833, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:42:54] ax.service.ax_client: Generated new trial 28 with parameters {'lr': 0.000747, 'momentum': 0.277622}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:42:55] ax.service.ax_client: Completed trial 26 with data: {'mean_accuracy': (0.935167, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:42:57] ax.service.ax_client: Generated new trial 29 with parameters {'lr': 0.000428, 'momentum': 0.133523}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:43:06] ax.service.ax_client: Completed trial 27 with data: {'mean_accuracy': (0.866, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:43:10] ax.service.ax_client: Completed trial 28 with data: {'mean_accuracy': (0.950667, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 11-10 20:43:18] ax.service.ax_client: Completed trial 29 with data: {'mean_accuracy': (0.9385, 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-11-10T20:43:19.039045Z", "iopub.status.busy": "2022-11-10T20:43:19.038719Z", "iopub.status.idle": "2022-11-10T20:43:19.589016Z", "shell.execute_reply": "2022-11-10T20:43:19.588069Z" }, "originalKey": "2ec54675-d0ad-4eac-aaf3-66b593037cce" }, "outputs": [ { "data": { "text/plain": [ "{'lr': 0.00019082842477609628, 'momentum': 0.7099346289794435}" ] }, "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-11-10T20:43:19.593438Z", "iopub.status.busy": "2022-11-10T20:43:19.592582Z", "iopub.status.idle": "2022-11-10T20:43:19.600492Z", "shell.execute_reply": "2022-11-10T20:43:19.598969Z" }, "originalKey": "50c764a6-a630-4935-9c07-ea84045e0ecc" }, "outputs": [ { "data": { "text/plain": [ "{'mean_accuracy': 0.950320994659047}" ] }, "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-11-10T20:43:19.604229Z", "iopub.status.busy": "2022-11-10T20:43:19.603249Z", "iopub.status.idle": "2022-11-10T20:43:20.364106Z", "shell.execute_reply": "2022-11-10T20:43:20.363100Z" }, "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.25450030870692, 0.28232978304423095, 0.3138592650605151, 0.34867929014550425, 0.38627048884241166, 0.42604471768203656, 0.4673772426092013, 0.5096315926278765, 0.5521784379347574, 0.5944095472810993, 0.6357478262757024, 0.6756546459530617, 0.7136360573106256, 0.7492499265881092, 0.7821164282665953, 0.8119346885637938, 0.8385086153594561, 0.8617807997204817, 0.8818330627522407, 0.8987934565380996, 0.9127032028268407, 0.9234059650479745, 0.9305005533704968, 0.9333716347560393, 0.9312958710592694, 0.9235856717506643, 0.9097398933360124, 0.8895967178250462, 0.863394212249229, 0.8316886665462633, 0.7952587961389779, 0.7550280901293414, 0.7120016601991774, 0.66721418327251, 0.6216862733003856, 0.5763874056615279, 0.5322043824622753, 0.48991523730926984, 0.45016929117680443, 0.41347452999442413, 0.38019332026946145, 0.3505466610826252, 0.32462598632068046, 0.30241049711702334, 0.28378752756681713, 0.26857359449316087, 0.2565343377687741, 0.2474022325202444, 0.24089154602477103, 0.23671043901415756 ], [ 0.25607969238607153, 0.284207330039115, 0.31605399255641603, 0.35119869409174487, 0.3891105326762884, 0.429190256969097, 0.4708027673599117, 0.5133023808413195, 0.5560521517502588, 0.5984381894391395, 0.6398798600493132, 0.6798370140228651, 0.7178158394361249, 0.7533754380576014, 0.7861376429949632, 0.8158029490278587, 0.8421757919001113, 0.865200741109541, 0.8849687688349055, 0.9016182106371665, 0.9151957397980685, 0.9255407209993587, 0.9322376110864292, 0.9346551597855445, 0.9320585395918892, 0.923754889780331, 0.9092444739579201, 0.8883703651234591, 0.8613763158990575, 0.8288286869953676, 0.7915205040795951, 0.7503930359397817, 0.7064718777649066, 0.6608140709027492, 0.6144635150451193, 0.5684127218283733, 0.5235698659047434, 0.48073109661572616, 0.4405590282711459, 0.4035689110365996, 0.3701238377326563, 0.3404393558242968, 0.31459639378601817, 0.29256015549584774, 0.2742021062215386, 0.2593224191261262, 0.24767095796771998, 0.2389656690366495, 0.2329079133543458, 0.22919471750834086 ], [ 0.2581357638781173, 0.2865414633975055, 0.3186743850078142, 0.35410452845509965, 0.3922916076466399, 0.4326268933015661, 0.47446612334175703, 0.517155307003546, 0.5600506303708609, 0.6025332729291266, 0.6440198874067371, 0.6839698062964903, 0.7218905867305366, 0.7573440710909254, 0.7899555786225974, 0.8194291742219038, 0.8455723127091582, 0.8683321237315709, 0.8878033355120618, 0.9041272316853892, 0.9173502923809433, 0.9273041427458577, 0.933557847667131, 0.9354677444918915, 0.9322944201031869, 0.9233480666570384, 0.9081389819787821, 0.8865191106983875, 0.8587348969920203, 0.8253585208275802, 0.7871938304825679, 0.7451971567970783, 0.7004125271193966, 0.6539178781793777, 0.6067794422438488, 0.5600122604768989, 0.5145457192161711, 0.47119411554522395, 0.4306333850574231, 0.3933858783973124, 0.3598149582389066, 0.33013000291733696, 0.3044005954882249, 0.28257714839441195, 0.26451463675452425, 0.24999649883796338, 0.2387566581759445, 0.2304985570356538, 0.22491081330372364, 0.22167957215394507 ], [ 0.2606691263676896, 0.28933221782571295, 0.32171983438961377, 0.3573958134475223, 0.3958126974724659, 0.4363539293119987, 0.4783672863999659, 0.5211913568864206, 0.5641761787757825, 0.6066987027147531, 0.6481736706152803, 0.6880608815916478, 0.7258704781211422, 0.761168533956, 0.7935856729809069, 0.822831740456509, 0.848719852552322, 0.8712008353514265, 0.8903670053037557, 0.9063545202010065, 0.9192034947647368, 0.9287344568594883, 0.9345010047596621, 0.9358510918281705, 0.9320475223744674, 0.9224115508121007, 0.9064704953955384, 0.8840883256493548, 0.8555132592618377, 0.8213198495106575, 0.7823193886304559, 0.7394805007997525, 0.6938634895508965, 0.6465655899512074, 0.5986742808187959, 0.5512265070786644, 0.5051726170416184, 0.46134503397901605, 0.4204330114922393, 0.3829658037169997, 0.3493065362448037, 0.3196576421132056, 0.29407647777397883, 0.2724978670551861, 0.25475971166225087, 0.2406283909541328, 0.22982180378673667, 0.2220289913575576, 0.2169260596095095, 0.21418857939670466 ], [ 0.26367231354988874, 0.29257226303859557, 0.32518340384710603, 0.36106623817589567, 0.3996683891399787, 0.4403671564073534, 0.48250357807677413, 0.525409709309606, 0.5684301491353216, 0.6109383066015822, 0.6523478060854372, 0.6921198931468848, 0.7297685079381175, 0.7648654420453689, 0.7970484395493159, 0.8260353155692353, 0.8516471729699955, 0.8738386130352874, 0.8926943353692742, 0.9083374634540434, 0.9207949146860068, 0.9298728067110626, 0.9351103953686357, 0.9358517705622251, 0.9313682725550949, 0.9209992243681097, 0.904294223506963, 0.8811319124775061, 0.8517628583151748, 0.8167618052753969, 0.7769445132105958, 0.7332891872519522, 0.6868701779192496, 0.6388022911844985, 0.5901930136284546, 0.5421004208069883, 0.4954954557891161, 0.45122857077289674, 0.410002289214512, 0.37235252956660675, 0.33864161489591804, 0.30906419310230204, 0.2836644746593633, 0.262360906533066, 0.24497378830588168, 0.23125219904343464, 0.22089801899791683, 0.2135860749150028, 0.20898026114316903, 0.20674593376498862 ], [ 0.2671301752839741, 0.29624711760884187, 0.32905193773986324, 0.36510421513164965, 0.4038488867321682, 0.4446588329448737, 0.48686960988187955, 0.5298076466200541, 0.5728128157519317, 0.6152556701932888, 0.6565495108266898, 0.6961580111585405, 0.7336001164891823, 0.768454803845467, 0.8003687011476652, 0.8290695874962138, 0.854388027683394, 0.8762813470496249, 0.8948226448459606, 0.9101151937310705, 0.9221654881949448, 0.9307617690485213, 0.9354314689849502, 0.9355194696250302, 0.9303111736481732, 0.9191696233866189, 0.9016705694836203, 0.8777096741822976, 0.8475412988642241, 0.8117394642575125, 0.7711220895628494, 0.7266744658717659, 0.6794827614496617, 0.6306775188062717, 0.5813848353278248, 0.5326829749857329, 0.48556296388049364, 0.4408930879950613, 0.3993890347287225, 0.36159309814887974, 0.3278661683919073, 0.2983942020152876, 0.27320731315448954, 0.2522068096741461, 0.23519493535377, 0.22190332734425955, 0.21201795447705618, 0.20519970350493144, 0.20110062614127155, 0.19937627232835653 ], [ 0.2710212453991545, 0.30033610373603253, 0.33330661798195166, 0.36949321624055204, 0.40834021068092463, 0.4492177852338881, 0.4914573050966977, 0.534380506446718, 0.5773232589550087, 0.6196539483894365, 0.6607863487888024, 0.7001875387169563, 0.7373826489018427, 0.7719592370307256, 0.8035744051710569, 0.8319674322084892, 0.8569788096371515, 0.8785669194705148, 0.8967901388430487, 0.9117264892032451, 0.9233553141505204, 0.9314436163683861, 0.9355102456646303, 0.9349052167354142, 0.9289326054939857, 0.9169834927967031, 0.8986626430697914, 0.8738848697261493, 0.8429102332702942, 0.8063121529015779, 0.7649091915539432, 0.719691602222226, 0.671755237008773, 0.6222444781818615, 0.5723024877032549, 0.5230265921680156, 0.4754272191247116, 0.43039017256614126, 0.3886441277880125, 0.3507374107762991, 0.3170287789093623, 0.2876945253007131, 0.2627496991832273, 0.24207775637590268, 0.22546253076813216, 0.21261819393031134, 0.20321502106119227, 0.19690032340757735, 0.1933147450838758, 0.19210448266691926 ], [ 0.2753190422741082, 0.30481352095052916, 0.33792379582833, 0.37421232657803083, 0.4131245557552864, 0.45402962032428046, 0.4962559949489226, 0.5391216765388717, 0.5819592640489846, 0.6241356646474723, 0.6650659161105279, 0.7042214540641238, 0.7411347032425735, 0.7754030399343161, 0.8066953090701988, 0.8347631894801602, 0.8594567051524284, 0.8807333713024915, 0.8986343064285829, 0.913208161446922, 0.9244019118496327, 0.9319589506486778, 0.9353919341767629, 0.934059772104579, 0.9272889443427503, 0.9145017757743544, 0.8953341844522785, 0.8697220844712563, 0.8379333590992807, 0.800541712298044, 0.7583656193466338, 0.712398645510317, 0.6637443811162347, 0.6135591444434465, 0.5630014864351245, 0.5131864788054008, 0.4651430745336905, 0.4197741344201115, 0.37782106260284803, 0.33983781464121116, 0.3061802437734785, 0.2770139463185166, 0.2523379398817317, 0.23201719510967433, 0.21581690983504798, 0.2034339025035753, 0.19452309039839222, 0.18871866329428477, 0.185650354024385, 0.18495549620495955 ], [ 0.2799932177900655, 0.309649765680982, 0.3428759213525533, 0.37923692939326553, 0.418180766322964, 0.4590770311110539, 0.5012525815784592, 0.5440226327302908, 0.5867172417039225, 0.6287025115136321, 0.669395508921589, 0.7082729196284747, 0.7448754389916279, 0.7788112474680091, 0.8097617599340472, 0.8374912792025453, 0.8618583458820623, 0.882817639411192, 0.9003909626903936, 0.9145946940494433, 0.9253402349765365, 0.9323461065007885, 0.9351199331984607, 0.9330323289092597, 0.9254350517067452, 0.9117839974156888, 0.891747856653574, 0.8652854240760977, 0.8326746104536414, 0.7944908233157864, 0.7515524160163274, 0.7048551333341939, 0.6555086187202608, 0.604679271209239, 0.5535392520454345, 0.5032198654876169, 0.454767494329276, 0.40910142041454434, 0.366975419405659, 0.3289486131353735, 0.2953731082123533, 0.2664027197457728, 0.24201949822976665, 0.2220694143738302, 0.20629896279207283, 0.19438787388569312, 0.1859761645608764, 0.18068544292786126, 0.17813508094705355, 0.17795406935767843 ], [ 0.2850105709338502, 0.31481233694556354, 0.3481324592020967, 0.38453944460780043, 0.4234848844599758, 0.4643401706217194, 0.5064317577688976, 0.5490730189206934, 0.5915921761482155, 0.6333551668128647, 0.6737817987014952, 0.7123547985787296, 0.7486239106384073, 0.7822087683462169, 0.8128036775670597, 0.8401851721786902, 0.8642188937768207, 0.8848548148415787, 0.9020938716095244, 0.9159185035265488, 0.9262031675686636, 0.9326410882512278, 0.9347352185776278, 0.931869552681277, 0.9234231182525894, 0.9088869957410651, 0.8879638619927511, 0.8606370053177339, 0.8271965729867968, 0.7882214532867717, 0.7445304228484876, 0.6971207811768118, 0.6471068434784395, 0.5956633299471057, 0.5439741587365876, 0.4931851591660799, 0.4443588018214097, 0.39842994294220835, 0.3561642535232481, 0.3181254955011537, 0.28466111852388, 0.2559120386806947, 0.23184247643023548, 0.2122790528861046, 0.1969496831137194, 0.18551743981154434, 0.17760801800917103, 0.17283106222810984, 0.17079617855988982, 0.17112455555275963 ], [ 0.29033594060606016, 0.32026672763652037, 0.35366074065326264, 0.39009006619511294, 0.4290107325796771, 0.46979707320518926, 0.5117762730753043, 0.5542607675548661, 0.5965776072370981, 0.6380931394362848, 0.6782305385784542, 0.7164792141060147, 0.752398474768756, 0.7856196578874243, 0.8158497663019172, 0.8428766648445869, 0.8665714647204034, 0.8868777702192914, 0.9037746721469572, 0.9172101629698121, 0.9270217735528039, 0.9328776296091456, 0.9342759944401964, 0.9306149179004307, 0.9213018174739449, 0.9058639496798291, 0.8840388365737617, 0.8558357071092932, 0.8215591187693597, 0.781793452681777, 0.7373589137189394, 0.6892541953779523, 0.6385972212100526, 0.5865694029903554, 0.5343645153389148, 0.4831410138656015, 0.43397584034121817, 0.3878183215264632, 0.345445398431298, 0.30742488088926073, 0.27409858984872415, 0.2455934192836552, 0.2218550254356184, 0.20269054912559503, 0.18780966959039913, 0.17685940354677998, 0.16945181685240696, 0.1651852754616978, 0.16366024778912047, 0.16449067179165477 ], [ 0.2959329904210291, 0.32597721128811863, 0.3594267362969517, 0.3958574669895434, 0.43473050252170437, 0.4754241042929871, 0.5172672373860085, 0.5595722593743183, 0.601665652030423, 0.6429146571806389, 0.6827463202143721, 0.7206571777944961, 0.7562162997157319, 0.7890665446847105, 0.8189269360611882, 0.845595389104094, 0.868946785456096, 0.8889169928491841, 0.9054628827772929, 0.9184984712438773, 0.9278253435675553, 0.9330871931320839, 0.9337774798175243, 0.9293082695911006, 0.9191157113972052, 0.9027636512055544, 0.8800249752194876, 0.8509361418074218, 0.8158182415140117, 0.7752633091389373, 0.7300943329188602, 0.6813116393804225, 0.6300360046337474, 0.5774540528050776, 0.5247674932761506, 0.47314532658535463, 0.42367704766409414, 0.377325034641176, 0.3348766782868447, 0.2969031709510197, 0.26373968202819253, 0.23549799816916117, 0.2121046798880848, 0.19334753356151924, 0.17891858808783812, 0.16844957415607376, 0.1615397220886473, 0.1577768565479205, 0.1567529570822086, 0.1580752639749421 ], [ 0.30176489653932403, 0.3319075348484224, 0.36539574854493284, 0.40180945606736507, 0.4406153333133457, 0.48119642567153714, 0.5228844554781489, 0.5649925220705599, 0.6068470710364158, 0.6478166070127035, 0.6873323961251645, 0.7248983036841875, 0.760092989523053, 0.7925702052996447, 0.8220598942997125, 0.848368486689022, 0.8713729854433797, 0.8910004947596349, 0.9071858711245391, 0.9198103883347679, 0.9286413043650987, 0.9332988908601295, 0.9332717546185602, 0.9279855420754544, 0.9169048496796902, 0.8996299665270899, 0.8759693377566922, 0.8459878062345185, 0.8100250664250477, 0.768683054221472, 0.7227891493969583, 0.6733458757417348, 0.6214763845189046, 0.5683711903145725, 0.5152380181015882, 0.4632541661146385, 0.4135194437099299, 0.3670074776329051, 0.32451502416337524, 0.2866159039083144, 0.25363757637829376, 0.22567573905770355, 0.2026376210341826, 0.18429217084685434, 0.17031460235772022, 0.16032228388365455, 0.15390248533562578, 0.1506332626744159, 0.15009876339203132, 0.15190007569187836 ], [ 0.3077949478693665, 0.3380215266119023, 0.3715330281993408, 0.40791358341486095, 0.44663586771304914, 0.48708846821619534, 0.528606789055594, 0.5705054686887963, 0.6121113838790531, 0.6527945358992684, 0.6919905773496743, 0.7292106155576416, 0.7640423205906182, 0.796149267505724, 0.8252708658415076, 0.8512203847989391, 0.8738754431898241, 0.8931537138631847, 0.9089687410133096, 0.9211708548935593, 0.9294950265561883, 0.9335393488142235, 0.9327876378755411, 0.9266785872607726, 0.9147045055126063, 0.8965014275870856, 0.8719132864214555, 0.8410343728054954, 0.8042250077363367, 0.7620993126909841, 0.7154908334328813, 0.6654051013360428, 0.6129674005712293, 0.5593709664958896, 0.50582764459264, 0.4535206454475816, 0.40355753147056367, 0.35692092104225687, 0.3144154866648414, 0.27661680163467317, 0.2438435459995043, 0.21617454834071026, 0.19349787563258058, 0.17556446465392272, 0.16203378743118346, 0.15250990092802907, 0.146569047340954, 0.14378030448834234, 0.14372064133765472, 0.14598552552296118 ], [ 0.3139870663518669, 0.34428362664478424, 0.37780431998803987, 0.4141376908159763, 0.452762782296055, 0.4930744076246243, 0.5344125454192317, 0.5760941780265312, 0.6174470389205553, 0.6578427183293769, 0.6967212118702771, 0.7336004471582104, 0.7680760797678755, 0.7998200161432624, 0.8285794004332213, 0.8541726228740969, 0.8764766286419068, 0.8953993534055674, 0.9108341150104529, 0.9226025005849926, 0.9304095398108091, 0.9338325221653669, 0.9323505975701951, 0.9254150840396096, 0.9125449831803591, 0.8934108893166777, 0.8678920046121322, 0.8361130840142009, 0.798457048865536, 0.7555524827240372, 0.7082409583526449, 0.6575319902674492, 0.6045529348649652, 0.5504987143063409, 0.4965834413494431, 0.4439937549723429, 0.3938421135765439, 0.3471173620686725, 0.3046301357887139, 0.26695669968689506, 0.23440591341456207, 0.20703930585616825, 0.18472646734270282, 0.1672015447329649, 0.15410954372044117, 0.1450423526439213, 0.13956615110468207, 0.13724183194869166, 0.13763982744389847, 0.14035049808299038 ], [ 0.3203062535574812, 0.35065934515689157, 0.3841763407360156, 0.420450408545996, 0.4589672872100093, 0.4991286399703972, 0.5402798936124037, 0.581741220675841, 0.6228416413876294, 0.662954295103755, 0.7015232451720503, 0.7380724280932299, 0.7722039855802401, 0.8035962730863703, 0.8320022338227836, 0.8572436966677038, 0.8791959079310396, 0.8977571280163, 0.9128017994098847, 0.9241252429155628, 0.9314051468487512, 0.9341994200536141, 0.9319826660084323, 0.9242184770464711, 0.9104514014991064, 0.8903851844983657, 0.8639340515306768, 0.8312542188490504, 0.7927531241416337, 0.749076036842654, 0.7010744290040699, 0.6497628577625434, 0.5962708110784429, 0.5417939719736454, 0.4875469195886944, 0.43471718563549466, 0.38441903482727446, 0.33764426115912366, 0.29520683686380683, 0.2576823485966935, 0.2253688943679567, 0.19831082995588678, 0.1763605491850435, 0.15923696379680086, 0.14657203446995382, 0.13794667651467118, 0.13291798252878706, 0.13103944536468415, 0.13187558648142095, 0.13501215400215416 ], [ 0.32671896855962845, 0.35711565255055605, 0.3906171919006443, 0.42682159595173147, 0.4652215901584538, 0.5052262520809019, 0.5461873085851782, 0.587429035571507, 0.6282822448544932, 0.6681214869659581, 0.706394360163314, 0.7426295409650076, 0.7764336682203556, 0.8074893216633129, 0.8355531741305267, 0.8604489018899337, 0.8820493078512268, 0.9002434048552608, 0.9148883286028449, 0.9257557955432563, 0.9324989285206742, 0.9346576575970675, 0.9317021304550275, 0.9231077007048838, 0.9084433332358433, 0.887444717635143, 0.8600609176270494, 0.8264806076920344, 0.7871375866765802, 0.7426959362898086, 0.6940188393381992, 0.6421269579735878, 0.5881520234559214, 0.5332896228262474, 0.47875305156789105, 0.4257281904606604, 0.3753278805775893, 0.32854315860209904, 0.28618788912317905, 0.2488350737857713, 0.21677134187693525, 0.19002481816544248, 0.16843256102191373, 0.15170003987446257, 0.1394476728308175, 0.13124661764685663, 0.126645851887063, 0.12519224108320393, 0.12644500670249803, 0.1299857637761953 ], [ 0.33319344107268856, 0.36362130349220373, 0.3970967062359483, 0.4332227214596572, 0.4714993153051701, 0.5113434760790789, 0.552114039665196, 0.5931403624129729, 0.6337557115481867, 0.6733358860194586, 0.7113311874588891, 0.7472732262377079, 0.7807706778302456, 0.8115078446333626, 0.8392429887611386, 0.8638001696460051, 0.8850492697998004, 0.9028708051156498, 0.917106459294663, 0.9275071384061302, 0.9337041535852673, 0.9352207984190967, 0.9315227723971977, 0.9220964603448745, 0.9065342387438589, 0.8846029690824192, 0.8562865620078208, 0.8218071823159144, 0.781626753525344, 0.7364301553375125, 0.6870939627468248, 0.6346459284253823, 0.5802201193508781, 0.5250111895353398, 0.470229434304322, 0.4170565581338724, 0.36660070162646374, 0.31984818455187464, 0.2776085110011487, 0.24044928580557723, 0.20864544425737064, 0.18221083794844462, 0.16096947204849976, 0.14461528586378747, 0.13275868655295864, 0.12496229156869865, 0.1207679288740835, 0.11971660063473422, 0.12136283015870153, 0.12528456990093528 ], [ 0.33969992324555415, 0.37014709648476196, 0.4035867268950532, 0.4396271750430607, 0.47777586278363415, 0.5174581077352991, 0.5580405877150831, 0.5988587329313437, 0.6392491478614462, 0.678588826366207, 0.7163295644609945, 0.7520034992536718, 0.7852184843808524, 0.8156578432062663, 0.8430792671944761, 0.8673058837957139, 0.8882044223134968, 0.9056479258159013, 0.9194647982389665, 0.9293880069363845, 0.9350296290235911, 0.9358975590680719, 0.9314529282557421, 0.9211923279957807, 0.9047307483711883, 0.8818659195123939, 0.8526169312423179, 0.8172405582825292, 0.7762285260696686, 0.7302883159120391, 0.6803113801232754, 0.6273333931060331, 0.5724907574645568, 0.5169763199339188, 0.4619956595491943, 0.408723796589194, 0.3582609030703573, 0.31158455495793175, 0.26949515396747237, 0.2325508762282431, 0.20101551483108981, 0.17489147995767385, 0.15399217932234877, 0.13800196954969168, 0.12652278708085496, 0.11910992938965737, 0.11529904241478006, 0.11462603086594758, 0.11664132329167998, 0.12091968094812955 ], [ 0.3462108833202557, 0.3766660702194202, 0.41006131677513513, 0.4460105047772671, 0.48402869025752465, 0.5235498563521255, 0.5639491511883371, 0.604569008476832, 0.6447504226628518, 0.6838718253298497, 0.7213847958260895, 0.7568190296093796, 0.7897784275553663, 0.8199425033731094, 0.8470662330795361, 0.8709706583237341, 0.8915193504685182, 0.9085791330917207, 0.9219675156502062, 0.9314024029191093, 0.9364790270168368, 0.9366909786674613, 0.931494586621029, 0.9203958639519516, 0.9030318911961234, 0.879231430193349, 0.8490494738909972, 0.8127786566373424, 0.7709420898309087, 0.7242714364539421, 0.6736742514870334, 0.6201947344936637, 0.5649714598507555, 0.5091944958603932, 0.45406294620553966, 0.4007426323352816, 0.35032250178416674, 0.3037673722438679, 0.2618637294045407, 0.2251557874226311, 0.19389712727607678, 0.16808180762891622, 0.14751513159604068, 0.13187384198816976, 0.12075296505752453, 0.1137017187635947, 0.11025055379998949, 0.10993106071259173, 0.11229019164266518, 0.11690000026753067 ], [ 0.3527011446066166, 0.3831536385330341, 0.41649689666886147, 0.45235056978715654, 0.4902374970410027, 0.5296005852323721, 0.5698239671525176, 0.6102578873004969, 0.6502487730775228, 0.6891770281407285, 0.7264918271074718, 0.761717122584445, 0.7944495743481839, 0.8243619763175549, 0.8512044778479094, 0.8747950425666408, 0.8949942992585133, 0.9116642568196067, 0.9246139665844201, 0.9335490790144585, 0.938050205423828, 0.9375976083929298, 0.9316425409495744, 0.9196997835857469, 0.9014283295126971, 0.8766886180072968, 0.845572673544803, 0.8084103791299214, 0.7657577031327532, 0.718371801768743, 0.6671772372015135, 0.6132270419950525, 0.5576615693576612, 0.5016669853382892, 0.44643407355820725, 0.3931169062820755, 0.3427899498048377, 0.29640128741284555, 0.254718919124825, 0.21826955999988373, 0.18729688202099792, 0.1617892125570488, 0.14154622751643842, 0.1262390591111744, 0.11545742599954967, 0.10874574879840126, 0.10563030822186514, 0.10563919791163423, 0.10831654090512077, 0.11323219086373337 ], [ 0.3591479738249064, 0.38958766706038694, 0.42287231289524074, 0.4586276051804487, 0.496384295844929, 0.5355944047483665, 0.5756514540112817, 0.6159141681280857, 0.6557352792142981, 0.6944974161856209, 0.7316452147662471, 0.7666935461145304, 0.7992284488337745, 0.8289130431788608, 0.8554905882749919, 0.8787751234511423, 0.8986247561212601, 0.9148981264641844, 0.927398165876767, 0.935820945226353, 0.9397345174674736, 0.9386067289256781, 0.9318835794209388, 0.9190881499366184, 0.8999016169283582, 0.8742172556192925, 0.8421656261829678, 0.8041153561334783, 0.760656587989763, 0.7125729626207843, 0.6608065742787776, 0.606419240533325, 0.5505524160362514, 0.49438704321150384, 0.4391036250385426, 0.3858418879870564, 0.3356585842971219, 0.2894812519683867, 0.24805551944880744, 0.21188826159981844, 0.1812128984518695, 0.15601370646901536, 0.13608700081994263, 0.12110030252463833, 0.1106396692450683, 0.10424606064024877, 0.10144266573379679, 0.10175494629982573, 0.10472488475742303, 0.10992067676300898 ], [ 0.36553112369467, 0.3959484964822655, 0.42916883832484853, 0.4648242002421476, 0.5024533675860399, 0.5415175997282516, 0.5814200976109353, 0.6215285541169029, 0.6612025113539732, 0.699826497114905, 0.7368388152679336, 0.7717421725794299, 0.8041086142070122, 0.8335886425428239, 0.8599166386796012, 0.8829020012677792, 0.9024008739298084, 0.9182699222635269, 0.9303080920249137, 0.9382043480288007, 0.9415160811692875, 0.9396995840422563, 0.9321956708828552, 0.9185355617266765, 0.8984234805350253, 0.8717872197321198, 0.8387976885068402, 0.7998637896835024, 0.7556109393900259, 0.7068498749895371, 0.6545403121187237, 0.5997523987810638, 0.5436276873071053, 0.4873403490039065, 0.43205852049628957, 0.3789049608048341, 0.3289155792692307, 0.28299392416534463, 0.2418602534655413, 0.20600006185083997, 0.17563584224965112, 0.15074858408199077, 0.131133063964895, 0.11645508498776924, 0.10629870198148306, 0.10020279876496607, 0.0976886084760078, 0.0982798816265068, 0.1015171980895977, 0.10696767993292311 ], [ 0.3718328354924381, 0.4022189193374341, 0.4353701145893513, 0.4709251981955094, 0.5084311084278617, 0.5473584034954845, 0.5871201063134877, 0.6270930875785369, 0.6666436944989698, 0.705157596364058, 0.742065223260207, 0.776854445766169, 0.8090801096648552, 0.8383772543980166, 0.8644695195483842, 0.8871610775706507, 0.906306680432087, 0.9217623163544273, 0.9333247937236089, 0.9406781635290884, 0.9433709068467577, 0.9408485538298819, 0.9325470609752153, 0.9180063047434439, 0.8969551293579173, 0.8693580100616448, 0.835428225524333, 0.7956164165320948, 0.7505840710196763, 0.7011691893480427, 0.6483487104659172, 0.5932002123111111, 0.5368639886561195, 0.4805056566182641, 0.42527878954237514, 0.37228658238636686, 0.32254118351233674, 0.27691922482561593, 0.23611341693285626, 0.20058681847682747, 0.17055019092772927, 0.14598133032365235, 0.12667475019783692, 0.11229620892277303, 0.10242937022213194, 0.09661245193866985, 0.09436591714209419, 0.09521278126320443, 0.09869301251661167, 0.10437329062690537 ], [ 0.3780378078950127, 0.408384119298658, 0.44146204710765385, 0.47691753269665715, 0.5143057910760445, 0.5531066576733297, 0.5927429251069746, 0.6326004733347604, 0.6720519263036963, 0.71048306485224, 0.7473150694779245, 0.7820187202526404, 0.8141287686773542, 0.8432621580440056, 0.8691301054213637, 0.8915311004160509, 0.9103190461817987, 0.9253503941889869, 0.9364212818096358, 0.9432126558836932, 0.9452657168488654, 0.9420159684987532, 0.9328951856053664, 0.9174534560879153, 0.895446606896189, 0.8668783687971127, 0.8320064892992243, 0.7913246184397904, 0.7455307166655821, 0.6954897001509247, 0.6421948005720098, 0.5867296531781176, 0.530231575381221, 0.4738556210016383, 0.418738525444359, 0.3659614132009616, 0.31651005918521363, 0.27123182408793933, 0.23079035452064978, 0.1956255192823021, 0.1659355232208698, 0.14169464048619773, 0.12269788080157473, 0.10861233600848552, 0.0990227815856155, 0.09346816812234637, 0.091469406506827, 0.09254980103782562, 0.09624954957520937, 0.10213556797161405 ], [ 0.3841331384516104, 0.41443158315765405, 0.44743266771515755, 0.48279002155196765, 0.5200672707476242, 0.5587534085235883, 0.5982807017969027, 0.6380434316968454, 0.6774194870222485, 0.7157935436126946, 0.7525762884090289, 0.787219538133152, 0.819235464879293, 0.8482206081319235, 0.8738723202890212, 0.8959830847658978, 0.9144064834634993, 0.9290003761863003, 0.9395612083046808, 0.9457680987528496, 0.9471564593842172, 0.9431525882580246, 0.9331854262033018, 0.9168179787160214, 0.8938362303793581, 0.8642860422759217, 0.8284716660670415, 0.7869307091797776, 0.7403975070982795, 0.6897629649893801, 0.6360351086386355, 0.580301774407076, 0.5236952319388424, 0.46735776285225744, 0.412406958429039, 0.35989952167198336, 0.31079260885237303, 0.2659025061312563, 0.22586278238293023, 0.19108956939242994, 0.16176772933996597, 0.13786745267203082, 0.1191845880627227, 0.10538862329820065, 0.09606679134590079, 0.09076012473504969, 0.08899120765741075, 0.09028469081642398, 0.09418188582916176, 0.1002506667578732 ], [ 0.3901082431494134, 0.42035099600733133, 0.4532719816235647, 0.4885331412089902, 0.525706669120767, 0.5642904875620901, 0.6037257658732862, 0.6434141142979333, 0.6827372306019385, 0.7210773113353848, 0.7578334254987793, 0.792436907185154, 0.8243753441301249, 0.8532229936590805, 0.8786621875275438, 0.9004792193478148, 0.9185278728849021, 0.9326681838972514, 0.9426973508762153, 0.9482932001048049, 0.948986662827348, 0.9441960318901661, 0.9333498476490467, 0.9160278960188042, 0.8920501862253367, 0.861507739733997, 0.8247531344911765, 0.782368429514994, 0.7351236420598035, 0.683934101541608, 0.6298205385854343, 0.573872655563034, 0.517215273627968, 0.46097553297999233, 0.4062495949469334, 0.3540676005785686, 0.30535623679719553, 0.2608994071622279, 0.2212999704400418, 0.18694993336303534, 0.15802010517818477, 0.13447592964106336, 0.1161141382325982, 0.10260738487262122, 0.09354652327235624, 0.08847593473432858, 0.08692108347410676, 0.08840903948524426, 0.0924831433195481, 0.09871298577743415 ], [ 0.3959547574465575, 0.4261341286254883, 0.4589718157262069, 0.494138806406037, 0.531216068310221, 0.5697101143674035, 0.6090701493336377, 0.6487035794691565, 0.687994042862671, 0.72631971280596, 0.7630670194243765, 0.7976456351486949, 0.8295171071921071, 0.8582320565133237, 0.8834569542924005, 0.9049718455716967, 0.9226312102798565, 0.9362979168117054, 0.9457699273966427, 0.9507233714074245, 0.9506857036270397, 0.9450692390346782, 0.9333060732153585, 0.9149976713965878, 0.890002372742695, 0.8584593546488715, 0.8207709820269905, 0.7775636820660325, 0.7296417757887007, 0.677942768382209, 0.6234974089293502, 0.5673944738072982, 0.5107486451289368, 0.4546694413209546, 0.4002293803814243, 0.34843015299138, 0.30016652237768754, 0.25618913213849825, 0.21706979528290882, 0.18317614288602135, 0.1546643220475138, 0.1314943565443617, 0.11346371509844322, 0.10024874521932414, 0.0914448994459266, 0.08660106968463055, 0.08524676384332608, 0.08691253965698476, 0.09114469841172046, 0.09751533268720025 ], [ 0.4016664186980134, 0.43177472205277473, 0.46452568317001536, 0.49960017846726024, 0.5365882437674189, 0.5750045498054652, 0.6143051600475982, 0.6539013133603798, 0.6931763481051728, 0.7315026580166804, 0.7682530750667212, 0.8028147651550619, 0.8346224106840184, 0.8632022532544972, 0.8882043839565609, 0.9094026120669162, 0.9266524955622484, 0.9398203515188495, 0.9487047736007874, 0.9529788577236789, 0.9521670129967252, 0.9456790705774946, 0.9329564574756326, 0.9136279364332346, 0.8875945928724905, 0.8550465196345897, 0.816436827756768, 0.7724355368245958, 0.7238791319599008, 0.6717243327080465, 0.6170086358846494, 0.5608166832787497, 0.5042500910152594, 0.44839822003154706, 0.39430785307582183, 0.34295062259820336, 0.29518829757168946, 0.2517377565654838, 0.21313967231347597, 0.17973717933873012, 0.15167127389107482, 0.1288959394949163, 0.11120913921443454, 0.09829125889370838, 0.0897431574683426, 0.08511928293976179, 0.08395428789212722, 0.08578326267832137, 0.09015640209112796, 0.09664910027750806 ], [ 0.40723892535521594, 0.43726836702019156, 0.46992867267409316, 0.5049115235187067, 0.5418164616821595, 0.5801658198685871, 0.6194210088626901, 0.6589947805357497, 0.698267640441586, 0.7366041749140742, 0.7733626299519519, 0.807907151274682, 0.8396454586813173, 0.8680793506064052, 0.8928423170946872, 0.913701920909892, 0.9305149215916515, 0.9431516660650896, 0.951411489425977, 0.9549627225901379, 0.9533263097013269, 0.9459152741077288, 0.932187759440729, 0.9118057186796303, 0.8847171998096912, 0.8511655647303884, 0.8116549977901991, 0.7668975345209816, 0.7177588596477493, 0.6652112238599642, 0.6102950514806844, 0.5540872839183646, 0.49767337405597456, 0.4421199941840143, 0.3884462655566595, 0.33759245312428837, 0.29038662621046646, 0.24751171836162622, 0.20947737361324759, 0.17660223864462055, 0.14901180705403327, 0.12665350018176447, 0.10932550875017388, 0.09671247891950863, 0.08842133831634524, 0.08401301878294332, 0.08302834197969167, 0.08500793524514616, 0.08950680509791653, 0.09610444915045768 ], [ 0.4126697636717535, 0.4426123653731195, 0.4751773557182168, 0.5100681370680635, 0.546894363394569, 0.5851855180363769, 0.6244064866245864, 0.663968993598551, 0.7032480140670108, 0.7415979906653142, 0.7783614047245615, 0.812879212269812, 0.8445328662365162, 0.8728003527528938, 0.8972986059250515, 0.9177887764406623, 0.9341285332245072, 0.946192705173887, 0.9537819657419083, 0.9565587455741911, 0.9540402731189399, 0.9456502036909421, 0.93087155414222, 0.9094053085176239, 0.8812502863344926, 0.8467049414482242, 0.8063240931589657, 0.7608593087461349, 0.7112016356261337, 0.6583344659564407, 0.6032968413585604, 0.547154158693649, 0.4909725174038177, 0.43579343659800635, 0.38260665405792466, 0.3323200665309918, 0.28572768362134005, 0.24347860295791357, 0.20605173609318816, 0.17374138422532848, 0.1466573381764944, 0.12474006698737317, 0.10778775542404229, 0.0954894630295221, 0.08745873283684891, 0.0832637964140055, 0.08245258402656552, 0.08457221000846582, 0.08918338189769726, 0.09587049214303833 ], [ 0.4179579897168369, 0.44780555009606227, 0.48026967592182535, 0.5150663265017763, 0.5518159486481145, 0.5900546633269558, 0.6292486852255116, 0.6688061119776219, 0.7080936790616899, 0.7464531076979467, 0.7832095175581641, 0.8176809078530425, 0.8492238872856773, 0.877293865008388, 0.9014915241244001, 0.9215711203316784, 0.9373904848560081, 0.9488291188185567, 0.9556901912235886, 0.957630708784784, 0.9541666988726989, 0.9447397290807094, 0.9288655846073082, 0.9062898622322999, 0.8770654875645969, 0.8415471626872757, 0.8003389802766137, 0.7542285384162967, 0.7041275097477855, 0.6510253758524691, 0.5959550818424448, 0.5399664554256205, 0.4841030463660882, 0.42937888504499544, 0.37675284027359207, 0.3270997516051093, 0.28117953485586444, 0.23960782294993777, 0.20283326273718683, 0.1711260923374084, 0.14458036538059837, 0.12312936562140586, 0.1065711138911144, 0.09459921204419208, 0.08683427912845754, 0.0828525607153684, 0.0822099467874996, 0.08446092384529724, 0.08917274828605704, 0.09593547631383881 ], [ 0.42310395531622214, 0.4528480371017876, 0.48520475614487835, 0.5199033300752676, 0.5565755454506732, 0.5947635444856094, 0.6339327614301191, 0.6734851175614921, 0.7127765100157933, 0.7511333361157877, 0.7878612666126823, 0.8222559935550421, 0.853651094953799, 0.8814809987391364, 0.9053307291463437, 0.9249466985337852, 0.9401859279449252, 0.9509325044106669, 0.9569938889749496, 0.9580250596657728, 0.9535468462410893, 0.9430254698657292, 0.9260160654072838, 0.902313781805791, 0.8720284444923211, 0.8355712937127122, 0.7935932207285977, 0.7469132296251173, 0.6964579791034989, 0.6432174039346622, 0.5882133499042711, 0.5324759860942866, 0.4770232043863678, 0.42283940059353203, 0.3708513503293092, 0.3219004547575549, 0.27671280846137236, 0.2358711919107367, 0.19979461823043576, 0.16872969286292072, 0.1427548773852798, 0.12179621353357206, 0.10565150610664498, 0.09401903858806504, 0.0865269066426615, 0.08275999454908833, 0.08228291470340876, 0.08465833885511131, 0.08946086834067801, 0.0962869589041796 ], [ 0.4281089719348467, 0.45774089194569395, 0.489982573401898, 0.5245769805929615, 0.5611674869671442, 0.5993014882989584, 0.638441756406186, 0.6779816495268205, 0.717263816331047, 0.7555969031944962, 0.7922651618076904, 0.8265426073698344, 0.8577415075806767, 0.8852768848087063, 0.9087187681223661, 0.927804493635467, 0.9423894793294064, 0.9523623673026591, 0.9575374038679413, 0.9575748750918687, 0.9520093154430299, 0.9403381673156705, 0.9221608570041495, 0.8973258920460832, 0.8660019594953061, 0.8286560128974252, 0.7859819402119967, 0.7388243098377345, 0.6881182630324045, 0.634848085037192, 0.5800193729268641, 0.5246386128043645, 0.46969511635847033, 0.416141745579158, 0.3648722359220889, 0.3166944642034586, 0.2723012613746505, 0.2322433904689809, 0.19691101899944508, 0.16652770773662562, 0.14115666483812794, 0.12071682311371346, 0.10500584427951853, 0.09372686722831436, 0.0865158257518498, 0.0829667898172296, 0.08265377087652814, 0.08514836252387414, 0.09003324739707796, 0.096911974337889 ], [ 0.4329749150255951, 0.4624857144785749, 0.4946035167619161, 0.5290851978922066, 0.5655856317891372, 0.6036565840824645, 0.6427564969461748, 0.6822680695608897, 0.7215185845207623, 0.759796900497285, 0.7963645791033714, 0.830474189807987, 0.8614179008996894, 0.8885924427537228, 0.9115529864391853, 0.9300268081499679, 0.9438673523673557, 0.9529685788121959, 0.9571553031772508, 0.9561042654395826, 0.94937472830049, 0.9365020696737248, 0.9171335963721113, 0.8911734513736143, 0.8588498627554366, 0.8206832415721957, 0.777405114955652, 0.7298784973143004, 0.6790397348450864, 0.6258610552716173, 0.5713266780724098, 0.5164155859159362, 0.46208587086834185, 0.4092572590620152, 0.3587897820000211, 0.3114579777473534, 0.2679222292364397, 0.22870232150391612, 0.19416051674375379, 0.16449808876014416, 0.13976353821790954, 0.11986901938288641, 0.10461225755328007, 0.09370146926386147, 0.08678076383619304, 0.08345387661007575, 0.08330481241981713, 0.0859147447988392, 0.09087510867316184, 0.09779718999646636 ], [ 0.43770378002106514, 0.4670841611280164, 0.49906788657769213, 0.5334254914491648, 0.5698229539665842, 0.6078154450166224, 0.6468555979715702, 0.6863137587984858, 0.7255001796953635, 0.7636825135816182, 0.8000989931502969, 0.8339806646677375, 0.8646000594129776, 0.8913358569460731, 0.9137277361378296, 0.9314921456024368, 0.9444807058422096, 0.9525949538157277, 0.9556771099724376, 0.953433580905146, 0.9454611196459042, 0.931340250279719, 0.9107688183218917, 0.8837070245028461, 0.8504415903561169, 0.8115423168947292, 0.7677712264008117, 0.7200013841944557, 0.6691624475831832, 0.6162080783093095, 0.5620961941189762, 0.5077747967244051, 0.45416849198871373, 0.40216260724738234, 0.35258308472531497, 0.3061715434980317, 0.26355695538681545, 0.22522935034491987, 0.1915241740289484, 0.16262135676235734, 0.1385554573127572, 0.11923237878031034, 0.10445024881195486, 0.09392263701932024, 0.08730215072763725, 0.08420261146799302, 0.08421853389245504, 0.08694125098516459, 0.09197155205731466, 0.09892904916194623 ], [ 0.4422972078048689, 0.47153742938271825, 0.5033753791951969, 0.5375945114131525, 0.5738712123848774, 0.6117630418213007, 0.6507155606861144, 0.6900855765640225, 0.7291652460656174, 0.767200277783873, 0.8034053724048089, 0.8369897917551119, 0.8672061352010545, 0.8934142713863007, 0.9151369671016352, 0.9320789408046352, 0.9440906889479097, 0.951085645400839, 0.9529337566394784, 0.9493857643135001, 0.940090172564523, 0.9246808820582149, 0.902908049972211, 0.8747862091569295, 0.8406574444610231, 0.8011346463543925, 0.757001199590753, 0.7091306427335184, 0.6584376709406364, 0.6058510124466798, 0.5522977525486721, 0.49869190515422657, 0.4459227715286648, 0.3948403868772898, 0.3462364832257272, 0.3008203622162601, 0.25919079108789167, 0.2218094252422802, 0.1889861306758165, 0.16088064520842515, 0.13751457867962136, 0.11878829687843562, 0.10450078916112904, 0.09437130374998937, 0.08806125769768858, 0.0851949271119028, 0.08537777972922211, 0.08821181037711301, 0.09330769437124109, 0.10029390013007833 ], [ 0.4467560024585121, 0.4758457261077014, 0.5075245696393222, 0.5415876284662278, 0.5777206664650202, 0.6154825927271929, 0.6543109385390747, 0.6935483966757268, 0.7324686223591884, 0.7702952527216418, 0.80621955276836, 0.8394286379336654, 0.8691542758284833, 0.8947359051165414, 0.9156772258438118, 0.9316699202182543, 0.942564544086541, 0.9482927705531337, 0.9487654182304872, 0.9437940347067678, 0.9330947163273818, 0.9163646318252471, 0.8934068665909392, 0.864286169035189, 0.8293944623037734, 0.7893787336563676, 0.7450324962867962, 0.6972192314352739, 0.64683033591729, 0.5947636387829021, 0.5419114302967212, 0.48915130286861125, 0.4373359349134626, 0.38727956194374974, 0.3397398293156368, 0.2953944398050528, 0.25481325917965847, 0.2184310732135365, 0.1865335610249459, 0.15926165385281243, 0.13662522974937985, 0.11851999440779859, 0.10474635871440852, 0.09502961621103534, 0.08904029514471723, 0.08641344697990405, 0.0867658675007199, 0.08971064135523033, 0.09486879110029467, 0.10187811104040145 ], [ 0.45107966931102056, 0.480007740779599, 0.5115123871575781, 0.5453985129589405, 0.5813597999780002, 0.618955474600913, 0.6576145416015056, 0.6966656704513813, 0.7353642283409235, 0.772912150042234, 0.8084775886363733, 0.8412251349849825, 0.8703644650018023, 0.8952124083175241, 0.9152508716133471, 0.9301566614750092, 0.939781794404337, 0.9440839518094158, 0.9430299917073641, 0.9365107681263074, 0.9243277437662334, 0.906253231412428, 0.8821428509776336, 0.8521048797399595, 0.8165727601788059, 0.7762153991085747, 0.7318231802406638, 0.6842384433276357, 0.634321265003564, 0.5829332625645492, 0.5309286747906016, 0.47914687452245336, 0.4284031187869655, 0.37947571941230107, 0.33308858188201307, 0.28988857879452523, 0.25041797342665684, 0.2150862670315169, 0.18415652570166818, 0.15775252234688164, 0.1358738213124796, 0.11841247269570276, 0.10517094324885012, 0.09588096759137221, 0.09022247475899758, 0.0878415685697852, 0.08836668451262353, 0.09142235431164947, 0.09664034013900014, 0.1036681704340987 ], [ 0.4552660081349792, 0.4840201547868821, 0.5153335816827214, 0.5490186811826485, 0.5847750133668161, 0.6221611289161058, 0.6605976707921769, 0.6994000076909457, 0.737805937629324, 0.7749964469895443, 0.8101171055478863, 0.8423096932319984, 0.8707604605095024, 0.8947612638043614, 0.9137692144199183, 0.927443897097541, 0.9356399785717118, 0.9383495552948565, 0.935611752737681, 0.9274171284293387, 0.913672405801953, 0.894239024315239, 0.869024309740391, 0.8381709346563695, 0.8021421292613661, 0.7616129289759559, 0.7173557119877566, 0.6701806064374213, 0.6209090517671616, 0.5703619959907693, 0.5193531535451292, 0.4686825248252309, 0.4191276462177588, 0.37143113937453276, 0.3262837191475289, 0.28430219871507545, 0.2460024062529349, 0.21177016193705933, 0.18184772908165436, 0.15634364008309098, 0.13524871364244995, 0.11845243120298388, 0.10575999692547455, 0.09690999882245999, 0.09159204223434902, 0.08946351995266721, 0.09016476068136725, 0.093332034213643, 0.09860816852512289, 0.10565077392807698 ], [ 0.4593108031357474, 0.4878772403742424, 0.5189802140017705, 0.5524369783520294, 0.5879502487105928, 0.6250769779212791, 0.6632304086372596, 0.7017137963114726, 0.7397484640234729, 0.7764955090422923, 0.8110786658905704, 0.8426168373951805, 0.8702717326903097, 0.8933080832889319, 0.9111553150460869, 0.9234531788399117, 0.9300596137610069, 0.9310093445469146, 0.9264298344019446, 0.9164329871003897, 0.9010527053927979, 0.8802552137292683, 0.8539995197068802, 0.8224516702759583, 0.7860885187250831, 0.7455717770277852, 0.7016401716542895, 0.6550612231327535, 0.6066114484527575, 0.557067633386466, 0.5072012762577827, 0.45777244640762604, 0.40952109537655446, 0.36315468992684635, 0.319331477615203, 0.2786389780117646, 0.24156749838270875, 0.2084807105290437, 0.17960220752049905, 0.1550274163093187, 0.13474005466153227, 0.1186281608206059, 0.10650038140719631, 0.09810257619054819, 0.09313428656191813, 0.09126439391729624, 0.09214532083212656, 0.09542530489276668, 0.10075850343570658, 0.10781289768351476 ], [ 0.4632076529932671, 0.4915706273054185, 0.522441287008805, 0.5556390208947187, 0.5908665700027127, 0.6276784551403494, 0.6654820270460635, 0.7035698928601206, 0.7411482834777267, 0.7773597322049672, 0.8113071440435343, 0.8420868317198128, 0.8688353364056673, 0.890788713824234, 0.9073463493940822, 0.9181256944910958, 0.922988137104909, 0.9220180873071202, 0.9154460248457716, 0.9035266492702667, 0.8864445420823551, 0.8642864899071346, 0.8370662232008383, 0.8049611929286805, 0.7684398193781545, 0.7281283204738904, 0.6847165655009527, 0.6389203290399255, 0.5914661276483484, 0.5430840402358487, 0.4945023473758506, 0.44644111251038937, 0.39960316776810545, 0.3546615748902344, 0.312242959041611, 0.27290632491520905, 0.23711710638907424, 0.20521819560378918, 0.1774169932193984, 0.1537980412154576, 0.13433961005387862, 0.11892942645626614, 0.10738029117124892, 0.09944575266971556, 0.09483553159984148, 0.0932301640564952, 0.09429431957919288, 0.09768837727137236, 0.10307802890293938, 0.11014185955254419 ], [ 0.46694797436375546, 0.49508931614679247, 0.5257027246114578, 0.5586069997975072, 0.5935020957934367, 0.6299393429937914, 0.6673215787880966, 0.7049324089480381, 0.7419646006498746, 0.7775437012757412, 0.810753094829457, 0.8406672625872114, 0.8663976712218566, 0.8871511122896362, 0.9022955850195569, 0.9114244637439356, 0.9144025953925663, 0.9113694365379241, 0.9026708802806366, 0.8887236164948703, 0.8698858826665782, 0.8463794910535568, 0.8182810396659419, 0.7857674317345174, 0.7492700625932945, 0.7093570809570576, 0.6666558672390489, 0.6218228728359871, 0.5755307074725469, 0.528460997019587, 0.48129832138874934, 0.43472298831233924, 0.38940136963372496, 0.34597297537253535, 0.305033692267451, 0.26711477805013184, 0.2326573484938651, 0.20198478844324375, 0.17529081473013652, 0.1526512700051036, 0.13404060377873162, 0.1193473508379308, 0.10838917352588473, 0.10092771945932322, 0.09668311499598448, 0.09534768675539318, 0.09659846180067899, 0.10010808373254099, 0.10555392979014644, 0.1126253689151413 ], [ 0.4705211891141413, 0.49841997204592947, 0.5287478305713171, 0.5613204334485575, 0.5958328491808484, 0.6318325389210866, 0.6687186979159987, 0.7057675951152801, 0.7421603510876865, 0.7770073457944826, 0.8093740884835434, 0.8383145461786049, 0.862916095506714, 0.882356946467581, 0.8959738840969097, 0.9033357020647433, 0.9043107640522355, 0.8990973325714275, 0.8881663574632219, 0.872111604950879, 0.8514829962869724, 0.826651565838904, 0.7977677693264741, 0.7649963774749076, 0.7287009050113448, 0.6893708281677919, 0.6475595017843454, 0.6038579718471739, 0.5588819702874144, 0.5132634668595524, 0.46764315109769994, 0.4226619645523737, 0.37895052274074303, 0.33711562320172156, 0.2977232489965575, 0.26127762851843617, 0.2281962416220774, 0.19878428250162394, 0.173223887816631, 0.15158425417400312, 0.13383758246193778, 0.11987430838239355, 0.10951764987554757, 0.10253775292444867, 0.09866535870923787, 0.09760469253250093, 0.09904521144504708, 0.10267190072912546, 0.10817392456555397, 0.11525156627961586 ], [ 0.47391507583481124, 0.5015474587988596, 0.5315581147823611, 0.5637574129258623, 0.5978340833163387, 0.633331136959565, 0.6696445631215736, 0.7060447926220872, 0.741703211262496, 0.7757170616130598, 0.8071359755349257, 0.8349953256214555, 0.8583603664872903, 0.8763828868747714, 0.8883705780719564, 0.8938689804116874, 0.8927504563037716, 0.8852745015681084, 0.872043602472242, 0.8538376262504398, 0.831409232457383, 0.8052922057657246, 0.775718949772123, 0.7428308430961063, 0.7068993762601485, 0.6683181578286372, 0.6275571092496908, 0.5851369849865076, 0.5416142606136682, 0.4975702909228725, 0.45360173983289287, 0.4103105267797122, 0.36829211892781616, 0.32812132317529275, 0.2903349425895291, 0.25541085919242457, 0.22374378856509425, 0.19562204206360978, 0.1712178112099444, 0.15059542816104643, 0.1337263095103859, 0.12050383388935404, 0.11075744237798624, 0.10426616063605909, 0.10077153441093833, 0.0999897695760451, 0.10162279104613059, 0.10536796154058159, 0.11092628834227192, 0.11800905372612613 ], [ 0.47711624178703216, 0.5044555193445972, 0.5341142501008539, 0.5658957849924501, 0.5994815340956025, 0.634409590557248, 0.6700729255138466, 0.7057373979890041, 0.740566573008036, 0.7736467545747819, 0.8040140358025917, 0.830687716217821, 0.8527138837027781, 0.8692215975380243, 0.8794937598747761, 0.8830563347894049, 0.879787147292351, 0.8700082804574628, 0.8544565793636448, 0.8340995833399424, 0.8098959799728839, 0.7825520985751642, 0.7523847516143229, 0.7195023639535241, 0.6840715394076922, 0.6463784837233647, 0.6068026187927524, 0.5657904549044581, 0.5238371130149082, 0.4814723541573805, 0.4392485305681398, 0.39772868336032136, 0.35747353002533916, 0.3190264161499105, 0.2828955475943915, 0.24953312700576002, 0.21931208103658273, 0.19250504895616605, 0.16927553562124997, 0.14968444189689523, 0.1337036866810396, 0.12123054656053867, 0.11210130766418103, 0.10610422866710933, 0.1029918260501752, 0.10249234166987475, 0.10432017391669068, 0.10818506085040458, 0.11379986753632876, 0.12088691723579648 ], [ 0.48011066088041277, 0.5071275027612125, 0.5363969934876125, 0.5677141769773821, 0.6007524976912071, 0.6350447885494106, 0.6699810957096993, 0.7048237737641418, 0.7387304298258028, 0.7707787551279359, 0.79999395769492, 0.8253823482696403, 0.8459747115305859, 0.8608824801193016, 0.8693702090510483, 0.8709506953796442, 0.8655104028967076, 0.8534345450461029, 0.8355930568738799, 0.8131346646271445, 0.7872183275821942, 0.7587256029738646, 0.7280554905570469, 0.6952778143243633, 0.6604526914551253, 0.6237548107407569, 0.5854688768918319, 0.5459640876094841, 0.5056722265253428, 0.46507030188422144, 0.4246657862571563, 0.38498268551084686, 0.34654708523151884, 0.30987116436176376, 0.2754349612222453, 0.24366563191179702, 0.2149152785681746, 0.18944192614181765, 0.16740135468299155, 0.14885211845884072, 0.13376769467598415, 0.12205008631072589, 0.11354297713145822, 0.10804417090452068, 0.10531729093299336, 0.10510264207465259, 0.1071270705766687, 0.1111126525588989, 0.11678408734883727, 0.1238747418809446 ], [ 0.482884226542618, 0.5095470635711202, 0.5383880015939602, 0.5691928613442983, 0.6016267288314829, 0.6352169705202263, 0.6693508102636652, 0.7032880425166436, 0.7361821212923079, 0.7671045500689818, 0.7950725885339196, 0.81908314492057, 0.8381563374728712, 0.8513922220602945, 0.858045219901898, 0.8576241293962933, 0.8500298301293439, 0.8357107438003237, 0.8156640657772872, 0.7912053207467058, 0.7636780000847917, 0.7341318750045728, 0.7030430608752857, 0.6704435673727203, 0.6362954407133625, 0.6006650146443171, 0.5637412610315372, 0.5258140387005847, 0.4872499588267017, 0.4484719203201085, 0.40994163436460584, 0.37214358275895604, 0.3355690332735766, 0.3006990477840578, 0.2679857684292831, 0.2378318632810308, 0.2105694752583166, 0.1864428896194138, 0.1656008762741763, 0.14810041418897912, 0.13391734154361679, 0.12295905716145838, 0.11507710176720132, 0.11007908003511191, 0.10773981987912506, 0.10781168437148758, 0.11003391058492129, 0.11414084198919605, 0.1198689531202729, 0.12696262076618192 ], [ 0.4854232795964323, 0.5116987898469734, 0.5400705198810595, 0.5703144641695157, 0.6020871634257516, 0.6349104576325554, 0.6681689287857184, 0.7011207140824792, 0.7329168877533128, 0.7626252808082571, 0.7892583958857866, 0.8118077606649813, 0.8292880851668312, 0.8407951207281588, 0.8455825339968214, 0.8431664529875953, 0.8334713697376617, 0.8170090492538757, 0.7948927486171119, 0.7685836640237348, 0.7395848682817979, 0.7090954142379102, 0.6776622106308167, 0.6452893622057648, 0.6118571854859126, 0.577332540852072, 0.541810824819142, 0.5055018419321675, 0.4687055520989772, 0.43178931701796064, 0.39516796241440405, 0.35928566623325936, 0.32459841505516895, 0.29155597631063657, 0.26058271060999283, 0.23205724426790453, 0.2062924739120502, 0.18351962407701394, 0.16388095269135106, 0.1474323637383823, 0.1341526081542822, 0.12395497185711657, 0.11669919865051959, 0.11220287914287252, 0.11025209643557554, 0.11061123082324409, 0.11303182060790196, 0.11726037340772155, 0.12304504644831837, 0.13014115851611419 ], [ 0.4877150842943381, 0.5135687391611364, 0.5414299425351021, 0.5710645233815839, 0.6021204712346551, 0.6341141948638616, 0.6664279376950116, 0.6983191126227463, 0.7289381987949636, 0.7573519668207938, 0.7825715865087229, 0.8035876021140466, 0.819415060007247, 0.8291530146249065, 0.8320643102109988, 0.8276846991735416, 0.8159747563847818, 0.797510424505117, 0.7735035902275482, 0.745535404280187, 0.7152373223324178, 0.6839258944838791, 0.6522124813185181, 0.6200934308503304, 0.5873883666756003, 0.5539774354088557, 0.5198675453531605, 0.48518933738614306, 0.4501753177625427, 0.4151360476377516, 0.38043825878527937, 0.3464848585955798, 0.31369588084388544, 0.2824894372196948, 0.2532620774132881, 0.2263686982773644, 0.20210348738298678, 0.18068509260198296, 0.16224956420337155, 0.14685200007445554, 0.13447438265714395, 0.12503619246720554, 0.11840559617863522, 0.11441027253006042, 0.11284755476595154, 0.11349375848316556, 0.11611259929220508, 0.12046261357731347, 0.12630351681670682, 0.13340147001145564 ] ], "zauto": true, "zmax": 0.9580250596657728, "zmin": -0.9580250596657728 }, { "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.06708215813109249, 0.06877922529612958, 0.07542733670792008, 0.08419650720422793, 0.09292734847521336, 0.10032856113685845, 0.10570596403871414, 0.1087270249943265, 0.10928088462679213, 0.10740354054284128, 0.10324302796023015, 0.09704999473969195, 0.08918367711862095, 0.08012363976313619, 0.07047482499956086, 0.0609462402986284, 0.05227213563021324, 0.045054183736045875, 0.03963552041318851, 0.03617656677019641, 0.034719963219841325, 0.03505750120662063, 0.03673445140030896, 0.03934964959051054, 0.04291050603757722, 0.04789894724598678, 0.05489035516241644, 0.06400927426589534, 0.07478469131697775, 0.08647295050722871, 0.0983536255377921, 0.10986367407670579, 0.12063525389021691, 0.13049318518278896, 0.13943567995137718, 0.14760479236324692, 0.15524726525748125, 0.16266649683443168, 0.17016945497966132, 0.1780162837074739, 0.1863822971027624, 0.195339865410225, 0.20486178949440653, 0.2148413112079832, 0.22512033334663717, 0.23551777042652836, 0.24585279250334985, 0.25596094809714326, 0.2657034529905371, 0.2749710495622674 ], [ 0.06296823273536077, 0.06442034894287761, 0.07111766901294608, 0.08001388291011305, 0.08884263893140427, 0.09629844686025803, 0.10170535964297678, 0.10475339951326779, 0.10534884811204175, 0.10353639567582007, 0.09946414206484464, 0.0933758363713334, 0.0856198963862174, 0.07666516375889382, 0.06711076538444531, 0.05767037233134754, 0.04909788515157963, 0.042021828403816366, 0.03679680866771381, 0.03358594100170826, 0.03242554546606591, 0.03307590512407099, 0.035036277496316194, 0.037880903679044946, 0.04161039447494839, 0.04669067001176307, 0.05366808044076295, 0.06264810337359417, 0.07316417340696614, 0.08448612000407305, 0.09590785629597956, 0.10688070267250831, 0.11705349413427484, 0.1262728623182338, 0.13456608921018515, 0.14211210335457125, 0.14920039243754327, 0.1561780074631542, 0.1633890535341914, 0.1711165637554694, 0.17953952621088753, 0.18871478195706257, 0.1985852250678331, 0.20900711440397335, 0.2197852321301312, 0.23070601620680029, 0.24156306835702326, 0.2521735869393479, 0.26238683258894296, 0.27208670949261293 ], [ 0.06041495486882634, 0.061426258468046446, 0.06788690062515826, 0.07664301761551082, 0.08535686634062943, 0.09270962019797539, 0.0980366343275535, 0.10104398279035301, 0.10165018908775633, 0.09990481080549891, 0.09595269789249193, 0.09002769031415699, 0.08246470927102478, 0.07371939874596918, 0.06438197143591526, 0.05516497023666442, 0.04683051611754007, 0.04001933497060657, 0.03508815822445698, 0.03218934142238459, 0.031336257580139505, 0.032262631247986506, 0.03445306473212234, 0.03749056521459755, 0.041376173017698616, 0.04653607929117166, 0.05345588183987849, 0.06221282863387834, 0.07236026921748545, 0.08319790150553806, 0.09404271351724361, 0.10436345238238487, 0.11382606014903986, 0.12229892822005135, 0.12983928981757428, 0.1366656309500186, 0.14311484332553456, 0.14958343494535029, 0.15645774813771454, 0.16404593752207758, 0.1725287805465347, 0.18194207758653314, 0.19219157158902628, 0.2030896901455348, 0.2143990110020751, 0.22587053664701795, 0.23727113529358748, 0.24839969701829656, 0.25909422627073714, 0.2692327471323452 ], [ 0.059506176045557774, 0.05988373902259018, 0.06578749681494901, 0.0741031763291018, 0.08246764624331508, 0.08954677467989265, 0.0946766921331204, 0.09757081156723629, 0.0981537572308575, 0.09647530283447815, 0.09267301244523063, 0.08696711078288119, 0.07967573877062317, 0.07123844347131411, 0.06223316619218977, 0.05336510850116103, 0.04539150661707636, 0.03894652770036851, 0.034377825148210125, 0.031813853155615954, 0.031236869199856312, 0.0323715397184918, 0.03472577844921487, 0.03792065538941428, 0.041959615370563884, 0.0472070326034084, 0.05406015957758556, 0.06255477689476119, 0.07226763399193799, 0.08253883182037164, 0.09271645950628615, 0.10229077235648391, 0.11094639107824021, 0.11857426756245618, 0.12526316126671883, 0.13127467082566402, 0.13699909879674618, 0.14289001726533282, 0.1493828563715769, 0.1568140557954771, 0.16536398250457549, 0.1750406363808337, 0.18570396959253144, 0.1971148315470713, 0.2089882844368754, 0.22103719798158908, 0.23300101478480842, 0.24466083604095348, 0.25584449020708605, 0.2664253407232702 ], [ 0.060158822558648475, 0.0597507348779424, 0.06479491137647847, 0.07237068261701751, 0.08014815700797072, 0.08677996771743254, 0.09159301778950522, 0.09429918651067296, 0.09482279169101197, 0.09320874051303918, 0.08958257790324851, 0.08414625806551229, 0.07719674730710953, 0.06915338131197737, 0.060577116650859575, 0.05215810540385155, 0.044634879433608964, 0.03861827755432565, 0.034435999068676254, 0.03218650822648354, 0.031825027402681894, 0.03309096144117031, 0.035548925993868906, 0.038877979811856526, 0.04308169348936582, 0.04844528451463684, 0.05525703038018973, 0.06349585564937255, 0.07275529853582119, 0.08241912780295124, 0.09187256526501421, 0.10063187494656288, 0.10840282242384974, 0.11510041398653931, 0.12084703993085415, 0.125951727611727, 0.130865635037571, 0.1361091894214319, 0.14217603624296832, 0.14943532034884538, 0.158064392355926, 0.16803509341984513, 0.17915127615387078, 0.19111354108652445, 0.20358405793229803, 0.21623533372066395, 0.22877932243741544, 0.24098041582422985, 0.2526577520217878, 0.2636815049429418 ], [ 0.06213741861440893, 0.06085524722560333, 0.06480402578888993, 0.07137791940095999, 0.0783479761400459, 0.084366294399099, 0.08874569328679116, 0.09118984964103996, 0.09161723746862967, 0.0900628678183062, 0.08663492988581457, 0.08151134741454048, 0.07496209040373143, 0.06738053340257898, 0.059304198385465336, 0.051399273321725183, 0.04437359729434057, 0.03880394563891552, 0.03499233275668812, 0.03300988341683066, 0.03279566656999443, 0.03412427305413602, 0.03664158099779606, 0.040096309739441525, 0.0444881873562421, 0.05001131115938623, 0.05683154144845142, 0.06485652889245531, 0.07368428380239062, 0.08273882767337622, 0.09144513544326932, 0.09934906249641008, 0.1061799738524844, 0.11187847216476583, 0.11660266723752064, 0.12071365420061594, 0.1247321816468329, 0.12925782236187477, 0.13485446336972853, 0.1419300481265631, 0.15065576306878004, 0.16095687560464378, 0.17256885803209204, 0.1851225109841413, 0.19822191988040888, 0.2114977241224918, 0.22463511952194654, 0.2373834941541892, 0.24955518866157486, 0.2610188809301047 ], [ 0.06512114828945688, 0.0629369173074757, 0.06564576355533151, 0.07102008008937272, 0.07699695187504801, 0.08225291210424221, 0.08609013459505022, 0.08820163144332001, 0.088496438967147, 0.08699520271877786, 0.08378297593010983, 0.07900677177045326, 0.07290228891584026, 0.06582969318111408, 0.058295481567921616, 0.05093338046214327, 0.044412863505430486, 0.03927345630517611, 0.035792829181991635, 0.03402248148170814, 0.033895802789420386, 0.03523531987342557, 0.037784496540659844, 0.04136842980428785, 0.04597909203173294, 0.05171176734468798, 0.05860245144106222, 0.06647649286634173, 0.07492279060260991, 0.0833977135271688, 0.09136476073689466, 0.09840085156328184, 0.10426031220610275, 0.10891003811522493, 0.11254509765225698, 0.11558283472950373, 0.11862313899872476, 0.1223596881885675, 0.12744225167587406, 0.13432587661475048, 0.1431717013313272, 0.153845360429557, 0.16599938835999517, 0.17918451490132234, 0.19294209877140123, 0.20686043571209348, 0.22059964262085618, 0.2338964709881078, 0.24655873407801648, 0.258455477140299 ], [ 0.06877763940625718, 0.06570539945299929, 0.06711650691022843, 0.07116782411575905, 0.0760114217856352, 0.0803810215057245, 0.08358027184645453, 0.08529434632329827, 0.08542200319761821, 0.08396607803349444, 0.08098247335379188, 0.07657942020180211, 0.07094988547501742, 0.06441271170544792, 0.05743587236252332, 0.0506143940227276, 0.044577153996600345, 0.03983001045527245, 0.036632617724976516, 0.03502477785314704, 0.034941055500815964, 0.036258467943485764, 0.03882693133402432, 0.04255217408475892, 0.04741509134351112, 0.05340725944004241, 0.06043192514841055, 0.06822559543196993, 0.07635636554971513, 0.08430322052013009, 0.09156381139569807, 0.09774502912471693, 0.10262567179470478, 0.10619797498083335, 0.10869343828491833, 0.1105883179130455, 0.11257112953630276, 0.11544718666746166, 0.11997217944068225, 0.12665947021129245, 0.13565526371453684, 0.14674913166218367, 0.15949358674942923, 0.17334864053417734, 0.18778932735704754, 0.2023624821293405, 0.2167058901018836, 0.23054667967507583, 0.24369071435648526, 0.2560093621436719 ], [ 0.0728111682064753, 0.06888714754930539, 0.06900800831641687, 0.07168203035981811, 0.07530151549413587, 0.07869024170546596, 0.0811718434936822, 0.08243170002719576, 0.082360624796895, 0.0809415969535772, 0.0781953549453866, 0.07418273029904436, 0.06904479705275006, 0.06305098571447261, 0.05662463655651947, 0.050319241401987964, 0.044725856354980754, 0.040324628208027354, 0.037365226898142694, 0.03588130862210385, 0.03581196171351332, 0.0370912166646298, 0.03967880743572221, 0.04356343845281826, 0.0487118139669983, 0.05500861188070008, 0.06222499245253233, 0.07000668833821051, 0.07789278703572143, 0.08537551512381315, 0.09198048435950516, 0.09734123292787508, 0.10125851849906461, 0.10374689509799906, 0.10507126415419132, 0.10576676132059011, 0.10661862359949992, 0.10856336464005663, 0.11248779713275234, 0.11897859733647828, 0.12816080403092295, 0.13972727584705272, 0.15311080450092412, 0.16767026714408606, 0.1828124448948233, 0.19804526695838848, 0.2129880477877068, 0.22736186841171085, 0.24097341186824034, 0.2536983134370907 ], [ 0.07698131554285091, 0.07224986414880996, 0.07112904369324198, 0.07242692135898957, 0.07477818091420857, 0.07712279577589468, 0.0788254826231332, 0.07958399064836481, 0.07928668994293474, 0.07789630939988179, 0.07539265250192434, 0.07178011041575355, 0.06713859857536836, 0.06168097727669173, 0.055782178837935716, 0.0499549346052231, 0.04475879350801703, 0.04065778293567524, 0.03789891210659914, 0.036512580812321116, 0.03644335388917459, 0.037682397074220504, 0.04029918232721238, 0.044365417296859146, 0.049829906539026574, 0.056468433600514796, 0.06392383765464368, 0.07175337400493073, 0.07946277207479396, 0.08654978456285048, 0.09256130516952767, 0.09715277990229752, 0.10014278481425203, 0.10156321268774389, 0.10170653234111011, 0.10116298489023455, 0.10081951639283192, 0.10176423604395415, 0.10504599902863078, 0.11134464529788693, 0.1207560502673723, 0.1328506017016389, 0.14691930344652948, 0.16221066449001065, 0.17806366232980766, 0.19395177360546778, 0.20948074355924712, 0.22436957387456483, 0.23842856507420462, 0.25153942979243915 ], [ 0.08110290283168269, 0.07560881221616354, 0.07331668509985578, 0.07327940047907161, 0.07435890483358035, 0.07562702898767332, 0.0765093262578253, 0.07673042172509702, 0.07618451184214024, 0.07481545908448695, 0.07255683578023034, 0.06934749646426339, 0.06519744968413524, 0.060257509924075796, 0.05485322281741186, 0.04946045459498723, 0.04461533529692909, 0.04077476494398126, 0.038188488228017466, 0.036884579299585475, 0.03681292016499242, 0.0380209253777706, 0.04068535692995429, 0.04495796967972901, 0.05076465565062309, 0.05777160594387421, 0.0655002091773381, 0.07342516869013956, 0.08101795724694605, 0.08777627731149014, 0.09326212175471962, 0.09714762542076434, 0.09926417021232938, 0.0996546674502134, 0.09863081377119293, 0.09682985524121873, 0.09524042016521546, 0.09512134001215482, 0.09772011552882992, 0.10383560144135218, 0.11352430299789495, 0.1262025629888481, 0.14099600956481412, 0.15703606595873346, 0.17359741805495071, 0.19012547911277836, 0.20621813243709325, 0.22159639790379437, 0.23607681658463583, 0.24954871840326767 ], [ 0.0850381263218428, 0.0788233206828771, 0.0754394390013097, 0.07413421892935934, 0.07397162033830855, 0.07415995471338777, 0.07420094997704782, 0.07386088378852265, 0.07305008016897924, 0.07169668593187521, 0.06968344102431741, 0.0668749198258066, 0.06320360374186461, 0.05875500809908462, 0.05380714882292788, 0.048805237968648996, 0.044270306249145366, 0.04065896864076961, 0.038226641531594566, 0.036998888453132615, 0.03693097478742947, 0.03812592958391845, 0.04086323989353813, 0.04536788137652916, 0.05153619778050851, 0.058926074486781325, 0.06694760185508926, 0.07500171953620523, 0.08252740572482214, 0.0890187930506602, 0.09404784334104471, 0.09729848166221562, 0.09860988221476176, 0.09802927860713419, 0.09587768797149665, 0.09282714518150378, 0.08996125458628564, 0.08872431041403485, 0.09060347898096334, 0.09654940640500702, 0.1065664730023774, 0.11987951313943555, 0.13542544968418044, 0.15221605998092225, 0.1694687699116847, 0.18660899013770493, 0.20323283014408988, 0.21906720888903045, 0.23393712857108745, 0.2477406718176364 ], [ 0.0886871879895082, 0.08178976216584623, 0.07739560076757411, 0.07490571620098693, 0.07355676503129738, 0.07268869765268045, 0.07188849591706194, 0.07097708379201666, 0.06989221614232664, 0.06855107861565664, 0.066781889247072, 0.06436702856264692, 0.061155567206128456, 0.05716702587481357, 0.05263632268481687, 0.047985696300297656, 0.0437285262954552, 0.04032482677145286, 0.038035790141034476, 0.03688385095976921, 0.03683132436020499, 0.03803767458850905, 0.04087829621960471, 0.04563959335491834, 0.052180266386374186, 0.059954306944772315, 0.06827392273337408, 0.07647700000444785, 0.0839735377964191, 0.09025227400983146, 0.0948912746523911, 0.09758223221265036, 0.0981678754412895, 0.09669376926945503, 0.09348022228896406, 0.08921897170511713, 0.08507446291531158, 0.08268289674085438, 0.08381313549205861, 0.08960728707807632, 0.10000236182294135, 0.11398971972696954, 0.13029752522545662, 0.14782116681512208, 0.16573130869816344, 0.18344243114654646, 0.20055473354729128, 0.2168043012558725, 0.23202619099624924, 0.24612785295701584 ], [ 0.091980003599714, 0.0844342811419821, 0.07910949168883381, 0.07552724695418597, 0.07306775353941776, 0.07119084031174899, 0.06957090815036764, 0.06809290070619342, 0.06673300396238113, 0.06540344747017895, 0.06387538145977428, 0.06184251778835519, 0.059067013450983176, 0.055504413227109486, 0.05135306595462793, 0.047020605597987535, 0.04301868583511731, 0.03981065226961412, 0.037660261662022784, 0.036586254177424046, 0.036562629631349264, 0.03780858391472708, 0.040786301935455155, 0.04582583582825695, 0.052739300101439304, 0.06088554751229791, 0.06949496886283331, 0.07785398634172358, 0.085348072765897, 0.0914600222449511, 0.09577140694196426, 0.09797884585091897, 0.09792571741678567, 0.09565159465747379, 0.09146759736876649, 0.0860694773077785, 0.08068189871651717, 0.07712728570023748, 0.07749275198099316, 0.08315605957061334, 0.09397009463952209, 0.10865036211416021, 0.12570378675930177, 0.1439195424980254, 0.16243464350649833, 0.18066165577640836, 0.19820978872365255, 0.21482655775142398, 0.23035785353492041, 0.24472050896260672 ], [ 0.09486964120894047, 0.0867065418442494, 0.08052718762531717, 0.07594930610342264, 0.07247025464266312, 0.06965376822789425, 0.06725721584888379, 0.06523381999247277, 0.06360731542935637, 0.062291627526166585, 0.060999711320267845, 0.059332402548717425, 0.05696453397131232, 0.05379238760328702, 0.04998569125453121, 0.045945767818728035, 0.04218663119081014, 0.039171019109812896, 0.03715817508298637, 0.036162990908025036, 0.036179960496401146, 0.03749418441702619, 0.040643575001292, 0.04597801485245155, 0.05325414629626199, 0.061749140104528734, 0.0706289560071316, 0.07914010706127589, 0.08664835318508539, 0.09263093099386624, 0.09667149018082433, 0.09847001899957543, 0.09786926188045769, 0.09490079940337728, 0.08986114188595835, 0.08343667010517801, 0.07688828130944264, 0.07220471536137733, 0.07181260029934007, 0.07736731191322478, 0.08862199268022941, 0.1039816481494941, 0.1217320132262408, 0.14057289359500214, 0.15962159716908675, 0.1782963974591078, 0.1962187883260899, 0.2131486682169828, 0.22894261556515483, 0.2435262357271787 ], [ 0.09732738297377443, 0.08857477462008287, 0.08161253587455723, 0.07613709691130112, 0.07174067753205708, 0.06807316751769542, 0.06496482624628358, 0.0624352621807514, 0.06056116743888948, 0.05926453786799067, 0.05820077918581092, 0.05687704352285934, 0.05488428058155128, 0.052066691111617235, 0.04857386112552354, 0.04480815807410014, 0.041288003589666666, 0.038468231144451207, 0.03659253365723397, 0.03567255324680481, 0.035736843054901914, 0.0371447391057208, 0.040497350814180516, 0.04613712448370104, 0.053757263645859525, 0.0625693899262361, 0.07169232653689313, 0.08034364814623542, 0.08787427840411963, 0.09375699968947358, 0.09757715138616907, 0.09903777119134434, 0.09798133575596454, 0.09443199684594611, 0.08867026439701718, 0.08136483506039922, 0.07379043858532144, 0.06806956178100468, 0.06696280127774697, 0.07242993270397438, 0.08411473707940431, 0.10009743978821607, 0.11845923271134097, 0.13783189192702136, 0.15732534807087897, 0.176368516130301, 0.19459629503031592, 0.2117804631893996, 0.2277872093294123, 0.24254971438995104 ], [ 0.09933909321726478, 0.09002201431842535, 0.08234377821909875, 0.07606803044324163, 0.07086423768485156, 0.06645087994424424, 0.06271683402474205, 0.05973960203534371, 0.05764858422269745, 0.05637865623579902, 0.055530577579581845, 0.05452186805475047, 0.05286756811350398, 0.05036896988650673, 0.04716344944606467, 0.04365978857031027, 0.04038049883854603, 0.037762849376706965, 0.036021580317893036, 0.03516693812478691, 0.0352786387210622, 0.03679913004660347, 0.040379253355573665, 0.04632802432034753, 0.054268716171190834, 0.06336242718928979, 0.07269700327731246, 0.08147121097786272, 0.08902597077632748, 0.09483130430987091, 0.09847475730208248, 0.09966318893611852, 0.09824064085923782, 0.09422678341219841, 0.08788894300896681, 0.07987660702441397, 0.0714627440256325, 0.0648643156870661, 0.06313470488541467, 0.06853157658243067, 0.08059218520796385, 0.09709263285306585, 0.11594385068433655, 0.1357316096641805, 0.1555668381261655, 0.17489052288942994, 0.1933497925340519, 0.2107264192441102, 0.22689430867225, 0.24179253858642527 ], [ 0.10090257424281274, 0.09104332069784744, 0.0827108606680369, 0.07572945816445951, 0.06983293182380482, 0.06479238729562764, 0.060538459409013964, 0.05719172959612826, 0.054926646931967346, 0.05369259815851852, 0.053041536208879, 0.05231188662940342, 0.05095561898813529, 0.04874154574715684, 0.04580107738590475, 0.04255161844570022, 0.0395165964064279, 0.03710474447905514, 0.03549004727171819, 0.03468529996120664, 0.03483820941699353, 0.036482195488008955, 0.04030463408830362, 0.04655951238977066, 0.054795581544156154, 0.06413521957851301, 0.07364910570745027, 0.0825262245833912, 0.09010221220122218, 0.09584651296577999, 0.09935015259795181, 0.10032546779687357, 0.09862103643590353, 0.09425685860912923, 0.08749346249473314, 0.07896639285153301, 0.06994126503409104, 0.06269180110010768, 0.06048707540842511, 0.06582668912023323, 0.07816166713361195, 0.09502904290969644, 0.11421814806949071, 0.13428767455241472, 0.1543528044557422, 0.17386456294866381, 0.19247915642866845, 0.20998538452873813, 0.226262389467072, 0.2412531468792747 ], [ 0.10202564769820566, 0.09164377381048959, 0.08271340836416648, 0.07511681958622991, 0.06864371663216949, 0.06310428398671807, 0.05845293352028492, 0.05483321342682553, 0.052448612273181414, 0.051259746636289995, 0.05077948102168824, 0.05028544284928567, 0.049183867837117, 0.04722188249584906, 0.04452854513619973, 0.041527869962396484, 0.03873778014514291, 0.036527743876678315, 0.03502472358366329, 0.03425067835250049, 0.03443434769822568, 0.03620529426398232, 0.04027551639502206, 0.04682778058823448, 0.055334026017581854, 0.06488640830316245, 0.07454895051378906, 0.083508412216911, 0.0910996137196204, 0.09679396765716444, 0.10018784146607462, 0.10100134744383345, 0.09909130998638983, 0.09448401827504797, 0.08744191568149509, 0.0785969437560849, 0.06921127604498559, 0.06158527944968951, 0.05910197643793335, 0.06439620384262741, 0.07686913154620892, 0.09392318819807673, 0.1132827956821678, 0.13349387700538248, 0.1536747575123037, 0.17328200287241038, 0.1919765133695487, 0.20955055769502604, 0.2258857583268885, 0.2409268688392944 ], [ 0.1027247574261477, 0.0918370679473869, 0.08235930460159402, 0.07423230920058256, 0.0672971490304127, 0.06139218178897925, 0.056477468979709136, 0.05269559813215776, 0.05025548164921378, 0.049119516428424576, 0.048776149175256425, 0.04846812532632072, 0.04757657579464394, 0.045837277955797166, 0.04337748934163835, 0.040621039570825274, 0.03807061762564619, 0.03604800632690962, 0.03463434396394226, 0.03386994242446593, 0.03407264163998478, 0.035968836224421014, 0.040284518972302515, 0.0471206236639972, 0.055872640674468475, 0.0656083144683597, 0.07539200199156212, 0.08441402678419774, 0.09201241978804993, 0.09766329704110542, 0.10097062446567584, 0.10166497743331855, 0.09961547300319609, 0.09486104885370947, 0.08767563739940386, 0.07870023918748366, 0.06920313657202547, 0.06148936190120992, 0.058948004577984124, 0.06421504188546215, 0.07668261390478043, 0.09373999335403349, 0.11310488985357817, 0.1333217815517363, 0.15350911365068343, 0.1731237030941465, 0.19182652081623894, 0.2094097330429014, 0.22575475439764664, 0.24080608623116498 ], [ 0.10302393362020786, 0.0916445555921423, 0.08166379489507938, 0.07308410689766225, 0.06579668814237269, 0.05965951688984377, 0.05462029921169943, 0.05079425418072701, 0.048367229250069074, 0.047289038193382156, 0.04704306526473698, 0.04686822367404177, 0.04614280433263391, 0.04460058688821297, 0.04236477992856968, 0.03984783846784736, 0.03752440320166371, 0.03566422766834343, 0.03431151127909997, 0.033535949929921295, 0.03374780968084828, 0.03576540137564267, 0.0403185509036943, 0.04742133079789633, 0.05639592203613757, 0.06628942420260109, 0.07617037573074514, 0.08523662104979728, 0.09283280807626791, 0.09844248394378421, 0.10167965713320849, 0.10228819983803962, 0.10015354932652144, 0.09533341070136468, 0.08812233076688096, 0.0791826117047988, 0.06979884848481026, 0.062263450281104075, 0.059875331586257276, 0.0651475057311786, 0.07749254185677451, 0.09439506895509046, 0.11362023897396065, 0.13372252508382226, 0.15381851647424763, 0.17336097253650518, 0.19200705687409567, 0.20954580191102515, 0.22585611633500893, 0.24088050339528255 ], [ 0.10295398665832595, 0.09109460904559434, 0.08064902092337564, 0.07168615734113934, 0.06414876514478712, 0.057907626380504354, 0.05287986794298836, 0.04912534409336652, 0.04677700534265883, 0.04575874361387973, 0.045569050815796285, 0.04547519373131189, 0.04487486218804744, 0.04350797511847715, 0.04148944440359349, 0.0392063653616638, 0.03709013846144212, 0.0353591924510595, 0.034035861764293115, 0.03323084295878263, 0.03344643278341806, 0.03558240699985293, 0.04036162794303773, 0.047711813468975926, 0.056887310783895154, 0.06691682962584429, 0.07687453193455124, 0.08596811366141652, 0.09355152885453978, 0.09911828704322524, 0.10229486501705284, 0.10284119480939732, 0.10066276976943903, 0.09584149534750594, 0.08870032727780162, 0.07993281257417846, 0.07084711013160262, 0.0637073755924041, 0.061649819948349616, 0.06697587129110694, 0.07912977682856975, 0.09576518741227047, 0.11473949101741866, 0.13463053922624504, 0.15455419407229243, 0.1739571169064637, 0.19249026798524174, 0.2099374785172807, 0.22617349452717872, 0.24113751397455643 ], [ 0.10255181622759085, 0.09022217207411086, 0.0793438678296896, 0.07005842020741192, 0.062363597598060906, 0.0561372007029837, 0.051246772815689186, 0.04766815244035588, 0.045454237704527646, 0.04449519858857086, 0.04432293201839146, 0.04426204685694901, 0.0437499923877515, 0.04253962895356498, 0.04073226203476601, 0.03867507458892645, 0.03674128466114281, 0.03510292307787553, 0.03377827264709716, 0.03292995719974806, 0.03314950007439284, 0.03540379659932268, 0.04039679927806999, 0.047974984718380125, 0.05733160521665055, 0.0674783229480972, 0.07749488321515359, 0.08659994254681612, 0.09415873381019968, 0.09967690853228658, 0.10279563256852829, 0.10329341043350673, 0.10109905573130684, 0.09632319700059967, 0.08932329686929712, 0.0808311063195877, 0.0721815468461385, 0.06559620154403605, 0.06400346863171921, 0.0694455135437821, 0.08139355850363672, 0.0977036760469111, 0.11635671464077459, 0.13596857261822953, 0.1556590503641915, 0.17486942452500828, 0.19324388872449746, 0.2105602007078809, 0.22668807869067462, 0.2415626453208696 ], [ 0.10185973296181437, 0.08906837104839271, 0.07778398158872124, 0.06822744681360081, 0.06045658010372892, 0.05435086795701245, 0.04970810827567846, 0.04639212382132236, 0.044354558966328235, 0.043450450186051946, 0.043261168242353536, 0.04319150699091355, 0.04273532900581986, 0.041663817595410164, 0.040059219071998206, 0.03821569059818717, 0.03643781065436694, 0.03485767669250563, 0.033505937551352206, 0.03260632814553106, 0.032835325008739036, 0.03521134118630292, 0.040407971416385906, 0.048196701850372954, 0.05771677927288627, 0.0679640111239641, 0.07802314089107086, 0.08712414735126327, 0.09464486674657914, 0.10010480620452762, 0.10316167987719209, 0.10361468955568273, 0.10141866856580074, 0.0967165532810053, 0.08990479933334508, 0.08175767578001789, 0.07363696448960902, 0.06771013031911541, 0.06667697263464754, 0.07230534447072848, 0.08407882796227008, 0.10005641974623952, 0.11835865744764132, 0.13765322760506443, 0.15707111462537493, 0.17605139631117084, 0.19423272788689017, 0.21138714465350458, 0.2273793041894285, 0.2421400577622066 ], [ 0.10092470218229492, 0.0876800506754467, 0.07601178442464698, 0.06622707563203406, 0.0584499534043708, 0.052556360123476635, 0.04825303431701895, 0.045265860382292696, 0.04343151644352737, 0.042574221195286026, 0.04233839166430653, 0.042224697065103456, 0.041795298258724994, 0.04084378159099083, 0.03942879766485316, 0.037781784889447965, 0.03613408539589934, 0.03458439235309354, 0.03318791182339726, 0.03223577275546287, 0.03248414950486228, 0.034988448128729754, 0.0403825706607064, 0.048367531866115254, 0.05803526889360636, 0.06836740904469712, 0.07845330594850825, 0.08753427742573455, 0.0950015206839193, 0.10038956518715228, 0.10337404892401601, 0.10377651146828788, 0.10157991656441157, 0.09696226791697213, 0.09036227148054812, 0.0825993210332877, 0.0750609244003228, 0.06985318839943103, 0.06944444088161841, 0.07533310898623514, 0.08699618345859181, 0.10267517743018544, 0.12063315749740032, 0.13960028365189148, 0.158726981652296, 0.17745502332689084, 0.19542021016414726, 0.21239028835549018, 0.22822559731463732, 0.24285307370485457 ], [ 0.09979743933989413, 0.08610910180720294, 0.07407629157429907, 0.06409898582567156, 0.056374361571000675, 0.050769550100565726, 0.04687816006406349, 0.04426560427245985, 0.042647479189613986, 0.04182568815530861, 0.04151827009849051, 0.04133053705114609, 0.04090003849973073, 0.040046039814690744, 0.03880112504362124, 0.037328914748029504, 0.035787837974320176, 0.034249338139853126, 0.032800399402741376, 0.03180195591593205, 0.03208379134788999, 0.03472574819350929, 0.04031472108492125, 0.04848423278861361, 0.058284707722653914, 0.06868599910554095, 0.07878226956066321, 0.0878260723519843, 0.09522220072956424, 0.10052076680269899, 0.10341613608811383, 0.10375328144731671, 0.10154484013738069, 0.0970060054925011, 0.09062027819825706, 0.08325419208598327, 0.0763204529047002, 0.07186153141268625, 0.07212248385490963, 0.07834614240807473, 0.08998309073624985, 0.10542680377957477, 0.12307580339898447, 0.1417292871506099, 0.1605649468813267, 0.17903294060065977, 0.19676987139667185, 0.21354146146589645, 0.22920512023785902, 0.2436847113078961 ], [ 0.09853132125352386, 0.08441146900644737, 0.0720325214102506, 0.06189280978659617, 0.054269856739836426, 0.04901663497326544, 0.04559154753403524, 0.04338158435440171, 0.041981907689737724, 0.04118267952271677, 0.0407825362841381, 0.04049407299343013, 0.04003327047696347, 0.039248383423725566, 0.03814650050716897, 0.036823036125803156, 0.03536742736774096, 0.033829520658956114, 0.0323308755833721, 0.031300326000901664, 0.03163395757232313, 0.034424909706388424, 0.04020751196345043, 0.04855049960395082, 0.05846800093339561, 0.06892125473883766, 0.07901003117463212, 0.08799790498588768, 0.09530296494428404, 0.10049081547264953, 0.10327472605349007, 0.10352362131827046, 0.10128082996618638, 0.09680042440604954, 0.0906130482278668, 0.08363481592405714, 0.07730506788576136, 0.07360506435664728, 0.07457012392735857, 0.08120282643823014, 0.09290824254558752, 0.10819853114164643, 0.12559457697454338, 0.1439671409684248, 0.16252764342407025, 0.18074032873316898, 0.19824672370830806, 0.21481332691639826, 0.23029647985722804, 0.24461819898966183 ], [ 0.09718113141505995, 0.08264577793409775, 0.06994030896935523, 0.05966549159353447, 0.05218589961451906, 0.04733482258456758, 0.044414508717444436, 0.04262129862879192, 0.04143591302166153, 0.040647065840044884, 0.04013676117477609, 0.03972232503307497, 0.0391982626336483, 0.038446102282268045, 0.03745170114288982, 0.036246172207822516, 0.03485642967760416, 0.033315945817832926, 0.031780251878869396, 0.030739829525071566, 0.031147667352253876, 0.03409950717769156, 0.040073238386422266, 0.0485764887756045, 0.05859262012795833, 0.06907815359805314, 0.07913958112691923, 0.08805101275518988, 0.09524294338401713, 0.10029570575230583, 0.10294100037076138, 0.10307163504301703, 0.10076216575215902, 0.09630697610497592, 0.09028643894255532, 0.0836699110073022, 0.07792759496539912, 0.07498586391331237, 0.07668494183408041, 0.08379970332511688, 0.09567175705818301, 0.11090024074168554, 0.12811265599494878, 0.14625064426842052, 0.16456409015758813, 0.18253648297057853, 0.1998184299522882, 0.2161802511911586, 0.2314793704419275, 0.24563744993430076 ], [ 0.09580173145311685, 0.08087162289878894, 0.06786240791982277, 0.057479608907833976, 0.050179942362298724, 0.04577103226417617, 0.043380755250467855, 0.04200933928532096, 0.041032657145259596, 0.04024573670023871, 0.03961197534337514, 0.039046580625395295, 0.03842083482724089, 0.03765547730723412, 0.036723380944668815, 0.035599126640299, 0.03425549860549014, 0.03271448709154027, 0.031162623368162123, 0.030141739424768655, 0.030649213554542244, 0.033772687387895975, 0.039931251590349666, 0.048576892700865376, 0.058669118747922085, 0.06916427126853415, 0.07917653595024972, 0.08798957188217159, 0.09504475675464567, 0.09993572802676998, 0.1024115087940479, 0.10238814109059306, 0.09997149009972922, 0.09549754193727474, 0.08959953462304793, 0.08330551222571889, 0.0781239910330458, 0.07593569088776532, 0.07839857846012414, 0.08606735998106833, 0.09820337997428862, 0.1134647763894759, 0.1305697598726161, 0.14852807501060464, 0.1666311413070263, 0.18438601342707828, 0.20145625042282025, 0.21761903274100236, 0.23273512689336212, 0.24672747960745686 ], [ 0.09444683349743296, 0.07914771131131189, 0.06586194350006391, 0.05540049215028639, 0.04831431544511552, 0.044378409738481964, 0.04253291209242518, 0.04158382359879831, 0.040813547812329945, 0.04002687585992777, 0.039261488272899284, 0.03852023915490468, 0.03774854220056642, 0.03691391985138925, 0.03598834561926206, 0.034901393034370565, 0.03358183504361668, 0.03204461931871559, 0.03050261920570219, 0.029535493988750397, 0.030168826973467854, 0.033471963661719055, 0.039803655509762934, 0.04856774126886589, 0.058709082432719835, 0.06918864025164272, 0.07912865497676516, 0.08782068988485905, 0.0947148693103528, 0.09941612140843564, 0.10168910093208822, 0.10147187531810033, 0.09890125040487545, 0.09435600479045862, 0.08852610095617318, 0.08250586601759963, 0.0778530184956461, 0.07641381399235332, 0.07967297832588552, 0.08796658649535773, 0.10046002997692817, 0.11584714874122987, 0.13292244789424387, 0.15075997363281096, 0.16869438073607684, 0.18625967443641095, 0.20313574557497185, 0.21910947034858633, 0.23404717271082628, 0.2478747536082785 ], [ 0.0931681127810257, 0.07753025331060658, 0.06399961956186118, 0.05349224930615889, 0.046651456950657366, 0.04321103507328729, 0.04191702694340898, 0.04139001849311174, 0.04083058674987236, 0.04005157304075354, 0.03915255484444206, 0.03821158005133199, 0.03724536314313736, 0.036276310195414066, 0.035290629895779545, 0.03418851017701878, 0.03286670167581472, 0.031336589732243916, 0.029831093136914347, 0.028952202844319985, 0.02973535095972943, 0.03322219382750579, 0.03970960051780511, 0.048562596309401615, 0.0587229755403972, 0.06916064806836189, 0.07900539484237504, 0.0875544007161066, 0.09426391451233036, 0.09874768484584416, 0.10078381808278544, 0.1003306720197429, 0.09755514963075321, 0.09287986411936203, 0.08705611615716002, 0.08125447591681488, 0.07709631473960825, 0.0764057033225028, 0.08049781178635096, 0.08948534066013687, 0.10242335703833257, 0.1180231894197903, 0.1351437107450704, 0.15291929649452618, 0.17072853036906696, 0.1881348440032999, 0.2048372348963274, 0.22063476409350702, 0.23540135369344628, 0.2490674575844516 ], [ 0.09201490486698016, 0.07607212954434127, 0.062331590437214375, 0.05181346781526052, 0.0452481798644294, 0.042318209162630106, 0.041576456177221485, 0.04147244323158785, 0.0411359561329051, 0.04038158226978381, 0.03935343255008152, 0.0381917160892699, 0.03698174645325226, 0.03580733629175482, 0.034685421470497156, 0.033507161943761354, 0.032151386251256006, 0.030627677312501732, 0.02918067564310414, 0.028418598058459445, 0.029369787361446027, 0.033038711805382086, 0.039659613960682266, 0.0485693239426195, 0.05871851183819948, 0.0690892855484735, 0.07881765919627977, 0.08720374038970909, 0.09370702565315177, 0.09794735173479413, 0.0997137390308508, 0.09898262445889085, 0.09594964226478804, 0.09108200135023395, 0.08519758989505723, 0.07955562046626093, 0.07585921980180861, 0.075922813134952, 0.08088907790291977, 0.09063655796208209, 0.1040975509766923, 0.11998796141638407, 0.13722209607626054, 0.15499108574880252, 0.17271744865574348, 0.1899956871590828, 0.2065460237377172, 0.2221817503767057, 0.23678615458344787, 0.25029568511465206 ], [ 0.09103463753001145, 0.07482332244855389, 0.060909276635270536, 0.05041506088933748, 0.04415175799740668, 0.041740759099379666, 0.04154702594672939, 0.04186745049387828, 0.04177110291807038, 0.041065382446992545, 0.03991821493287431, 0.038519893615785616, 0.0370211817324714, 0.035570333671948604, 0.03423034197151403, 0.0329085594450317, 0.03148198655979342, 0.029957977521807937, 0.02858233633227562, 0.027954718808160306, 0.02908246854552095, 0.032923978054014556, 0.03965292066745846, 0.048588813111263805, 0.0587001262211896, 0.06898300388390691, 0.07857786461895785, 0.08678495706171148, 0.09306418711292043, 0.09703871923368328, 0.09850575787134727, 0.0974572067346104, 0.09411549014574357, 0.08899268429445317, 0.0829788670935948, 0.07743663465237569, 0.07417263500889197, 0.07500351272734895, 0.08088869868527411, 0.09145661454209053, 0.10550738850184721, 0.12175404875659225, 0.1391605142395486, 0.15697176795288934, 0.1746537896603896, 0.19183304225618952, 0.20825241737841968, 0.22374097915727367, 0.23819280103861415, 0.251551543218939 ], [ 0.09027394528154799, 0.07383274107824882, 0.05978192435063063, 0.04934335189527039, 0.043402464083096844, 0.04151144340531155, 0.04185511545807466, 0.04259851491765689, 0.04275877486087249, 0.04212661221422654, 0.04087431110529946, 0.03923055498220561, 0.037406627498457, 0.03561453420900533, 0.03397571904725738, 0.032441172668317204, 0.030903517876322072, 0.029365854745407507, 0.02806270341723521, 0.027573619896391184, 0.0288740147554698, 0.03286967784693019, 0.03967969451236735, 0.048616260209348755, 0.05866980429584091, 0.06885029661986974, 0.07830037302220189, 0.08631787029177418, 0.0923605964438545, 0.09605250143775936, 0.09719624553187896, 0.0957963024962565, 0.09209934615416092, 0.08666185161685785, 0.08045158053322549, 0.07495122344585202, 0.07209613123836388, 0.0737151119654588, 0.08056479197793015, 0.09200412692271905, 0.10669636899210683, 0.12334972953936892, 0.140974796539013, 0.15886815970895543, 0.1765383829755358, 0.1936440697367019, 0.20995154586777698, 0.22530664635736714, 0.23961525347381066, 0.25282917838620295 ], [ 0.08978015143204665, 0.07315097715433642, 0.0590012526628044, 0.04864702524469149, 0.04304071708713662, 0.04165916499600683, 0.0425191448795, 0.04367565641994785, 0.04410112039154522, 0.04356121198776611, 0.04221815903895385, 0.040327079236301085, 0.03815211249498888, 0.03596556201103828, 0.033956798106426156, 0.032144442776321155, 0.030454328850778447, 0.02888326772201434, 0.027641868994752447, 0.027281888553616653, 0.028738394603237453, 0.032861508017333944, 0.03972578344046542, 0.04864439439925951, 0.05862909028341069, 0.06870093774206244, 0.0780022515030126, 0.08582634573132122, 0.09162699588532072, 0.0950268468585617, 0.09583150922408187, 0.09405502862245285, 0.08996524948074522, 0.0841616157318619, 0.07769432408587007, 0.07218400667908982, 0.06972241988073781, 0.07215674600829189, 0.08001215064733584, 0.09235867693975307, 0.10772471319866427, 0.12481696796921934, 0.1426920293215021, 0.1606962318792949, 0.17837938405734305, 0.19543170120041584, 0.21164302534157373, 0.22687639768454582, 0.24105010251043726, 0.2541247286761581 ], [ 0.0896025708737363, 0.07283296820621053, 0.058626205591522595, 0.048383910655270916, 0.04311408596588419, 0.04221456103507681, 0.043553463010600035, 0.04509872861239982, 0.04578393091911591, 0.04534352931753923, 0.04392019277751356, 0.04178430578159275, 0.039243134254576255, 0.03662421650040502, 0.03419045505411899, 0.03204508236093194, 0.03016255516805859, 0.028532629806902493, 0.02733260304707399, 0.02708085562666009, 0.028666333901122682, 0.03288402831245544, 0.039777707323009, 0.048667508754872864, 0.058581788451732106, 0.06854764708788026, 0.07770423522516029, 0.0853388024910683, 0.09089989840271458, 0.09400742803190187, 0.09446791715965701, 0.09230216108079586, 0.08779577920589499, 0.08158872194445549, 0.07481688491554857, 0.06925625644151708, 0.06718298719714952, 0.07046249962139924, 0.07935220310081738, 0.09261895720458843, 0.10866696320054259, 0.126209131891154, 0.14434866209199615, 0.1624796674149459, 0.18019123667361572, 0.1972039245339598, 0.21333048251100806, 0.22845102231546177, 0.24249637815443587, 0.25543620957704694 ], [ 0.08979298493294623, 0.07293928200096483, 0.05872544772913841, 0.04862441826484516, 0.04368109621737278, 0.04321412200436874, 0.044972665370704566, 0.04686274036846987, 0.047784110920738226, 0.04743587687831318, 0.045935030854505586, 0.04355766474458835, 0.0406441237351898, 0.037571286464615834, 0.03467652316362249, 0.03215657700200837, 0.03004579473628719, 0.028327903685638846, 0.02714191916537299, 0.026968654660475516, 0.028648124416114404, 0.03292493743999033, 0.03982726233761422, 0.048685435685014995, 0.05853679925104328, 0.06840786397054863, 0.07743170659645096, 0.08488862992717629, 0.09022160338771004, 0.09304717967687799, 0.09317150552956596, 0.09061987025593389, 0.08569241386424341, 0.07906634871016505, 0.0719643564699331, 0.0663321428940947, 0.06465390273593397, 0.06880342124237021, 0.07873138397487099, 0.09289976061684825, 0.10960892708814426, 0.12758834764574933, 0.145988384442324, 0.16424824212607997, 0.1819934852929315, 0.19897293956990333, 0.215020969555768, 0.2300340563305686, 0.2439552865331644, 0.2567633429193739 ], [ 0.09040473310824965, 0.07353490030945091, 0.05937567443227195, 0.0494492940190929, 0.04480958955966615, 0.044700698084342766, 0.046794359037274934, 0.04896291839330815, 0.05007714887955824, 0.04979794223162977, 0.04821239417818336, 0.04559450240539779, 0.04230867329702014, 0.03877498620083377, 0.035401993020706936, 0.03248109635535585, 0.030112848337036716, 0.02827744958990049, 0.02707417281067893, 0.026943507298155724, 0.028677180537915917, 0.03297926233670367, 0.039875555151755226, 0.04870696511925201, 0.05851060373621094, 0.06830529218381516, 0.07721547467752696, 0.08451436616522326, 0.08963987751198549, 0.09220554038574091, 0.09201684483523594, 0.0891023746158163, 0.08377440104642249, 0.07674409689748639, 0.06931947671672545, 0.06362338157720371, 0.06235918106478667, 0.06738594897592541, 0.07831651215566106, 0.09332725043110977, 0.11064377390672735, 0.12902244293308196, 0.14765978234090085, 0.16603606183527123, 0.18380947556288513, 0.20075421867568896, 0.21672429711051772, 0.2316313167289337, 0.24542988918042452, 0.25810733930676316 ], [ 0.09149016854382469, 0.07468498005352692, 0.06065490221220008, 0.05094084009896354, 0.0465689466195596, 0.04671958239460026, 0.04903919238442535, 0.05139786494047646, 0.05264259968992988, 0.052393982053467035, 0.05070589296034861, 0.04784392827840865, 0.04418903329869161, 0.04019855361743972, 0.03634604584872926, 0.033012281956603745, 0.030365478660143955, 0.02838595302859615, 0.027133860731847932, 0.02700761380873359, 0.02875518569675889, 0.03305352662293006, 0.03993626969608013, 0.04875236501131289, 0.058529012812782645, 0.06827091348495505, 0.0770921439957605, 0.08425948828946003, 0.08920717504783456, 0.09154705447514984, 0.09108493791753197, 0.08785307262854797, 0.08217523491648063, 0.07479438377003315, 0.06710005689820092, 0.06138770273661386, 0.06056649903823737, 0.06644309476752223, 0.07828574579262716, 0.09403214305564155, 0.11186722245179648, 0.1305814996081785, 0.1494138156256947, 0.16787970113509942, 0.18566498474455306, 0.20256550771906284, 0.21845231352176867, 0.2332503874063996, 0.24692474054796354, 0.25947064526749175 ], [ 0.09309668486932487, 0.076448026373031, 0.06263162750507467, 0.05316918638261963, 0.049017852552137225, 0.049311034664485255, 0.0517281446667251, 0.054170260309621146, 0.0554669198048104, 0.05519709135908197, 0.053378630495800335, 0.050263547775166624, 0.046243127391145285, 0.04180642442307917, 0.03748446594014588, 0.033737721232899816, 0.030799266234430033, 0.028654803780120502, 0.02732678752394138, 0.02716970993556141, 0.02889560794523018, 0.03316875667532102, 0.04003773382191935, 0.048854683104762396, 0.05862788765400603, 0.06834323425171257, 0.07710389998777158, 0.0841716884749532, 0.08897929828476349, 0.09113923174049628, 0.09045998684996903, 0.08697979326869759, 0.08103585644705542, 0.07340311071953416, 0.06554697097933607, 0.059913784820213485, 0.05956779394719438, 0.06621472686942947, 0.07881442017878983, 0.09514090106973914, 0.11337198583035711, 0.13233413488523035, 0.1513011995837466, 0.16981630516209886, 0.1875868296138426, 0.20442580448804998, 0.22021815894421842, 0.23490007866039336, 0.2484454996781964, 0.2608566666829189 ], [ 0.09526201663291568, 0.07886797471814155, 0.06535267192293322, 0.056177610271955426, 0.05219134821480924, 0.05250160897012758, 0.05487814241832219, 0.057285505690545975, 0.05854391998747419, 0.058190815994085966, 0.05620584645000437, 0.05282311052489012, 0.04843891489620948, 0.043568685667765096, 0.03879308860674777, 0.03464087368890988, 0.031404252874167704, 0.029081637892275754, 0.027659409648623078, 0.02744528495700691, 0.02912439528556353, 0.03336129143986491, 0.04022326382179092, 0.0490595214012893, 0.05885263883130474, 0.0685676276769692, 0.07729760727667187, 0.08430156460805238, 0.08901346005916809, 0.09104965771880418, 0.09022503288053349, 0.08658810576457561, 0.08049420191145376, 0.07275319162271786, 0.06489875600281798, 0.05948560099265601, 0.059639268489916734, 0.066916461471456, 0.08005691263717514, 0.09676575128142093, 0.11524190075077262, 0.134343734030345, 0.15336981564509275, 0.17188173218688754, 0.18960150497448283, 0.20635435305822497, 0.22203552286069342, 0.23658988152100682, 0.24999853179872775, 0.2622694800293473 ], [ 0.09800985617407493, 0.08196738048373138, 0.06883376072979801, 0.059971808656489455, 0.05609147158579647, 0.05629737877969281, 0.05849765171280443, 0.060749228993559314, 0.06187354859996633, 0.06136880893746714, 0.059175363256153427, 0.0555058544378067, 0.05075676920355485, 0.04546444102911264, 0.04025133027163239, 0.035703655317915674, 0.03216750439272705, 0.02966129660394733, 0.028137897302020883, 0.027855465643636147, 0.029478403079186123, 0.03368122305506514, 0.04054943727590721, 0.04942310137256927, 0.05925647255576908, 0.06899476404960728, 0.07772321326997493, 0.08470073743230766, 0.08936580808152256, 0.09134249730501116, 0.09045674816063928, 0.08677318359115048, 0.08067191124842642, 0.07300210776891435, 0.06535417184550836, 0.06032817352178441, 0.06098638198606869, 0.06870380772897383, 0.08212821238929958, 0.09899509231754065, 0.11754640858915928, 0.13666494261880877, 0.1556623085589879, 0.17410882669733532, 0.19173390945949398, 0.20836969290011098, 0.2239179328983403, 0.2383294373896039, 0.25159051497637025, 0.2637135425886765 ], [ 0.10134683957262026, 0.08574375942088207, 0.07305638516265096, 0.0645178396943064, 0.06068560163441914, 0.06068162342217405, 0.0625837684671968, 0.064564661707958, 0.06545980276087575, 0.06473327409009375, 0.06228662191330825, 0.05830837123553618, 0.05319061843070159, 0.047484778990401974, 0.0418472662368133, 0.03691304145597887, 0.03307958886295048, 0.030391035244918464, 0.028770850513182143, 0.028426665958577117, 0.030003066732874215, 0.03418898414708651, 0.04108228546651521, 0.050008778709460744, 0.05989759293536037, 0.06967827413698537, 0.07843156257768101, 0.08541951036966283, 0.09008859300136225, 0.0920747162738208, 0.09121998626545778, 0.08761140617003098, 0.08166062114893528, 0.07425869278633626, 0.06703387458757992, 0.06255472024141553, 0.06369628106990852, 0.07164536858307816, 0.08509055648600561, 0.10188623568958804, 0.12033615915873642, 0.13934076049428548, 0.1582140390562696, 0.17652591567381803, 0.19400621485781333, 0.21048879989676952, 0.22587810105044367, 0.24012804198419951, 0.2532280658772015, 0.26519341205192815 ], [ 0.10526158645619484, 0.09017001362229358, 0.07797182083027575, 0.06975058979931623, 0.06591411757718128, 0.06561752755814478, 0.06712156642122262, 0.06873064579041628, 0.06930843740634948, 0.06829280292707895, 0.06554889525868221, 0.061239549612416726, 0.05574824091554402, 0.04963536159544065, 0.04358362324734073, 0.03827032951152652, 0.034144191514006265, 0.031279904057552974, 0.029576923650457238, 0.029193352371837192, 0.03075157521598676, 0.03495122177113969, 0.041892016662847295, 0.05088274949138137, 0.06083582413010037, 0.07067192908609651, 0.07947183631273773, 0.08650429319222705, 0.09122728029301458, 0.09329250339058254, 0.0925629563027738, 0.08915338891093068, 0.08351142349559207, 0.07656718397948738, 0.06995882408261929, 0.06614586699603474, 0.06772667491073558, 0.07571792741135447, 0.08894952122485679, 0.1054620811271976, 0.12364039748200516, 0.14240054046649706, 0.16105154454590254, 0.17915561204873479, 0.19643692955510772, 0.21272635235696466, 0.22792735038177095, 0.24199420037845643, 0.2549173971169655, 0.26671348487771407 ], [ 0.10972588285318885, 0.09519839075481724, 0.08350983042093947, 0.07558675867221322, 0.07170188396925929, 0.0710540432771058, 0.07208549991551073, 0.07324062188635945, 0.07342492579987447, 0.07206002871399764, 0.06897904602288399, 0.0643188543784279, 0.058450705051413115, 0.05193797518692811, 0.045482426555806636, 0.03979872193348185, 0.03538756954708938, 0.03235884140031293, 0.030594167850844022, 0.030204922286629205, 0.0317867737988831, 0.03603821684612142, 0.04304861114387916, 0.052110143256329795, 0.06212922351772847, 0.0720266921822438, 0.08088890599989423, 0.08799508752503782, 0.09281797869004028, 0.09502843811507208, 0.0945139210741706, 0.09142008162872801, 0.08623069360376436, 0.0799048734158929, 0.07405632097239921, 0.07097291527597943, 0.07293669904833576, 0.08082439810854855, 0.09366029134709736, 0.10971228510001467, 0.12746647257335922, 0.14585908230947237, 0.16419161528306828, 0.18201398848308775, 0.19904019556239785, 0.21509414843184899, 0.23007514095243525, 0.24393524698492802, 0.2566640166814182, 0.26827776140876636 ], [ 0.1146975426600643, 0.10076642204954737, 0.08958835007153074, 0.08193619673955739, 0.07796807923999233, 0.07693230499601701, 0.07744203428071918, 0.07808256889199652, 0.0778129025184434, 0.07604936545173417, 0.07259904131211606, 0.06757401550273462, 0.061330732577913556, 0.054430226318318724, 0.047586619520700514, 0.041547099499478615, 0.0368643995926574, 0.03368751478217363, 0.03188691967364248, 0.03153153412684399, 0.03318368687895098, 0.03752392432128094, 0.04462034389986323, 0.05375220814673832, 0.0638310912321194, 0.07378797203667688, 0.0827209104119387, 0.08992335142774267, 0.09488554701037806, 0.09729986216053843, 0.09708005008845554, 0.09440282551038226, 0.0897833711204922, 0.08419354806757018, 0.0791882119807536, 0.07684563519535825, 0.0791349957681163, 0.0868233421837248, 0.09914087140195116, 0.11459822380001676, 0.13180138025363092, 0.1497168530408446, 0.16764102724193758, 0.18511015401937866, 0.20182534288456339, 0.2176006924130054, 0.2323287082020791, 0.2459570407694455, 0.2584724775174333, 0.26988964414565036 ], [ 0.1201241866948239, 0.10680317215276385, 0.09612161394441801, 0.08870973867328019, 0.08463288803633891, 0.083190928507244, 0.08315259797036863, 0.08323963118808468, 0.08247314158136132, 0.0802749846948022, 0.07643336168950683, 0.07103816369600562, 0.06442980642932872, 0.05716284616775033, 0.04995778156117348, 0.04358855051947968, 0.038657374008838015, 0.035354447480291894, 0.03354593813220072, 0.033263771721706095, 0.03502863349843868, 0.03948512641778959, 0.04667260066904233, 0.05586409894767332, 0.0659874546827794, 0.0759933066483132, 0.08499731852260657, 0.09231050694558345, 0.09744263423819692, 0.10010868276613812, 0.10024855184705025, 0.0980671058574957, 0.09410208051673573, 0.08931889135809402, 0.085185443433823, 0.08355746958609342, 0.08612070624362492, 0.09355696988518708, 0.10528734688254775, 0.12006019260038249, 0.13661487512106452, 0.15396120167581273, 0.17139689948847647, 0.1884462307346572, 0.20479670651009046, 0.22025095698077055, 0.23469282074876888, 0.24806374197718867, 0.260346182751587, 0.2715517737983233 ], [ 0.12594718246109152, 0.11323464922563661, 0.10302583542423999, 0.09582376030159093, 0.09162136629280028, 0.08976969185148921, 0.08917622618360037, 0.08869110479250197, 0.08740300960892824, 0.08474911121570099, 0.08050643285906886, 0.07474652793102558, 0.06779408071379817, 0.06019456746536677, 0.052669735752768725, 0.04601293294104634, 0.040869055264324355, 0.03746826272995455, 0.0356793228682644, 0.03550390348352401, 0.03741224596519432, 0.04199665778602036, 0.04926460202174775, 0.058492369541075014, 0.06863490520984987, 0.07867059775190237, 0.0877376486345603, 0.0951672389307571, 0.10048973114883242, 0.10344253607854215, 0.10398967160640324, 0.10235875675528089, 0.09909884583506746, 0.09515038542114447, 0.09187585755730766, 0.09091443919312611, 0.09370797630785908, 0.10087074439011792, 0.11198728491402249, 0.1260251271432576, 0.14186348145779853, 0.15856831392460097, 0.1754475788758058, 0.19201769324210083, 0.20795369254367135, 0.22304631765595034, 0.23716965797673273, 0.2502576724567592, 0.2622872492253276, 0.2732659058692513 ], [ 0.132105190875438, 0.11998787673422617, 0.11022261569179463, 0.10320234682452918, 0.09886527826063346, 0.09661175380615342, 0.09547160733280725, 0.09441350525382552, 0.09259628429411736, 0.08948067725377151, 0.08484022766193888, 0.0787329413438423, 0.07146947667613403, 0.0635851584670598, 0.05579874937351803, 0.04891406893679012, 0.04360651146985721, 0.04014064950186653, 0.0383952541278264, 0.038349954485965135, 0.0404169845970968, 0.04512288536032885, 0.052444067777078315, 0.06167191531318539, 0.07179872964473809, 0.0818369467113624, 0.0909509028072475, 0.09849359038730314, 0.10401612302460626, 0.1072769792384112, 0.10826078926983691, 0.10721099801530022, 0.10467626027064976, 0.10155676247562356, 0.09910076644623848, 0.0987479982121696, 0.10173609859421676, 0.10862403214198181, 0.11912946304624636, 0.13241354087870144, 0.14749472995771498, 0.16350559512585536, 0.17977391080025482, 0.19581400634922178, 0.21129106346464455, 0.22598464565130133, 0.2397588014808224, 0.25253925757850476, 0.2642964293057781, 0.2750328286616582 ], [ 0.13853702652181743, 0.12699361038366772, 0.11764064617343982, 0.1107779632570973, 0.10630366682550216, 0.1036647819094866, 0.10199849203181885, 0.10038153855278051, 0.0980432248723207, 0.09447435162904656, 0.08945220191148177, 0.08302651298993692, 0.07549663946925078, 0.06738781236554256, 0.05941218746486851, 0.05237399072327364, 0.04696203750536949, 0.04346551518465889, 0.04178179188562582, 0.041877682342801384, 0.044102909445021266, 0.048907832961938076, 0.05624126824198497, 0.06542293062064661, 0.0754914879388109, 0.08549811900717283, 0.09463567683426413, 0.1022797330726406, 0.10800149281158866, 0.1115782435666473, 0.11301078838111413, 0.11255093346306233, 0.11073621589851027, 0.10841559766485373, 0.1067220382317177, 0.10691764427776056, 0.11007100886968774, 0.11669422079637476, 0.126609851472546, 0.13914499524639146, 0.15345109356130882, 0.16873417904828938, 0.1843507372462617, 0.1998194791111099, 0.21479940019017796, 0.22906053706104845, 0.2424573289434284, 0.25490704404685044, 0.26637308840110435, 0.2768523218493593 ] ] }, { "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.0991667 (SEM: None)
lr: 0.0120372
momentum: 0.830258", "Arm 1_0
mean_accuracy: 0.558333 (SEM: None)
lr: 2.50373e-06
momentum: 0.818551", "Arm 2_0
mean_accuracy: 0.658333 (SEM: None)
lr: 8.41659e-06
momentum: 0.39277", "Arm 3_0
mean_accuracy: 0.5395 (SEM: None)
lr: 2.61993e-06
momentum: 0.617017", "Arm 4_0
mean_accuracy: 0.12 (SEM: None)
lr: 0.0232023
momentum: 0.363649", "Arm 5_0
mean_accuracy: 0.106333 (SEM: None)
lr: 1e-06
momentum: 0.0469306", "Arm 6_0
mean_accuracy: 0.870667 (SEM: None)
lr: 6.84415e-05
momentum: 0.0372687", "Arm 7_0
mean_accuracy: 0.8855 (SEM: None)
lr: 2.92938e-05
momentum: 0.652273", "Arm 8_0
mean_accuracy: 0.745333 (SEM: None)
lr: 1.1225e-05
momentum: 0.642281", "Arm 9_0
mean_accuracy: 0.904167 (SEM: None)
lr: 0.000101273
momentum: 0.313384", "Arm 10_0
mean_accuracy: 0.893167 (SEM: None)
lr: 6.24109e-05
momentum: 1", "Arm 11_0
mean_accuracy: 0.885667 (SEM: None)
lr: 5.57551e-05
momentum: 0.427673", "Arm 12_0
mean_accuracy: 0.927667 (SEM: None)
lr: 8.67024e-05
momentum: 0.675164", "Arm 13_0
mean_accuracy: 0.916167 (SEM: None)
lr: 0.000271599
momentum: 0", "Arm 14_0
mean_accuracy: 0.9195 (SEM: None)
lr: 5.0651e-05
momentum: 0.803994", "Arm 15_0
mean_accuracy: 0.946667 (SEM: None)
lr: 0.000150762
momentum: 0.837491", "Arm 16_0
mean_accuracy: 0.897833 (SEM: None)
lr: 0.000180432
momentum: 0.100658", "Arm 17_0
mean_accuracy: 0.9025 (SEM: None)
lr: 0.000169264
momentum: 0", "Arm 18_0
mean_accuracy: 0.941667 (SEM: None)
lr: 0.000288202
momentum: 0.610035", "Arm 19_0
mean_accuracy: 0.9325 (SEM: None)
lr: 0.000106739
momentum: 0.806491", "Arm 20_0
mean_accuracy: 0.534667 (SEM: None)
lr: 0.000217924
momentum: 1", "Arm 21_0
mean_accuracy: 0.941 (SEM: None)
lr: 0.000190828
momentum: 0.709935", "Arm 22_0
mean_accuracy: 0.955833 (SEM: None)
lr: 0.00029073
momentum: 0.856718", "Arm 23_0
mean_accuracy: 0.9435 (SEM: None)
lr: 0.000239539
momentum: 0.437708", "Arm 24_0
mean_accuracy: 0.924667 (SEM: None)
lr: 0.000151173
momentum: 0.590572", "Arm 25_0
mean_accuracy: 0.948833 (SEM: None)
lr: 0.000870481
momentum: 0", "Arm 26_0
mean_accuracy: 0.935167 (SEM: None)
lr: 0.000372233
momentum: 0.284759" ], "type": "scatter", "x": [ 0.012037189371826178, 2.503733217638368e-06, 8.416590006963901e-06, 2.6199250883367876e-06, 0.023202289038262724, 1e-06, 6.844151017144607e-05, 2.929384940684823e-05, 1.1224965021983023e-05, 0.00010127335070550738, 6.241086593878936e-05, 5.575506276087034e-05, 8.67024261810525e-05, 0.0002715988580201722, 5.065103100232103e-05, 0.0001507620193645359, 0.00018043247407642193, 0.0001692642237943722, 0.00028820208968210266, 0.00010673920331403824, 0.0002179240528987894, 0.00019082842477609628, 0.00029072967909178756, 0.00023953935548713526, 0.00015117331988993106, 0.0008704809983480509, 0.0003722330612843295 ], "xaxis": "x", "y": [ 0.8302575945854187, 0.8185508819296956, 0.39276978373527527, 0.6170172272250056, 0.36364928912371397, 0.04693061553433655, 0.03726865121485558, 0.6522729800982154, 0.6422808562692325, 0.31338407111844807, 1.0, 0.42767343150461085, 0.6751641214592877, 0.0, 0.8039943981484103, 0.8374912769849736, 0.10065843092246067, 0.0, 0.6100350510062663, 0.8064908426399705, 1.0, 0.7099346289794435, 0.8567184559902751, 0.4377084156240383, 0.5905716610207778, 0.0, 0.28475911902411283 ], "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.0991667 (SEM: None)
lr: 0.0120372
momentum: 0.830258", "Arm 1_0
mean_accuracy: 0.558333 (SEM: None)
lr: 2.50373e-06
momentum: 0.818551", "Arm 2_0
mean_accuracy: 0.658333 (SEM: None)
lr: 8.41659e-06
momentum: 0.39277", "Arm 3_0
mean_accuracy: 0.5395 (SEM: None)
lr: 2.61993e-06
momentum: 0.617017", "Arm 4_0
mean_accuracy: 0.12 (SEM: None)
lr: 0.0232023
momentum: 0.363649", "Arm 5_0
mean_accuracy: 0.106333 (SEM: None)
lr: 1e-06
momentum: 0.0469306", "Arm 6_0
mean_accuracy: 0.870667 (SEM: None)
lr: 6.84415e-05
momentum: 0.0372687", "Arm 7_0
mean_accuracy: 0.8855 (SEM: None)
lr: 2.92938e-05
momentum: 0.652273", "Arm 8_0
mean_accuracy: 0.745333 (SEM: None)
lr: 1.1225e-05
momentum: 0.642281", "Arm 9_0
mean_accuracy: 0.904167 (SEM: None)
lr: 0.000101273
momentum: 0.313384", "Arm 10_0
mean_accuracy: 0.893167 (SEM: None)
lr: 6.24109e-05
momentum: 1", "Arm 11_0
mean_accuracy: 0.885667 (SEM: None)
lr: 5.57551e-05
momentum: 0.427673", "Arm 12_0
mean_accuracy: 0.927667 (SEM: None)
lr: 8.67024e-05
momentum: 0.675164", "Arm 13_0
mean_accuracy: 0.916167 (SEM: None)
lr: 0.000271599
momentum: 0", "Arm 14_0
mean_accuracy: 0.9195 (SEM: None)
lr: 5.0651e-05
momentum: 0.803994", "Arm 15_0
mean_accuracy: 0.946667 (SEM: None)
lr: 0.000150762
momentum: 0.837491", "Arm 16_0
mean_accuracy: 0.897833 (SEM: None)
lr: 0.000180432
momentum: 0.100658", "Arm 17_0
mean_accuracy: 0.9025 (SEM: None)
lr: 0.000169264
momentum: 0", "Arm 18_0
mean_accuracy: 0.941667 (SEM: None)
lr: 0.000288202
momentum: 0.610035", "Arm 19_0
mean_accuracy: 0.9325 (SEM: None)
lr: 0.000106739
momentum: 0.806491", "Arm 20_0
mean_accuracy: 0.534667 (SEM: None)
lr: 0.000217924
momentum: 1", "Arm 21_0
mean_accuracy: 0.941 (SEM: None)
lr: 0.000190828
momentum: 0.709935", "Arm 22_0
mean_accuracy: 0.955833 (SEM: None)
lr: 0.00029073
momentum: 0.856718", "Arm 23_0
mean_accuracy: 0.9435 (SEM: None)
lr: 0.000239539
momentum: 0.437708", "Arm 24_0
mean_accuracy: 0.924667 (SEM: None)
lr: 0.000151173
momentum: 0.590572", "Arm 25_0
mean_accuracy: 0.948833 (SEM: None)
lr: 0.000870481
momentum: 0", "Arm 26_0
mean_accuracy: 0.935167 (SEM: None)
lr: 0.000372233
momentum: 0.284759" ], "type": "scatter", "x": [ 0.012037189371826178, 2.503733217638368e-06, 8.416590006963901e-06, 2.6199250883367876e-06, 0.023202289038262724, 1e-06, 6.844151017144607e-05, 2.929384940684823e-05, 1.1224965021983023e-05, 0.00010127335070550738, 6.241086593878936e-05, 5.575506276087034e-05, 8.67024261810525e-05, 0.0002715988580201722, 5.065103100232103e-05, 0.0001507620193645359, 0.00018043247407642193, 0.0001692642237943722, 0.00028820208968210266, 0.00010673920331403824, 0.0002179240528987894, 0.00019082842477609628, 0.00029072967909178756, 0.00023953935548713526, 0.00015117331988993106, 0.0008704809983480509, 0.0003722330612843295 ], "xaxis": "x2", "y": [ 0.8302575945854187, 0.8185508819296956, 0.39276978373527527, 0.6170172272250056, 0.36364928912371397, 0.04693061553433655, 0.03726865121485558, 0.6522729800982154, 0.6422808562692325, 0.31338407111844807, 1.0, 0.42767343150461085, 0.6751641214592877, 0.0, 0.8039943981484103, 0.8374912769849736, 0.10065843092246067, 0.0, 0.6100350510062663, 0.8064908426399705, 1.0, 0.7099346289794435, 0.8567184559902751, 0.4377084156240383, 0.5905716610207778, 0.0, 0.28475911902411283 ], "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 } } }, "title": { "text": "mean_accuracy" }, "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-11-10T20:43:20.371829Z", "iopub.status.busy": "2022-11-10T20:43:20.371099Z", "iopub.status.idle": "2022-11-10T20:43:20.445730Z", "shell.execute_reply": "2022-11-10T20:43:20.444726Z" }, "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": [ 9.916666666666666, 55.833333333333336, 65.83333333333333, 65.83333333333333, 65.83333333333333, 65.83333333333333, 87.06666666666666, 88.55, 88.55, 90.41666666666667, 90.41666666666667, 90.41666666666667, 92.76666666666667, 92.76666666666667, 92.76666666666667, 94.66666666666667, 94.66666666666667, 94.66666666666667, 94.66666666666667, 94.66666666666667, 94.66666666666667, 94.66666666666667, 95.58333333333333, 95.58333333333333, 95.58333333333333, 95.58333333333333, 95.58333333333333, 95.58333333333333, 95.58333333333333, 95.58333333333333 ] }, { "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": [ 9.916666666666666, 55.833333333333336, 65.83333333333333, 65.83333333333333, 65.83333333333333, 65.83333333333333, 87.06666666666666, 88.55, 88.55, 90.41666666666667, 90.41666666666667, 90.41666666666667, 92.76666666666667, 92.76666666666667, 92.76666666666667, 94.66666666666667, 94.66666666666667, 94.66666666666667, 94.66666666666667, 94.66666666666667, 94.66666666666667, 94.66666666666667, 95.58333333333333, 95.58333333333333, 95.58333333333333, 95.58333333333333, 95.58333333333333, 95.58333333333333, 95.58333333333333, 95.58333333333333 ] }, { "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": [ 9.916666666666666, 55.833333333333336, 65.83333333333333, 65.83333333333333, 65.83333333333333, 65.83333333333333, 87.06666666666666, 88.55, 88.55, 90.41666666666667, 90.41666666666667, 90.41666666666667, 92.76666666666667, 92.76666666666667, 92.76666666666667, 94.66666666666667, 94.66666666666667, 94.66666666666667, 94.66666666666667, 94.66666666666667, 94.66666666666667, 94.66666666666667, 95.58333333333333, 95.58333333333333, 95.58333333333333, 95.58333333333333, 95.58333333333333, 95.58333333333333, 95.58333333333333, 95.58333333333333 ] } ], "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.14" }, "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": { "0201fba935b540a8ba6b8f393b200a17": { "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_b6bdc53260ab4eaa939857ddb6e67266", "placeholder": "​", "style": "IPY_MODEL_4cafb4dbaeea43b5b2d972bd20c38761", "tabbable": null, "tooltip": null, "value": " 4542/4542 [00:00<00:00, 164016.61it/s]" } }, "025778719c87470baed1e0b4b7c6b172": { "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_cbc6e336e585499c925071a70433d179", "IPY_MODEL_d9489021700243749201808193271e15", "IPY_MODEL_bfa155175acc442d9c2167d3189b5227" ], "layout": "IPY_MODEL_1116776553fd49caa1b8df6e3afd3b04", "tabbable": null, "tooltip": null } }, "0b0e7b06578e40a599efafe87b8756f2": { "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": "" } }, "0d223825224a4b86a4e3983379a79c4e": { "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 } }, "1116776553fd49caa1b8df6e3afd3b04": { "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 } }, "14c5fe8394ec42d693ee08ccf240dd81": { "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_63c1cc14784e439d8bf9d1159b1b7239", "IPY_MODEL_40c0a6670843452da9c03ccf3105164d", "IPY_MODEL_70f13acf32e048cab29f41c6d134149b" ], "layout": "IPY_MODEL_b1fac1e987a04956bbdbdf00433fbf85", "tabbable": null, "tooltip": null } }, "15fbda183fbc4a71a24a70f30cea473e": { "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": "" } }, "40c0a6670843452da9c03ccf3105164d": { "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_9f606b5154ad4490b7e42c3b7796c712", "max": 28881.0, "min": 0.0, "orientation": "horizontal", "style": "IPY_MODEL_b2f3376bcbd84e21abc4c2867fd62074", "tabbable": null, "tooltip": null, "value": 28881.0 } }, "4cafb4dbaeea43b5b2d972bd20c38761": { "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 } }, "4dd5c56d349e42258e696562adbfff9c": { "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 } }, "4e88d773ab494048af7c1b9e763375b6": { "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 } }, "5b0d87a588354df0beca810cc3f4c66e": { "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 } }, "63c1cc14784e439d8bf9d1159b1b7239": { "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_65cccad7adfa49658ddcac9c002f1c3d", "placeholder": "​", "style": "IPY_MODEL_da657cbd03564d3fa0e855d43fb04171", "tabbable": null, "tooltip": null, "value": "100%" } }, "65cccad7adfa49658ddcac9c002f1c3d": { "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 } }, "70f13acf32e048cab29f41c6d134149b": { "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_8ce33cdcb1aa4800a848c1c32abd6975", "placeholder": "​", "style": "IPY_MODEL_cf567e0d6d4040498043d582999283ca", "tabbable": null, "tooltip": null, "value": " 28881/28881 [00:00<00:00, 1150441.08it/s]" } }, "739fd6eadb0a4196b6bd6e85f06ba65b": { "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 } }, "75fc566d57524b25af1544a0da198739": { "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 } }, "7c2f65583bd9419caf37ea66c1564628": { "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 } }, "8ce33cdcb1aa4800a848c1c32abd6975": { "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 } }, "9829642218aa4c068f4353075d0e66ac": { "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 } }, "992adfca46994ad8b7a1af4ea26d1cd9": { "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_4dd5c56d349e42258e696562adbfff9c", "placeholder": "​", "style": "IPY_MODEL_9ee2d74ba30d46e2af0ee44b839bcdbc", "tabbable": null, "tooltip": null, "value": "100%" } }, "9ee2d74ba30d46e2af0ee44b839bcdbc": { "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 } }, "9f606b5154ad4490b7e42c3b7796c712": { "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 } }, "ac52010f35e245ec944601f84ad9f4c2": { "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_992adfca46994ad8b7a1af4ea26d1cd9", "IPY_MODEL_ed091950081d4098ae4423c995b6286a", "IPY_MODEL_af71b79cee6947a4831d7bffbdd23505" ], "layout": "IPY_MODEL_5b0d87a588354df0beca810cc3f4c66e", "tabbable": null, "tooltip": null } }, "ae42209c7fbe4f718b7cb18037ddc500": { "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 } }, "aeaad4aaf62945109559020b78d63ee5": { "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 } }, "af71b79cee6947a4831d7bffbdd23505": { "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_7c2f65583bd9419caf37ea66c1564628", "placeholder": "​", "style": "IPY_MODEL_ae42209c7fbe4f718b7cb18037ddc500", "tabbable": null, "tooltip": null, "value": " 9912422/9912422 [00:00<00:00, 46601081.70it/s]" } }, "b1fac1e987a04956bbdbdf00433fbf85": { "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 } }, "b2f3376bcbd84e21abc4c2867fd62074": { "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": "" } }, "b6bdc53260ab4eaa939857ddb6e67266": { "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 } }, "bfa155175acc442d9c2167d3189b5227": { "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_c1376f331c0b44a1b5b2e1d832ed4cda", "placeholder": "​", "style": "IPY_MODEL_4e88d773ab494048af7c1b9e763375b6", "tabbable": null, "tooltip": null, "value": " 1648877/1648877 [00:00<00:00, 40409780.05it/s]" } }, "c1376f331c0b44a1b5b2e1d832ed4cda": { "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 } }, "c35b942b1fa1483fa988bc2795fdfeae": { "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 } }, "c53fda1263b04fac96bf1cb7fa0e6534": { "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_739fd6eadb0a4196b6bd6e85f06ba65b", "placeholder": "​", "style": "IPY_MODEL_c35b942b1fa1483fa988bc2795fdfeae", "tabbable": null, "tooltip": null, "value": "100%" } }, "cbc6e336e585499c925071a70433d179": { "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_d6e45f0a5bf34ffb925265fed1df7f3b", "placeholder": "​", "style": "IPY_MODEL_f207f0cb1f3d4b28a76b6e6b68a0be66", "tabbable": null, "tooltip": null, "value": "100%" } }, "cf567e0d6d4040498043d582999283ca": { "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 } }, "d6e45f0a5bf34ffb925265fed1df7f3b": { "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 } }, "d77546c778d54085b0c0b91328a01cac": { "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": "" } }, "d9489021700243749201808193271e15": { "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_75fc566d57524b25af1544a0da198739", "max": 1648877.0, "min": 0.0, "orientation": "horizontal", "style": "IPY_MODEL_d77546c778d54085b0c0b91328a01cac", "tabbable": null, "tooltip": null, "value": 1648877.0 } }, "da657cbd03564d3fa0e855d43fb04171": { "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 } }, "e3add50e5d9b472c8034d06f95cd941c": { "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_0d223825224a4b86a4e3983379a79c4e", "max": 4542.0, "min": 0.0, "orientation": "horizontal", "style": "IPY_MODEL_0b0e7b06578e40a599efafe87b8756f2", "tabbable": null, "tooltip": null, "value": 4542.0 } }, "e6087c62ba634a238be2499810a25730": { "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_c53fda1263b04fac96bf1cb7fa0e6534", "IPY_MODEL_e3add50e5d9b472c8034d06f95cd941c", "IPY_MODEL_0201fba935b540a8ba6b8f393b200a17" ], "layout": "IPY_MODEL_9829642218aa4c068f4353075d0e66ac", "tabbable": null, "tooltip": null } }, "ed091950081d4098ae4423c995b6286a": { "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_aeaad4aaf62945109559020b78d63ee5", "max": 9912422.0, "min": 0.0, "orientation": "horizontal", "style": "IPY_MODEL_15fbda183fbc4a71a24a70f30cea473e", "tabbable": null, "tooltip": null, "value": 9912422.0 } }, "f207f0cb1f3d4b28a76b6e6b68a0be66": { "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 } } }, "version_major": 2, "version_minor": 0 } } }, "nbformat": 4, "nbformat_minor": 2 }