{ "cells": [ { "cell_type": "markdown", "metadata": { "originalKey": "6dba2bea-d97e-4545-9803-4242850e1807" }, "source": [ "# Ax Service API with RayTune on PyTorch CNN\n", "\n", "Ax integrates easily with different scheduling frameworks and distributed training frameworks. In this example, Ax-driven optimization is executed in a distributed fashion using [RayTune](https://ray.readthedocs.io/en/latest/tune.html). \n", "\n", "RayTune is a scalable framework for hyperparameter tuning that provides many state-of-the-art hyperparameter tuning algorithms and seamlessly scales from laptop to distributed cluster with fault tolerance. RayTune leverages [Ray](https://ray.readthedocs.io/)'s Actor API to provide asynchronous parallel and distributed execution.\n", "\n", "Ray 'Actors' are a simple and clean abstraction for replicating your Python classes across multiple workers and nodes. Each hyperparameter evaluation is asynchronously executed on a separate Ray actor and reports intermediate training progress back to RayTune. Upon reporting, RayTune then uses this information to performs actions such as early termination, re-prioritization, or checkpointing." ] }, { "cell_type": "code", "execution_count": 1, "metadata": { "originalKey": "fe7a9417-4bde-46d2-9de3-af1bc73bde45" }, "outputs": [], "source": [ "import logging\n", "\n", "from ray import tune\n", "from ray.tune import report\n", "from ray.tune.suggest.ax import AxSearch\n", "\n", "logger = logging.getLogger(tune.__name__)\n", "logger.setLevel(\n", " level=logging.CRITICAL\n", ") # Reduce the number of Ray warnings that are not relevant here." ] }, { "cell_type": "code", "execution_count": 2, "metadata": { "originalKey": "19956234-25ae-4e72-9d72-dbcd1b90e530" }, "outputs": [ { "data": { "text/html": [ "" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:32:14] ax.utils.notebook.plotting: Injecting Plotly library into cell. Do not overwrite or delete cell.\n" ] }, { "data": { "text/html": [ " \n", " " ] }, "metadata": {}, "output_type": "display_data" } ], "source": [ "import numpy as np\n", "import torch\n", "from ax.plot.contour import plot_contour\n", "from ax.plot.trace import optimization_trace_single_method\n", "from ax.service.ax_client import AxClient\n", "from ax.utils.notebook.plotting import init_notebook_plotting, render\n", "from ax.utils.tutorials.cnn_utils import CNN, evaluate, load_mnist, train\n", "\n", "init_notebook_plotting()" ] }, { "cell_type": "markdown", "metadata": { "originalKey": "a26e18f8-caa7-411d-809a-61a9229cd6c6" }, "source": [ "## 1. Initialize client\n", "We specify `enforce_sequential_optimization` as False, because Ray runs many trials in parallel. With the sequential optimization enforcement, `AxClient` would expect the first few trials to be completed with data before generating more trials.\n", "\n", "When high parallelism is not required, it is best to enforce sequential optimization, as it allows for achieving optimal results in fewer (but sequential) trials. In cases where parallelism is important, such as with distributed training using Ray, we choose to forego minimizing resource utilization and run more trials in parallel." ] }, { "cell_type": "code", "execution_count": 3, "metadata": { "originalKey": "a91e1cb2-999a-4b88-a2d2-85d0acaa8854" }, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:32:14] ax.service.ax_client: Starting optimization with verbose logging. To disable logging, set the `verbose_logging` argument to `False`. Note that float values in the logs are rounded to 6 decimal points.\n" ] } ], "source": [ "ax = AxClient(enforce_sequential_optimization=False)" ] }, { "cell_type": "markdown", "metadata": { "originalKey": "1766919c-fb6f-4271-a8e1-6f972eee78f3" }, "source": [ "## 2. Set up experiment\n", "Here we set up the search space and specify the objective; refer to the Ax API tutorials for more detail." ] }, { "cell_type": "code", "execution_count": 4, "metadata": { "originalKey": "37e367d4-d09d-425b-98f7-c8849d9be4b7" }, "outputs": [], "source": [ "MINIMIZE = False # Whether we should be minimizing or maximizing the objective" ] }, { "cell_type": "code", "execution_count": 5, "metadata": { "originalKey": "777c8d33-2cd1-4425-b45f-2a44922dce7d" }, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:32:14] 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 04-25 21:32:14] 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 04-25 21:32:14] 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 04-25 21:32:14] 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 04-25 21:32:14] ax.modelbridge.dispatch_utils: Using Bayesian Optimization generation strategy: GenerationStrategy(name='Sobol+GPEI', steps=[Sobol for 5 trials, GPEI for subsequent trials]). Iterations after 5 will take longer to generate due to model-fitting.\n" ] } ], "source": [ "ax.create_experiment(\n", " name=\"mnist_experiment\",\n", " parameters=[\n", " {\"name\": \"lr\", \"type\": \"range\", \"bounds\": [1e-6, 0.4], \"log_scale\": True},\n", " {\"name\": \"momentum\", \"type\": \"range\", \"bounds\": [0.0, 1.0]},\n", " ],\n", " objective_name=\"mean_accuracy\",\n", " minimize=MINIMIZE,\n", ")" ] }, { "cell_type": "code", "execution_count": 6, "metadata": { "originalKey": "589e4d80-02ae-461d-babc-0f96718f623e" }, "outputs": [ { "data": { "text/plain": [ "False" ] }, "execution_count": 6, "metadata": {}, "output_type": "execute_result" } ], "source": [ "ax.experiment.optimization_config.objective.minimize" ] }, { "cell_type": "code", "execution_count": 7, "metadata": { "originalKey": "773a2c32-4ff3-4e92-8996-325504ce953e" }, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "Downloading http://yann.lecun.com/exdb/mnist/train-images-idx3-ubyte.gz\n", "Downloading http://yann.lecun.com/exdb/mnist/train-images-idx3-ubyte.gz to /home/runner/.data/MNIST/raw/train-images-idx3-ubyte.gz\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "649525d889924bf4a7249674445af32f", "version_major": 2, "version_minor": 0 }, "text/plain": [ " 0%| | 0/9912422 [00:00,\n", " ,\n", " )" ] }, "execution_count": 7, "metadata": {}, "output_type": "execute_result" } ], "source": [ "load_mnist(data_path=\"~/.data\") # Pre-load the dataset before the initial evaluations are executed." ] }, { "cell_type": "markdown", "metadata": { "originalKey": "5fec848a-3538-489c-bcdd-a74051f48140" }, "source": [ "## 3. Define how to evaluate trials\n", "Since we use the Ax Service API here, we evaluate the parameterizations that Ax suggests, using RayTune. The evaluation function follows its usual pattern, taking in a parameterization and outputting an objective value. For detail on evaluation functions, see [Trial Evaluation](https://ax.dev/docs/runner.html). " ] }, { "cell_type": "code", "execution_count": 8, "metadata": { "originalKey": "75fce84d-35bd-45b5-b55e-f52baf26db03" }, "outputs": [], "source": [ "def train_evaluate(parameterization):\n", " device = torch.device(\"cuda\" if torch.cuda.is_available() else \"cpu\")\n", " train_loader, valid_loader, test_loader = load_mnist(data_path=\"~/.data\")\n", " net = train(\n", " net=CNN(),\n", " train_loader=train_loader,\n", " parameters=parameterization,\n", " dtype=torch.float,\n", " device=device,\n", " )\n", " report(\n", " mean_accuracy=evaluate(\n", " net=net,\n", " data_loader=valid_loader,\n", " dtype=torch.float,\n", " device=device,\n", " )\n", " )" ] }, { "cell_type": "markdown", "metadata": { "originalKey": "dda3574c-5967-43ea-8d23-7a151dc59ec9" }, "source": [ "## 4. Run optimization\n", "Execute the Ax optimization and trial evaluation in RayTune using [AxSearch algorithm](https://ray.readthedocs.io/en/latest/tune-searchalg.html#ax-search):" ] }, { "cell_type": "code", "execution_count": 9, "metadata": { "code_folding": [], "hidden_ranges": [], "originalKey": "1d768bb2-d46b-4c4c-879e-3242af7555f4" }, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:32:18] ax.service.ax_client: Generated new trial 0 with parameters {'lr': 0.001032, 'momentum': 0.274014}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:32:19] ax.service.ax_client: Generated new trial 1 with parameters {'lr': 0.153823, 'momentum': 0.895628}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:32:19] ax.service.ax_client: Generated new trial 2 with parameters {'lr': 1e-05, 'momentum': 0.446445}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:32:32] ax.service.ax_client: Completed trial 0 with data: {'mean_accuracy': (0.96, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:32:32] ax.service.ax_client: Completed trial 1 with data: {'mean_accuracy': (0.096667, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:32:33] ax.service.ax_client: Generated new trial 3 with parameters {'lr': 0.060196, 'momentum': 0.79894}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:32:33] ax.service.ax_client: Generated new trial 4 with parameters {'lr': 0.387275, 'momentum': 0.423804}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:32:46] ax.service.ax_client: Completed trial 3 with data: {'mean_accuracy': (0.100167, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:32:46] ax.service.ax_client: Completed trial 2 with data: {'mean_accuracy': (0.710167, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:32:47] ax.service.ax_client: Generated new trial 5 with parameters {'lr': 0.000252, 'momentum': 0.032802}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:32:48] ax.service.ax_client: Generated new trial 6 with parameters {'lr': 0.036335, 'momentum': 0.030551}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:32:59] ax.service.ax_client: Completed trial 5 with data: {'mean_accuracy': (0.913667, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:33:00] ax.service.ax_client: Completed trial 4 with data: {'mean_accuracy': (0.104833, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:33:00] ax.service.ax_client: Generated new trial 7 with parameters {'lr': 0.000232, 'momentum': 0.271583}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:33:02] ax.service.ax_client: Generated new trial 8 with parameters {'lr': 0.002014, 'momentum': 0.015456}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:33:13] ax.service.ax_client: Completed trial 6 with data: {'mean_accuracy': (0.099167, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:33:14] ax.service.ax_client: Completed trial 7 with data: {'mean_accuracy': (0.925333, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:33:15] ax.service.ax_client: Generated new trial 9 with parameters {'lr': 0.000478, 'momentum': 0.689477}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:33:18] ax.service.ax_client: Generated new trial 10 with parameters {'lr': 0.00057, 'momentum': 0.193867}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:33:28] ax.service.ax_client: Completed trial 8 with data: {'mean_accuracy': (0.957833, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:33:29] ax.service.ax_client: Completed trial 9 with data: {'mean_accuracy': (0.961833, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:33:31] ax.service.ax_client: Generated new trial 11 with parameters {'lr': 0.00012, 'momentum': 1.0}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:33:32] ax.service.ax_client: Generated new trial 12 with parameters {'lr': 0.00093, 'momentum': 0.0}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:33:43] ax.service.ax_client: Completed trial 11 with data: {'mean_accuracy': (0.7575, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:33:44] ax.service.ax_client: Completed trial 10 with data: {'mean_accuracy': (0.9465, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:33:45] ax.service.ax_client: Generated new trial 13 with parameters {'lr': 0.001196, 'momentum': 1.0}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:33:47] ax.service.ax_client: Generated new trial 14 with parameters {'lr': 1e-06, 'momentum': 0.0}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:33:58] ax.service.ax_client: Completed trial 12 with data: {'mean_accuracy': (0.950333, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:33:59] ax.service.ax_client: Completed trial 13 with data: {'mean_accuracy': (0.093667, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:34:00] ax.service.ax_client: Generated new trial 15 with parameters {'lr': 0.000147, 'momentum': 0.627285}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:34:02] ax.service.ax_client: Generated new trial 16 with parameters {'lr': 6e-06, 'momentum': 1.0}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:34:13] ax.service.ax_client: Completed trial 14 with data: {'mean_accuracy': (0.165, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:34:14] ax.service.ax_client: Completed trial 15 with data: {'mean_accuracy': (0.922333, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:34:16] ax.service.ax_client: Generated new trial 17 with parameters {'lr': 0.000484, 'momentum': 0.522484}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:34:17] ax.service.ax_client: Generated new trial 18 with parameters {'lr': 1e-06, 'momentum': 1.0}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:34:28] ax.service.ax_client: Completed trial 16 with data: {'mean_accuracy': (0.832, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:34:30] ax.service.ax_client: Generated new trial 19 with parameters {'lr': 2.5e-05, 'momentum': 0.838966}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:34:30] ax.service.ax_client: Completed trial 17 with data: {'mean_accuracy': (0.9565, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:34:33] ax.service.ax_client: Generated new trial 20 with parameters {'lr': 1e-06, 'momentum': 0.734977}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:34:43] ax.service.ax_client: Completed trial 18 with data: {'mean_accuracy': (0.8105, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:34:46] ax.service.ax_client: Generated new trial 21 with parameters {'lr': 0.001433, 'momentum': 0.129269}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:34:46] ax.service.ax_client: Completed trial 19 with data: {'mean_accuracy': (0.894833, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:34:51] ax.service.ax_client: Generated new trial 22 with parameters {'lr': 0.001367, 'momentum': 0.48733}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:34:59] ax.service.ax_client: Completed trial 20 with data: {'mean_accuracy': (0.195667, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:35:02] ax.service.ax_client: Generated new trial 23 with parameters {'lr': 3.9e-05, 'momentum': 0.165983}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:35:03] ax.service.ax_client: Completed trial 21 with data: {'mean_accuracy': (0.958667, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:35:07] ax.service.ax_client: Generated new trial 24 with parameters {'lr': 0.000112, 'momentum': 0.787248}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:35:16] ax.service.ax_client: Completed trial 22 with data: {'mean_accuracy': (0.953833, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:35:19] ax.service.ax_client: Generated new trial 25 with parameters {'lr': 0.000632, 'momentum': 0.605018}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:35:19] ax.service.ax_client: Completed trial 23 with data: {'mean_accuracy': (0.833167, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:35:22] ax.service.ax_client: Generated new trial 26 with parameters {'lr': 0.000846, 'momentum': 0.400577}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:35:32] ax.service.ax_client: Completed trial 24 with data: {'mean_accuracy': (0.934667, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:35:35] ax.service.ax_client: Generated new trial 27 with parameters {'lr': 0.000352, 'momentum': 0.650033}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:35:35] ax.service.ax_client: Completed trial 25 with data: {'mean_accuracy': (0.9565, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:35:38] ax.service.ax_client: Generated new trial 28 with parameters {'lr': 0.00258, 'momentum': 0.331716}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:35:48] ax.service.ax_client: Completed trial 26 with data: {'mean_accuracy': (0.9605, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:35:51] ax.service.ax_client: Generated new trial 29 with parameters {'lr': 2.7e-05, 'momentum': 1.0}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:35:51] ax.service.ax_client: Completed trial 27 with data: {'mean_accuracy': (0.960833, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:36:02] ax.service.ax_client: Completed trial 28 with data: {'mean_accuracy': (0.959833, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 04-25 21:36:05] ax.service.ax_client: Completed trial 29 with data: {'mean_accuracy': (0.9135, None)}.\n" ] }, { "data": { "text/plain": [ "" ] }, "execution_count": 9, "metadata": {}, "output_type": "execute_result" } ], "source": [ "# Set up AxSearcher in RayTune\n", "algo = AxSearch(ax_client=ax)\n", "# Wrap AxSearcher in a concurrently limiter, to ensure that Bayesian optimization receives the\n", "# data for completed trials before creating more trials\n", "algo = tune.suggest.ConcurrencyLimiter(algo, max_concurrent=3)\n", "tune.run(\n", " train_evaluate,\n", " num_samples=30,\n", " search_alg=algo,\n", " verbose=0, # Set this level to 1 to see status updates and to 2 to also see trial results.\n", " # To use GPU, specify: resources_per_trial={\"gpu\": 1}.\n", ")" ] }, { "cell_type": "markdown", "metadata": { "originalKey": "cb00f812-e9e5-4208-a680-adf6619d74c4" }, "source": [ "## 5. Retrieve the optimization results" ] }, { "cell_type": "code", "execution_count": 10, "metadata": { "originalKey": "2ec54675-d0ad-4eac-aaf3-66b593037cce" }, "outputs": [ { "data": { "text/plain": [ "{'lr': 0.00035236033797689286, 'momentum': 0.6500327399496211}" ] }, "execution_count": 10, "metadata": {}, "output_type": "execute_result" } ], "source": [ "best_parameters, values = ax.get_best_parameters()\n", "best_parameters" ] }, { "cell_type": "code", "execution_count": 11, "metadata": { "originalKey": "50c764a6-a630-4935-9c07-ea84045e0ecc" }, "outputs": [ { "data": { "text/plain": [ "{'mean_accuracy': 0.9617932183215473}" ] }, "execution_count": 11, "metadata": {}, "output_type": "execute_result" } ], "source": [ "means, covariances = values\n", "means" ] }, { "cell_type": "markdown", "metadata": { "originalKey": "12a87817-4409-4f07-a912-8d60eff71d68" }, "source": [ "## 6. Plot the response surface and optimization trace" ] }, { "cell_type": "code", "execution_count": 12, "metadata": { "originalKey": "3742f35b-6b28-49ae-a606-a138459f4964", "scrolled": false }, "outputs": [ { "data": { "application/vnd.plotly.v1+json": { "config": { "linkText": "Export to plot.ly", "plotlyServerURL": "https://plot.ly", "showLink": false }, "data": [ { "autocolorscale": false, "autocontour": true, "colorbar": { "tickfont": { "size": 8 }, "ticksuffix": "", "x": 0.45, "y": 0.5 }, "colorscale": [ [ 0.0, "rgb(247,252,253)" ], [ 0.125, "rgb(229,245,249)" ], [ 0.25, "rgb(204,236,230)" ], [ 0.375, "rgb(153,216,201)" ], [ 0.5, "rgb(102,194,164)" ], [ 0.625, "rgb(65,174,118)" ], [ 0.75, "rgb(35,139,69)" ], [ 0.875, "rgb(0,109,44)" ], [ 1.0, "rgb(0,68,27)" ] ], "contours": { "coloring": "heatmap" }, "hoverinfo": "x+y+z", "ncontours": 25, "type": "contour", "x": [ 1e-06, 1.3011511650442548e-06, 1.692994354296022e-06, 2.2028415765056147e-06, 2.866229883678204e-06, 3.729398352432554e-06, 4.852511011181743e-06, 6.3138503555892e-06, 8.215273746089953e-06, 1.0689313005882424e-05, 1.390841207112662e-05, 1.809694657026198e-05, 2.354686311364001e-05, 3.063802837345029e-05, 3.986470631277378e-05, 5.1870009063012666e-05, 6.749072272319499e-05, 8.781563250096393e-05, 0.00011426141253772724, 0.00014867137004306603, 0.00019344392634026088, 0.0002516997901283655, 0.0003274994751669172, 0.0004261263236648159, 0.0005544547624925005, 0.0007214294601814526, 0.000938688782612345, 0.0012213760031100258, 0.0015891948094037057, 0.002067782677737912, 0.0026904978401970136, 0.0035007443993213955, 0.004554997653699184, 0.005926740503884541, 0.007711585311544345, 0.010033938212454078, 0.013055670395116691, 0.01698740074503987, 0.02210317627048227, 0.028759573555516536, 0.03742055263793628, 0.04868979566145066, 0.06335278435066323, 0.0824315491666629, 0.10725590623460621, 0.13955614735503497, 0.18158364372009145, 0.23626776957937787, 0.3074200836506151, 0.4 ], "xaxis": "x", "y": [ 0.0, 0.02040816326530612, 0.04081632653061224, 0.061224489795918366, 0.08163265306122448, 0.1020408163265306, 0.12244897959183673, 0.14285714285714285, 0.16326530612244897, 0.18367346938775508, 0.2040816326530612, 0.22448979591836732, 0.24489795918367346, 0.26530612244897955, 0.2857142857142857, 0.3061224489795918, 0.32653061224489793, 0.3469387755102041, 0.36734693877551017, 0.3877551020408163, 0.4081632653061224, 0.42857142857142855, 0.44897959183673464, 0.4693877551020408, 0.4897959183673469, 0.5102040816326531, 0.5306122448979591, 0.5510204081632653, 0.5714285714285714, 0.5918367346938775, 0.6122448979591836, 0.6326530612244897, 0.6530612244897959, 0.673469387755102, 0.6938775510204082, 0.7142857142857142, 0.7346938775510203, 0.7551020408163265, 0.7755102040816326, 0.7959183673469387, 0.8163265306122448, 0.836734693877551, 0.8571428571428571, 0.8775510204081632, 0.8979591836734693, 0.9183673469387754, 0.9387755102040816, 0.9591836734693877, 0.9795918367346939, 1.0 ], "yaxis": "y", "z": [ [ 0.1650452478444986, 0.208584169721453, 0.25551341475850464, 0.30491485194083706, 0.35578044711043527, 0.40708650069182006, 0.4578616629746031, 0.5072460787736175, 0.554537729777797, 0.5992215246625653, 0.6409771950205841, 0.6796637122688188, 0.7152807563305696, 0.7479118419012284, 0.7776592833819566, 0.804587375225587, 0.828692487611671, 0.849911859536732, 0.8681704210310024, 0.883457363649299, 0.8959236819767691, 0.905993443074538, 0.9144691106502919, 0.9224886532909414, 0.931157314693027, 0.9410111296871865, 0.9514343711080095, 0.9600502657363406, 0.9625723811658695, 0.953902956806035, 0.9298731179553117, 0.8885124835610139, 0.829905381921843, 0.7556604179291646, 0.6684860920442334, 0.5718461605812533, 0.469665497873353, 0.3660648764267162, 0.2651053140119174, 0.17052256532383103, 0.08543157555040826, 0.012004276993814789, -0.048689732061140356, -0.09650040078844269, -0.13192527667356457, -0.1558899205331291, -0.16957980538744533, -0.17431312830088297, -0.171446143746821, -0.1623045404666832 ], [ 0.16200422534791004, 0.20707439909805658, 0.25561533267617104, 0.3066537107109825, 0.35911960736457843, 0.4119250039083866, 0.46403707300145197, 0.5145431070606078, 0.5627024608942088, 0.6079802003234112, 0.6500576409288565, 0.6888167585306852, 0.7242984871687564, 0.7566392407259367, 0.7859961947352189, 0.812479858578823, 0.8361168195597408, 0.8568571216201903, 0.8746240990527727, 0.8893957528557003, 0.9013077159223486, 0.9107701508232899, 0.9185859322294693, 0.9259263354927486, 0.9339432028794936, 0.9432201413758043, 0.9531863541349802, 0.9615113962192414, 0.9639594691367156, 0.9554220395361037, 0.9316575714131493, 0.8906216552107942, 0.832333489995364, 0.7583555064142773, 0.6713722021050252, 0.5748427522934939, 0.47270242583791733, 0.36909301365126695, 0.268103613157532, 0.17350254838363288, 0.0884395871918241, 0.015109299993043446, -0.045427155815292, -0.09303599536036955, -0.1282308432582121, -0.1519529923550922, -0.16540305174939507, -0.1699132412065203, -0.16685206593883883, -0.15755504710462498 ], [ 0.1589708447013627, 0.20559425125263997, 0.2557703085755164, 0.30847030448532325, 0.36256064453150866, 0.4168857959306926, 0.4703473475895167, 0.521975390815473, 0.5709868121879477, 0.616824219508991, 0.6591696935031298, 0.6979295448036417, 0.7331895730200968, 0.7651448358243819, 0.7940145102984634, 0.81996239023886, 0.8430511418994111, 0.8632483823210549, 0.880479967920376, 0.8947163368549018, 0.9060812438174349, 0.9149746483294545, 0.9221959651914508, 0.9289223729270337, 0.9363154757786909, 0.944967960479593, 0.9543197435034358, 0.9620920148135621, 0.9641809684382612, 0.9555850103555761, 0.9320694050421906, 0.8914837991541402, 0.833738979775557, 0.7603208044803297, 0.6738670149191905, 0.5778134778548731, 0.476088797097301, 0.3728386952697555, 0.2721618858504539, 0.17783826397897928, 0.09302847973601436, 0.019935622603727166, -0.04037387263607484, -0.08776459668819181, -0.1227520471553335, -0.1462823089034735, -0.15956281671743966, -0.16393356305831153, -0.16077061672090776, -0.1514157849792539 ], [ 0.15589924034446234, 0.20409443802663046, 0.25592764539229534, 0.3103139716824362, 0.36605422328988046, 0.42192200234774957, 0.4767489537110622, 0.5295032770557004, 0.5793551718510495, 0.625721819060711, 0.6682849487055503, 0.7069762862702386, 0.7419298944342813, 0.7734051413493309, 0.8016905936813291, 0.8270108956328942, 0.8494712098066829, 0.8690622359146225, 0.8857172935831665, 0.8994034673089826, 0.9102363545793037, 0.918609682960148, 0.9253163929276633, 0.9315115126896882, 0.9383293897270792, 0.9463339647704258, 0.9549487892168449, 0.961959024262657, 0.9634544034096577, 0.954635356156347, 0.9313347664538761, 0.8912924256555113, 0.8342801083986933, 0.7616807848069836, 0.6760643982916034, 0.5808254414519013, 0.4798689207367737, 0.37732724286324487, 0.2772899588818502, 0.18352715014200538, 0.0991860125432138, 0.026463663798168113, -0.033554864242906324, -0.08071498512508424, -0.11552015946986915, -0.1389105848621096, -0.15209244356277596, -0.15640745591253513, -0.15323474211378318, -0.14391898755931543 ], [ 0.15273798042934983, 0.20251915797940667, 0.25602956501497176, 0.31212673457813167, 0.3695436402917697, 0.42697947411359694, 0.4831913288146414, 0.53708049520716, 0.5877659061972962, 0.6346360191217668, 0.6773708384555005, 0.7159283634163134, 0.7504940623873427, 0.7813970389528365, 0.8090027097288763, 0.8336045906758769, 0.855357396303476, 0.8742814086473478, 0.8903234275659728, 0.9034520854398719, 0.9137785385328674, 0.9216921431813827, 0.927972144397558, 0.9337292377942666, 0.9400382277046464, 0.9474019038289894, 0.9552091401577346, 0.9613199183003298, 0.9620580477991658, 0.9528861478909566, 0.9297471942634803, 0.8902950134178864, 0.8341537125883571, 0.7625839948623666, 0.6780689796356336, 0.5839441249723802, 0.4840736878133324, 0.3825590391628617, 0.2834613077577171, 0.1905194224431851, 0.10684624313785485, 0.034623208257537175, -0.025040004426409523, -0.07195521429170637, -0.1066006682858609, -0.12990030343663495, -0.1430511626331793, -0.14739079410048228, -0.14429697093384009, -0.13511392943894218 ], [ 0.14943248051071512, 0.20080834453998164, 0.25601299565673286, 0.31384459810659937, 0.372965707330525, 0.4319973215105428, 0.4896171164174066, 0.544654132891598, 0.596171104121873, 0.643524159240251, 0.6863899885797574, 0.72475356287007, 0.7588546516352978, 0.7890971063861052, 0.8159304333221146, 0.8397253711535948, 0.8606939594675196, 0.8788938034800687, 0.894292385427967, 0.906865280222781, 0.9167220236652565, 0.924245705639549, 0.9301918588844217, 0.9356107985541907, 0.9414942633877874, 0.9482603875378076, 0.9552515462983734, 0.9604053142710327, 0.9602949301835322, 0.9506733316864246, 0.927627234934323, 0.8887652910774971, 0.8335765944823798, 0.7631904211211765, 0.6799875973114443, 0.5872278484331783, 0.4887174958211617, 0.38850882026183725, 0.29061521132825224, 0.19872456624309942, 0.1158997149855564, 0.04429986668640462, -0.014940422900924899, -0.06159037273735557, -0.0960917858194098, -0.11934266040621222, -0.13252331160763853, -0.13696136919635837, -0.1340289483298226, -0.12506655177634896 ], [ 0.14592732697244648, 0.1988998991748211, 0.2558115369728381, 0.31539911213462773, 0.376251902404057, 0.436908689175777, 0.4959626069951023, 0.552164779729159, 0.6045164499103746, 0.652337513308703, 0.6952995831226371, 0.733415217438651, 0.7669812103950364, 0.7964806532760018, 0.8224537336883002, 0.8453568216773313, 0.8654678788001633, 0.882891014294685, 0.8976226284805614, 0.9096506397322458, 0.9190840357197088, 0.9262943340977092, 0.9320027785350702, 0.9371884301648262, 0.942746064471082, 0.9489954165042142, 0.955224500297403, 0.9594412210831279, 0.9584560065193966, 0.9483157281971683, 0.9252843511722044, 0.886973586464766, 0.8327645961364324, 0.7636572071728391, 0.6819199084762313, 0.5907221727166415, 0.49379591442100124, 0.3951265728504494, 0.2986613192392969, 0.2080198104380641, 0.1262035027598969, 0.055344077729250096, -0.003402191923272291, -0.049758282363707274, -0.08412143272284489, -0.10735537879335988, -0.12061670637526678, -0.12521764664654955, -0.12252046743634937, -0.11385869406697213 ], [ 0.14216854874014817, 0.1967318996169658, 0.25535750497984333, 0.31671911352589516, 0.3793297437466722, 0.44164175856058435, 0.50215839340409, 0.5595468677053504, 0.6127412732670998, 0.661021056138445, 0.7040508328381861, 0.7418713521239317, 0.7748391092250407, 0.8035204598865286, 0.8285517444064961, 0.8504829170852052, 0.8696675069363184, 0.8862667727685881, 0.9003148691999232, 0.9118169800120756, 0.9208806800319734, 0.9278583511758519, 0.9334270468240062, 0.9384880709586555, 0.943833537349102, 0.9496792522874682, 0.9552528053281978, 0.9586168147002899, 0.9567842000615755, 0.9460819258658507, 0.9229867298478054, 0.8851611121465823, 0.8319129975996096, 0.7641247513826048, 0.6839492237673346, 0.5944546975893297, 0.499284015291123, 0.40233926628159805, 0.3074846867166451, 0.21825752450932118, 0.13758943252203792, 0.06757958100196815, 0.009400861839434116, -0.036624017957774146, -0.0708431476558149, -0.09407963525587815, -0.10746029949559466, -0.11227695529285331, -0.10987804885908681, -0.10158696325313277 ], [ 0.1381058703853073, 0.19424481286643192, 0.25458403813401687, 0.31773260939595954, 0.3821243606428637, 0.44612097143289314, 0.5081302531322913, 0.5667292390589171, 0.6207788304085333, 0.6695134679885814, 0.712588680975312, 0.7500740233027929, 0.782388417521068, 0.8101852612935305, 0.83420122860213, 0.8550865597498287, 0.8732814145865139, 0.8890158675762768, 0.9023706668910425, 0.9133724624941146, 0.9221250250587354, 0.9289528537433855, 0.9344800102498971, 0.9395269943436699, 0.944783284402626, 0.9503606660376558, 0.9554203747900295, 0.9580575997155589, 0.9554452563469258, 0.9441681110368646, 0.9209413171070626, 0.883521305759058, 0.8311808248260839, 0.7647048654761771, 0.6861345203703488, 0.5984306531572681, 0.5051352749110218, 0.41005281239386754, 0.31695027809826354, 0.22927118969036459, 0.14987077006435434, 0.08081064227430534, 0.023274080341048275, -0.022374051558350705, -0.05643140925400658, -0.07967638874179173, -0.09320130268239069, -0.09827321961645041, -0.0962231378673909, -0.0883612853058473 ], [ 0.13369497336695257, 0.1913837446560085, 0.25342727987500946, 0.3183687972082939, 0.3845602555327975, 0.45026847848689205, 0.5138002740812336, 0.5736359734806931, 0.6285568693545898, 0.6777474651318844, 0.7208518963033487, 0.7579691097724038, 0.7895832114372648, 0.8164383005953442, 0.8393747676293406, 0.8591483813216677, 0.8762979494253063, 0.8911340340237932, 0.903792342068231, 0.9143245196164458, 0.9228273486481837, 0.929588320333897, 0.9351706832135274, 0.9403133990937401, 0.9456064630049528, 0.9510602383562452, 0.955763869396496, 0.957820099244126, 0.9545235339149475, 0.9426915576384746, 0.9192849481988867, 0.882189171407459, 0.830680319955317, 0.7654720433970269, 0.6885043099708883, 0.6026295877643333, 0.511281012747649, 0.4181539603704265, 0.32690670260584054, 0.24088017174123583, 0.16284766300005948, 0.09482807566771201, 0.038008160617847064, -0.007210565434868865, -0.041076785857407816, -0.06432239386619776, -0.07800195959813183, -0.0833543573736818, -0.08169000062723375, -0.07430319354208859 ], [ 0.1288997846254254, 0.18810075161564588, 0.2518286627127668, 0.3185602369117448, 0.3865632686029765, 0.4540058275488391, 0.5190882450129866, 0.580187505117898, 0.635998525127897, 0.6856505301895651, 0.7287736841479113, 0.7654968144261833, 0.796371879462677, 0.8222371151062198, 0.8440398924484962, 0.8626468979373303, 0.8787060611489462, 0.8926191464685338, 0.904584452835884, 0.9146816616578639, 0.9229973998727556, 0.9297733037410203, 0.9355045100105358, 0.9408485683753804, 0.9463001613623552, 0.9517718913773858, 0.9562774270653569, 0.9579042664323647, 0.9540368140881046, 0.9416976590632083, 0.9180851880740921, 0.8812379594004593, 0.8304716529387319, 0.7664582108804256, 0.6910527017306253, 0.607003336095253, 0.5176303851243284, 0.42651208476275454, 0.33718928802186504, 0.2528935768388863, 0.17631159662094842, 0.10941425012264017, 0.05338450701796171, 0.00865378057440469, -0.024981207413193762, -0.048206134288433344, -0.062036140432694786, -0.06767946337313457, -0.06642340344290021, -0.05954391171031248 ], [ 0.12369480279484779, 0.18435723402593274, 0.2497373174105833, 0.31824519803011264, 0.38806276661841566, 0.45725591432417767, 0.5239133355733847, 0.5863020568854634, 0.6430235777709163, 0.6931460869783871, 0.736282886969537, 0.7725930164949051, 0.8026987802402833, 0.827535758927809, 0.8481620099739968, 0.8655609773458849, 0.8804976392702866, 0.8934737581382355, 0.9047567889911935, 0.9144570408662696, 0.9226484845160837, 0.9295190654768296, 0.93548848421143, 0.9411319949533458, 0.9468523996545782, 0.9524700598238622, 0.9569241013013814, 0.9582695229713096, 0.9539533019819595, 0.9411733140862646, 0.9173476143119325, 0.8806814523835412, 0.8305621245966737, 0.7676507662647203, 0.693737687215411, 0.6114753270617601, 0.5240709804268463, 0.4349809540808803, 0.347622697033635, 0.2651134471073673, 0.1900490932742701, 0.12434727595236228, 0.06917980917290134, 0.025000523023935517, -0.00835353406597994, -0.03152384747653503, -0.045485899179779854, -0.051415886821039924, -0.050576153981654826, -0.04422228864682187 ], [ 0.11806746172406524, 0.18012641631029502, 0.2471126231589934, 0.3173702037721559, 0.3889940821061644, 0.45994522434181373, 0.528196093986855, 0.5918974163450405, 0.6495500916454938, 0.7001551295436672, 0.7433057667379643, 0.7791914220448475, 0.8085070563147954, 0.8322886759149621, 0.8517090654874716, 0.8678739049861328, 0.8816710386960778, 0.8937086847928759, 0.9043285409360058, 0.9136734720704508, 0.921803126215712, 0.9288458858313965, 0.9351383718015857, 0.9411695068616907, 0.9472516906440909, 0.9531215333473937, 0.9576502692227529, 0.9588506714253482, 0.9542077174412784, 0.9410613914428452, 0.9170259945413324, 0.8804797064308436, 0.8309086760816999, 0.7689933610060068, 0.6964814387814102, 0.6159411811473108, 0.5304700508979526, 0.4434006019270616, 0.35802328880890577, 0.2773375117501483, 0.20384485138776576, 0.1394045477633804, 0.08516995743135791, 0.041609510049886445, 0.008594497986669558, -0.014475749226856904, -0.028538097436220933, -0.034736289307176094, -0.034306572821333536, -0.0284826359549627 ], [ 0.1120205186571932, 0.17539590908959213, 0.243926902375328, 0.3158927866456909, 0.38930122741044504, 0.46200639746162336, 0.5318607936285384, 0.5968930759610436, 0.6554964433662679, 0.7065982862717699, 0.7497682969718906, 0.7852263157736032, 0.8137420742465515, 0.836454848754349, 0.8546559241948168, 0.8695777215615635, 0.8822350852385115, 0.8933470395573742, 0.9033329854719319, 0.9123693157302133, 0.9204999781259207, 0.9277906237905111, 0.9344871259029552, 0.9409828558669739, 0.9474991887814518, 0.9536998407204123, 0.958401168014927, 0.9595735181783148, 0.9547160524386412, 0.9412737824547829, 0.9170326273316238, 0.8805462502987539, 0.8314224410636776, 0.7703887144780779, 0.6991722771968424, 0.6202704658424695, 0.5366763844523068, 0.4515994047382851, 0.36820138995252655, 0.2893616652574276, 0.21748448493319805, 0.1543657933345015, 0.1011334141152408, 0.05826250779356579, 0.02565193553888334, 0.0027374858720106143, -0.011381162155714719, -0.017815747293393858, -0.01777594961905493, -0.0124725118405411 ], [ 0.10557444032609686, 0.17017033047969599, 0.24016824700521294, 0.31378445606147193, 0.38893990023096225, 0.4633811454962251, 0.5348381631657246, 0.601212762828327, 0.66078374231977, 0.712398287623923, 0.7555988686187005, 0.7906356932584406, 0.8183550571587958, 0.840001727705697, 0.8569883175330009, 0.870677165166738, 0.8822128627222489, 0.8924279971145804, 0.901821754684174, 0.9106040604654313, 0.918801303628509, 0.926414923140775, 0.9335925982213468, 0.9406177526029673, 0.9476187204624713, 0.9541985461130377, 0.959136499494178, 0.9603698022911484, 0.9553876923539655, 0.9417015065685808, 0.9172470657107038, 0.8807552305033204, 0.8319742589628024, 0.7717027774603831, 0.701667923423672, 0.6243094320145451, 0.5425227832078195, 0.4593964312212345, 0.37796359093390675, 0.30098230004243826, 0.23075698872747763, 0.16901574948020082, 0.11685414714510567, 0.0747463654328756, 0.04261189034870305, 0.01991796954581182, 0.00579798637527662, -0.0008289401791441442, -0.0011460227876137763, 0.00365951585751334 ], [ 0.09876974455870768, 0.16447394530652593, 0.23584344161709242, 0.3110338572911794, 0.38788078152144956, 0.4640235475387101, 0.5370685385074296, 0.6047873901873294, 0.6653386543534171, 0.7174828136531896, 0.7607313328044464, 0.7953646197850444, 0.822306702754821, 0.8429088571054456, 0.8587063098727418, 0.871192970748123, 0.8816447848218281, 0.89100962889116, 0.8998676849789753, 0.9084617845141043, 0.9167982650519251, 0.9248113785690297, 0.9325415199371574, 0.940147494576278, 0.9476616378941691, 0.9546389736254011, 0.9598425359207834, 0.961187781826242, 0.9561322556993253, 0.9422205765394899, 0.9175222265637132, 0.880947590048884, 0.8324003972577042, 0.7727696953914964, 0.7037996812049175, 0.6278845410793608, 0.5478290846103429, 0.4666040864938542, 0.38711513734643044, 0.3119985796532026, 0.24345702104005157, 0.18314655754452935, 0.13212421345286562, 0.09085580519832548, 0.05927447779591244, 0.03687357532120483, 0.02281682370810134, 0.016052555163060034, 0.015423493630594365, 0.019766105216042718 ], [ 0.09166923830479146, 0.15835325936845368, 0.230980921983792, 0.3076500716973883, 0.38611310026722223, 0.4639037328865013, 0.5385054763885997, 0.6075584752135407, 0.6690966557795209, 0.7217877221102499, 0.7651083491619323, 0.7993687515280332, 0.8255707247969174, 0.8451711807152235, 0.8598272301701332, 0.871164398149787, 0.880590662174962, 0.8891703767156676, 0.8975655670966312, 0.9060509989880337, 0.9146094356507347, 0.9231009688858821, 0.9314471123025065, 0.9396705307533246, 0.9477045994315181, 0.9550682896605494, 0.9605298408866453, 0.9619901658246729, 0.9568586404803616, 0.9426929704498589, 0.9176876363403996, 0.8809359749892495, 0.8325081097198255, 0.7733972142429283, 0.7053772707711548, 0.630806603419954, 0.5524056399530922, 0.4730310370578725, 0.3954624444385052, 0.32221470202130964, 0.25538706375746506, 0.19655994423530232, 0.14674605805407182, 0.10639589288923579, 0.07544944757149707, 0.0534206595679243, 0.039499929972078296, 0.03266285873941177, 0.03177732613011408, 0.035703362843398256 ], [ 0.08436007606533336, 0.15187948268094642, 0.22563367669602785, 0.3036659694129822, 0.3836483988497511, 0.4630119314673865, 0.5391198637479697, 0.6094820831304689, 0.6720057695021394, 0.7252606935199167, 0.7686850626572758, 0.8026180233820417, 0.82813730589812, 0.8468019920207583, 0.8603879996637221, 0.8706509027870534, 0.8791306412475388, 0.8870090339198676, 0.895030752111256, 0.9035011207756872, 0.9123739242714234, 0.9214240507955046, 0.9304408931742849, 0.9393020476833767, 0.9478401657458925, 0.9555481321695121, 0.9612179392733056, 0.9627403414062449, 0.9574667796470192, 0.9429633376615871, 0.9175503525324664, 0.8805086162104802, 0.8320810083121329, 0.7733723627317672, 0.7061941181508777, 0.632875369997109, 0.5560571524541602, 0.4784853734849371, 0.40281572971588997, 0.33144217096111844, 0.2663594928046068, 0.2090692289796761, 0.1605345731754242, 0.12118422864529166, 0.09095853369050932, 0.0693865422405685, 0.0556815261055682, 0.04884427727056517, 0.047767003265820174, 0.051333052109467814 ], [ 0.07695554678223393, 0.14515075240089437, 0.2198819652851614, 0.2991414779378485, 0.38052437364429553, 0.46136281624334075, 0.5389045325678401, 0.610533372349968, 0.6740308654035498, 0.7278653703903257, 0.771433181970184, 0.8051005377075066, 0.8300164334984829, 0.8478354522841808, 0.8604467636956329, 0.869732884891446, 0.8773650079996191, 0.8846433591248899, 0.8923961090305139, 0.9009571296053902, 0.9102435083875579, 0.9199307147651742, 0.9296616080661609, 0.9391612850319525, 0.9481618254321744, 0.9561375202159788, 0.9619169102780802, 0.9633850262869872, 0.9578355395770816, 0.9428534032290282, 0.9168948173327147, 0.8794328673343872, 0.8308844881081604, 0.7724673894572633, 0.7060329725200875, 0.633884439187712, 0.5585867691789382, 0.48277794569931254, 0.4089917320987408, 0.3395020687117559, 0.27619856830417416, 0.22050117766186206, 0.17331894200233178, 0.13505288025551465, 0.10563753686665445, 0.08461175025477874, 0.07120783945846898, 0.06444970020388197, 0.06325317478386394, 0.06652479464522909 ], [ 0.06959648379030614, 0.1382939852158469, 0.21383569260526403, 0.2941665764807073, 0.37680858691008445, 0.4589999683608508, 0.5378793233758408, 0.6107118174973535, 0.6751586409159928, 0.7295861100994735, 0.7733455689116615, 0.8068266635569497, 0.8312410175758299, 0.8483285300381465, 0.8600836996384514, 0.8685114561281044, 0.8754129076518191, 0.8822075702689802, 0.8898079754003168, 0.8985737418024901, 0.9083752774083513, 0.9187718242731387, 0.9292439221378268, 0.9393572787215672, 0.9487460321819506, 0.9568729166532122, 0.9626079069312792, 0.9638366704476067, 0.9578107049154959, 0.9421568220963464, 0.9154833555287307, 0.877459313943927, 0.8286715685607596, 0.770446001393692, 0.7046717576561344, 0.6336263506090991, 0.5598003144096604, 0.48572578966664576, 0.4138164665984787, 0.3462273027693511, 0.2847423354822274, 0.23069770514744325, 0.18494427466024532, 0.14785006458556926, 0.11933813507151081, 0.09895200667133519, 0.08593927965158477, 0.07934490341664246, 0.07810790777790666, 0.08115828083102516 ], [ 0.06245218304862021, 0.1314662133446466, 0.20763625085785914, 0.2888637734598533, 0.37260175349050667, 0.45600015418359885, 0.5360963914096216, 0.6100471417031423, 0.6754034328341847, 0.7304335135591694, 0.774441448584881, 0.8078332387094423, 0.8318695521248018, 0.8483621247479077, 0.8594008279315768, 0.867107146986094, 0.8734100328534391, 0.8798489483461038, 0.8874215661101597, 0.8965097046483071, 0.9069250779324809, 0.9180913266752226, 0.9293087726218421, 0.9399762418426973, 0.949634966607581, 0.9577468862849474, 0.9632226747302335, 0.9639581650362233, 0.9571968663440994, 0.9406374029967199, 0.9130590901975492, 0.874327335538807, 0.8251894706239897, 0.7670699274444388, 0.701889556053308, 0.631897733503618, 0.5595105447731464, 0.48715555311614667, 0.41712795016532533, 0.3514647864387727, 0.29184441378425097, 0.23951741588231384, 0.1952730310120434, 0.15944156905488172, 0.13192940175010937, 0.11227992439122292, 0.09975236695832568, 0.09341072387267924, 0.0922169790107169, 0.09512551207402853 ], [ 0.05572071095825526, 0.12485525097452022, 0.20145762388661492, 0.28338978512481183, 0.3680402168588808, 0.4524769224194892, 0.5336452657706554, 0.608605788129996, 0.6748140402478462, 0.73045093395672, 0.7747722249664073, 0.80818748897238, 0.8319878876533853, 0.8480410434248532, 0.8585206134188283, 0.8656574542986927, 0.8715052942928961, 0.877723678372313, 0.8853960339091655, 0.8949223178684117, 0.9060418001231753, 0.9180202548115889, 0.9299567431338557, 0.9410737912467533, 0.950825944102119, 0.9586909066860706, 0.9636263335187246, 0.9635560412879174, 0.955757237525184, 0.9380332655653485, 0.909352649695639, 0.8697726633566848, 0.8201870362118089, 0.7621057251774267, 0.6974725813827231, 0.6285043618047769, 0.5575412992301765, 0.48690682141437985, 0.4187788268323259, 0.35507750418779, 0.29737564301800057, 0.24683696331394878, 0.20418621650916186, 0.16971189655401797, 0.143299000261907, 0.12448634200823538, 0.11254130538090168, 0.10654497481650615, 0.10548213697640951, 0.10833310378737948 ], [ 0.04962848547906651, 0.11867954132550429, 0.19550654926711153, 0.2779361212547187, 0.3632971749461602, 0.4485828592668701, 0.5306567491867136, 0.6064971350567793, 0.6734816611263647, 0.729722191675524, 0.7744273256036232, 0.8079897949365316, 0.831709481036286, 0.8474924412443454, 0.8575831316568938, 0.864313112050683, 0.8698564375815155, 0.8759919356521042, 0.8838891453088924, 0.893961999526222, 0.9058622870593908, 0.9186724157294905, 0.931265004985528, 0.9426740104466352, 0.9522736181172793, 0.9595803890334683, 0.9636249408882134, 0.9623905242682584, 0.9532246250956864, 0.9340684953775475, 0.9040931302626057, 0.8635368498043448, 0.8134227538047715, 0.7553315917632134, 0.6912199344004823, 0.6232659493665819, 0.5537314128316055, 0.4848352434626277, 0.4186388183239604, 0.3569464096615224, 0.3012255513272532, 0.2525522048313557, 0.21158433397614806, 0.1785651151484311, 0.15335402199929493, 0.13548123381861754, 0.12421905789028809, 0.11866382938949604, 0.11782302440977854, 0.12070456522162487 ], [ 0.04442902290059303, 0.11318704938580437, 0.19002155591281178, 0.2727283116217935, 0.3585822342577416, 0.44450978038262007, 0.5273043647230068, 0.6038773701663402, 0.6715476252420794, 0.728379799708242, 0.7735379567268479, 0.8073739161338247, 0.8311734071907761, 0.8468623675471003, 0.8567416130079084, 0.8632329778142773, 0.8686245334341199, 0.8748121328470834, 0.8830513839284639, 0.8937665122729842, 0.9065063107088442, 0.9201411374934664, 0.9332871918971538, 0.9447746996688149, 0.953904768372438, 0.9602648998949315, 0.9630028794791646, 0.9602038251542622, 0.9493240721453646, 0.9284720345610542, 0.8970223484054316, 0.8553777500356782, 0.8046727713746193, 0.7465437841971581, 0.6829488851036217, 0.6160205082797768, 0.5479382660665368, 0.4808153624839793, 0.4165969297313101, 0.3569721056322652, 0.3033036099215874, 0.2565791289006509, 0.21738807548122446, 0.18592539845736578, 0.16202144626864667, 0.14519414556400712, 0.1347178045654992, 0.1297023553174138, 0.12917789938405166, 0.13218124286087185 ], [ 0.04040075628619855, 0.10865309023626779, 0.18527073746493494, 0.268023577644564, 0.3541389839758788, 0.4404862964474564, 0.5238021361329356, 0.6009480029125635, 0.6692039169378796, 0.72660594313573, 0.7722750452453515, 0.8065032889045511, 0.8305396053758652, 0.8463102148917102, 0.8561562805484378, 0.8625774748633146, 0.867967261767637, 0.8743341976983222, 0.8830192237458121, 0.8944543338351139, 0.9080707088491187, 0.9224957335048514, 0.9360543872192602, 0.9473555084085941, 0.9556379308317631, 0.9606018025040579, 0.9615643060393549, 0.9567589726695515, 0.9438045312737227, 0.921000608942844, 0.8879096403264397, 0.8450793485243117, 0.7937379903755845, 0.7355621625375355, 0.6724994073529534, 0.6066281017026678, 0.5400408554015161, 0.47474306852913106, 0.4125633483169129, 0.35507626054677094, 0.30354024300487054, 0.25885453426507676, 0.22153874328887396, 0.19173725216526272, 0.1692482200543921, 0.15357415030687938, 0.14398876034705677, 0.13961411411695135, 0.1395027947499039, 0.1427210417866207 ], [ 0.03784384797984952, 0.10537701390649168, 0.18154817808894852, 0.26410685673308937, 0.35024047608756215, 0.4367725737023337, 0.52039830359022, 0.5979477614502592, 0.6666814138895973, 0.7246193802397315, 0.7708397162712808, 0.805563019423688, 0.8299813236266413, 0.8460011412691516, 0.8559865631855162, 0.8625006227161364, 0.8680309431319103, 0.874691756338314, 0.883907331042611, 0.896116640127741, 0.910621540977529, 0.9257756591212781, 0.9395744778863822, 0.9503846961308383, 0.9573994736810755, 0.9604802294265586, 0.9591637614390476, 0.951878717962324, 0.9364722430215827, 0.9114582048621516, 0.8765630357120503, 0.8324589144129868, 0.7804492879163583, 0.7222343971398958, 0.6597377311155461, 0.5949738570029176, 0.5299422969868313, 0.4665376083029191, 0.4064709862213123, 0.35120272477912945, 0.3018875673173732, 0.25933644639450243, 0.22399839572034125, 0.19596543381209786, 0.17500097879399468, 0.16058936808583202, 0.1520014464759446, 0.14837007203160157, 0.14876994346929628, 0.152296669005758 ], [ 0.03707593455112024, 0.10367769921959835, 0.17916900644310707, 0.26128519908422965, 0.34718271866041894, 0.43365257732037943, 0.5173657012224654, 0.5951400011667521, 0.6642334306053009, 0.7226582241142228, 0.7694492456549621, 0.8047486434313008, 0.8296753295108356, 0.8460968568767631, 0.8563819721220307, 0.8631408282661921, 0.8689413488710891, 0.8759931469065906, 0.8857995553992117, 0.8988075353765452, 0.914183185304495, 0.929979865588312, 0.9438260544603744, 0.9538209810412693, 0.9591310932163997, 0.9598286175501576, 0.9557136495927987, 0.9454592059913869, 0.9272029598823857, 0.8997019617288066, 0.8628328693782056, 0.8173698885378069, 0.7646701938264782, 0.7064385465414411, 0.644558775515453, 0.5809701648115816, 0.5175717131331561, 0.45614311204542624, 0.3982766334885381, 0.34531832005525437, 0.29831984306738835, 0.25800426261766846, 0.2247497208263931, 0.1985945835572681, 0.17926544773256936, 0.1662261275216349, 0.15874257437299943, 0.15595716433508, 0.15696610886098905, 0.1608939730056791 ], [ 0.03842675484743174, 0.10388783489112707, 0.1784631031514159, 0.2598806510987529, 0.3452764687583033, 0.43142442640603396, 0.514990169538933, 0.5927987259751534, 0.6621201733760573, 0.7209642789482386, 0.7683223133635869, 0.8042534838661897, 0.8297908893813162, 0.8467454451607738, 0.8574721467004716, 0.8646107969194478, 0.8707934576915737, 0.8783112736785129, 0.8887387329641829, 0.9025325411162405, 0.9187238865479871, 0.9350491848877092, 0.9487413797800112, 0.9576046108278706, 0.960782862961545, 0.9585996161980896, 0.9511615845620727, 0.9374388631203178, 0.9159168528653509, 0.8856302840304489, 0.8466065815677775, 0.7997001040817873, 0.7462969081224109, 0.6880839857613916, 0.6268874664917086, 0.5645580662482097, 0.5028854953786452, 0.44352962393880996, 0.3879617046033785, 0.33741328646904056, 0.2928336256858308, 0.2548586234440509, 0.22379564663955753, 0.199628590556565, 0.18204557241497954, 0.1704878567914555, 0.16421469258821997, 0.16237673578776712, 0.16409096134218804, 0.16851037235129873 ], [ 0.04223161751919624, 0.10634698098658657, 0.17976751726349882, 0.2602217966765149, 0.3448377052199468, 0.4303895976639476, 0.5135583101998, 0.5911950909667745, 0.6605949526411908, 0.7197693435676599, 0.7676655000203281, 0.8042562447332068, 0.8304786400192137, 0.8480710577021671, 0.859356774773342, 0.8669871596772961, 0.8736405535378506, 0.8816724415118046, 0.8927154880294417, 0.9072358755788328, 0.9241384693931853, 0.9408417082738987, 0.9541740185710759, 0.9616208555918906, 0.9622756756218662, 0.9567288053695862, 0.9454434671414643, 0.9277495175021643, 0.9025393920112543, 0.8691600569917706, 0.827797184952359, 0.7793664251381636, 0.7252561943694512, 0.6671109687730581, 0.6066790931022918, 0.5457079092234749, 0.48586798169777135, 0.4286936482188581, 0.37553257756295094, 0.32750138171072557, 0.2854476147897769, 0.24992101261345745, 0.2211587005287482, 0.19908972196753205, 0.18336242594332275, 0.17339377961310032, 0.1684347011561268, 0.16764295250598715, 0.17015550830214177, 0.1751533578551836 ], [ 0.04882366149646944, 0.1113934045099566, 0.1834176534946168, 0.26263414301819105, 0.3461771700742502, 0.43084163643616946, 0.5133454854777617, 0.5905851267298163, 0.659892205813005, 0.7192835022172825, 0.7676616845164347, 0.8049099185805614, 0.8318603523326077, 0.8501643682946922, 0.8620962457191952, 0.8703006888833389, 0.877483433626876, 0.8860445650066864, 0.897656297601408, 0.9127875057755079, 0.9302304646293438, 0.9471052770951641, 0.959855809115574, 0.9656363073232932, 0.9634321407418193, 0.954071006826498, 0.9384243805253076, 0.916269567059578, 0.8869669638049715, 0.850203520090031, 0.8063300809427635, 0.7563079436536023, 0.7015021845679235, 0.6434893509579862, 0.5839189777887097, 0.5244194184635813, 0.4665316209106266, 0.4116582440985701, 0.36102053739030804, 0.3156196353641674, 0.27620220218000385, 0.24323309185368452, 0.21688013157809427, 0.19701753987959014, 0.1832529326911756, 0.17497747051795298, 0.17143229102109903, 0.1717812143026426, 0.1751805676133924, 0.18083905745313544 ], [ 0.05852485061304524, 0.11935466871234468, 0.18973727659008366, 0.26742952268303943, 0.349589326051934, 0.4330548858241724, 0.5146045966144226, 0.5911989536440663, 0.6602173623938193, 0.719685443952871, 0.7684605736894132, 0.806332622732757, 0.8340203594392736, 0.8530746113529075, 0.8657039695769604, 0.8745282463649833, 0.8822610549776501, 0.8913257772466278, 0.9034110902133116, 0.9189710239097171, 0.936697119529816, 0.953455671024513, 0.9653591604141184, 0.9692364823447336, 0.9638972732764794, 0.9503246741511486, 0.9298420642288263, 0.9027884334059179, 0.8690437482575001, 0.8286520422650294, 0.782132722131569, 0.7304801038881277, 0.6750133147945945, 0.6172171068142657, 0.5586217973169869, 0.5007213588640402, 0.44491671829964485, 0.39247271578470055, 0.3444813444266678, 0.30182776651575965, 0.26515872408106433, 0.2348557779629183, 0.21101880921923633, 0.19346762697441433, 0.18176843717358626, 0.1752853025075709, 0.1732483345876008, 0.17482657207046637, 0.17919527692262105, 0.18559085788862717 ], [ 0.07163562222583408, 0.1305369282867911, 0.19902735050131803, 0.2748946622446601, 0.3553410335246927, 0.4372736210934112, 0.5175559647642408, 0.5932316247820857, 0.6617386110836668, 0.721114872121247, 0.7701714806846413, 0.8086007019841308, 0.8369991876259113, 0.8568038876129505, 0.870141253582369, 0.8795877611327442, 0.8878445821857737, 0.8973358633757557, 0.9097413324779579, 0.9254728164956411, 0.9431216804175204, 0.9593714888307494, 0.9700843420499403, 0.9717932806670665, 0.9630736038112706, 0.9449680570147294, 0.9192756034756979, 0.8869927472033512, 0.8485543499445161, 0.804370393780904, 0.7551300573339476, 0.701851614903832, 0.6457904549821109, 0.588319232088523, 0.5308308792617182, 0.47467097113879775, 0.4210908595885025, 0.3712119478449537, 0.32599445104888014, 0.28620727505389104, 0.25239842392430945, 0.22486806970645762, 0.2036499091031193, 0.18851013594086818, 0.17897313590554553, 0.17437480406282446, 0.1739332367882528, 0.17682214899726867, 0.18223563576158108, 0.18943808280574093 ], [ 0.08842308047903036, 0.1452128453746001, 0.21155370465685985, 0.28527907312973405, 0.3636602443847583, 0.4437019186555826, 0.5223785572255553, 0.5968357222152136, 0.6645806527776081, 0.7236670752842516, 0.7728584289578235, 0.811744275924373, 0.840789719793503, 0.8613042144088363, 0.8753154317480258, 0.8853374054150024, 0.8940370782295544, 0.9038148572808853, 0.9163141535352174, 0.9318739110435943, 0.9489804277216476, 0.9642155529093457, 0.9732868935187466, 0.9724901540755595, 0.9601384698666378, 0.9372753097591165, 0.9061643200163833, 0.8684819934950139, 0.8252344221662486, 0.7772024892030454, 0.725246870454726, 0.6704051151787538, 0.6138568972941557, 0.5568474435933705, 0.5006177204945435, 0.4463533242363534, 0.3951480964388265, 0.34797543147768933, 0.3056618890897181, 0.26886021613737127, 0.23802113084372267, 0.2133656303521631, 0.1948633940022103, 0.1822281717812132, 0.17494238117223404, 0.1723129325794729, 0.1735452500728184, 0.1778175666858487, 0.18434308396437316, 0.19241473296488465 ], [ 0.10910758954327793, 0.16360799983684637, 0.22753352976078933, 0.2987824954152258, 0.3747250703649348, 0.4524945977707404, 0.5292027932590814, 0.6021158459911148, 0.6688205361891324, 0.7273897290506584, 0.7765376301127539, 0.8157453037801277, 0.845336037583012, 0.8664775488292108, 0.8810815932405192, 0.8915796118211964, 0.9005803804127563, 0.9104331969872413, 0.9227156347676645, 0.9376672216923084, 0.9536757464761185, 0.9672863245434165, 0.9741489123783742, 0.9704121728253664, 0.95416383061664, 0.926430347518179, 0.8898786906250427, 0.8468121373200004, 0.7987975346699976, 0.7469873013399299, 0.6924165205263062, 0.6361416022951017, 0.5792603690325192, 0.5228808406221217, 0.4680818513715679, 0.4158806698297813, 0.36720794973550336, 0.32288601628873465, 0.2836068458375006, 0.24990766431361294, 0.22214365606981945, 0.2004591287666042, 0.1847622938916622, 0.17471601088250321, 0.16976085946890418, 0.1691742673628287, 0.17214875811865238, 0.177867383927788, 0.18556312774632688, 0.1945583010100207 ], [ 0.13384758260712792, 0.18588563492358223, 0.24712082322105156, 0.3155423234289066, 0.38865371736926635, 0.4637496270033243, 0.5381051814189393, 0.6091251441968478, 0.6744856688681975, 0.7322819831199687, 0.7811773518721759, 0.82053815787811, 0.8505349293560756, 0.8721787525560838, 0.8872478137746684, 0.898069729580163, 0.907168903188662, 0.9168135778972897, 0.9284864227328964, 0.942311496677777, 0.9565940172448907, 0.9678910144939123, 0.971882057501922, 0.9646813739647769, 0.9442706683756552, 0.911664070893364, 0.8698155044546734, 0.8215555013282845, 0.7689724606809065, 0.7135817290526689, 0.656594378925377, 0.5990878508252419, 0.542076767707613, 0.4865274325644463, 0.43335103146982173, 0.38339181390919447, 0.3374142538395451, 0.296088408893595, 0.2599719418696852, 0.2294878705083236, 0.2048979052574546, 0.18627233815269673, 0.1734607856025533, 0.16607715643609433, 0.1635206443868722, 0.16503912725299374, 0.16981254045596716, 0.17702956596355424, 0.18594403407894977, 0.1959086803307012 ], [ 0.16272236038594046, 0.2121296156630904, 0.27039128847679245, 0.3356218053737872, 0.40549596244804714, 0.47750244971724065, 0.5491050487294753, 0.6178640186822855, 0.6815540695105806, 0.7382958570943332, 0.786700155865233, 0.8260126300522472, 0.8562399232997161, 0.8782212424762277, 0.8935833805627915, 0.9045282601772372, 0.913468109499322, 0.922559147558424, 0.9331638982408405, 0.9452857435375438, 0.9571679965303197, 0.965420841954133, 0.9658326057361832, 0.9546059436232763, 0.9297789027205408, 0.8923703064813862, 0.845485233134693, 0.7923609866090482, 0.7355428981175728, 0.6768861011880838, 0.6177735519916615, 0.5593055254186302, 0.5024149657124428, 0.4479262206222749, 0.3965816377428235, 0.34905145334648907, 0.3059338330818222, 0.26774742855750605, 0.23491722290441563, 0.20775411468718602, 0.1864287007050398, 0.17093998694384815, 0.16108206870862607, 0.15642222662279004, 0.15631912492432032, 0.15999162686981205, 0.1666080436134466, 0.1753640153307946, 0.1855356244278591, 0.19650719460768618 ], [ 0.19571260995143858, 0.24232593481847353, 0.29732809839620866, 0.3590002988671887, 0.42522701526611656, 0.4937227060537144, 0.5621635936780912, 0.6282810922272809, 0.689956871110656, 0.7453399181067331, 0.7929874437910339, 0.8320192445117316, 0.8622676187905375, 0.8843849255122084, 0.8998292414934035, 0.9106550996645375, 0.919134386655052, 0.9272812286609825, 0.9363181057454658, 0.9461310472310955, 0.9549258851646583, 0.9594074948547056, 0.9555500506926924, 0.939768446993238, 0.9102920032871006, 0.868174638887153, 0.8165718643339114, 0.7590017369483313, 0.6983821697123301, 0.6368679925674922, 0.5760003237224427, 0.5169004889532087, 0.4604218413291303, 0.40724938002694083, 0.3579590145323034, 0.3130493730037898, 0.27295497742275676, 0.23804602517195017, 0.20861788453365243, 0.1848722644364481, 0.16689130605276825, 0.15460535117628071, 0.1477560305066017, 0.14586667028462674, 0.1482568185787465, 0.15411770414918535, 0.1626077044083103, 0.17293121142895196, 0.18438820977056036, 0.1963957807767951 ], [ 0.2326787579427151, 0.27634557576154883, 0.3278113644723197, 0.3855672467152291, 0.44774463454023666, 0.5123137653649297, 0.5771854113933008, 0.6402764325085833, 0.6995829927491669, 0.7532851355533419, 0.7998862017771131, 0.8383767179953714, 0.8684060515960463, 0.8904259741923888, 0.905709871362937, 0.9161442176050483, 0.9238333815557376, 0.9306219273941353, 0.9375773870216534, 0.9444777622846613, 0.9495202786654909, 0.9495500862505917, 0.940802249967467, 0.9200103879581996, 0.8856837224820759, 0.8389483336190532, 0.7829594099265658, 0.7214038653574821, 0.6574779443186118, 0.5935809681639735, 0.53138708940257, 0.47203087986044534, 0.41628666259172875, 0.3647040341237775, 0.3176975077957562, 0.27559936881290037, 0.23868567139251196, 0.2071830683320104, 0.18126176648852255, 0.16101807264451884, 0.1464486541910871, 0.13741757198534166, 0.13361668869545607, 0.13452830636945035, 0.1394351018163943, 0.14750318447919775, 0.15788339748509284, 0.16979102334722973, 0.1825517186646528, 0.19561636211898226 ], [ 0.27334795759454766, 0.3139371526117789, 0.3616149389338004, 0.4151213938386509, 0.47287015160820023, 0.5331153062487066, 0.5940224965528003, 0.6537068974514741, 0.7102857675693779, 0.7619726910365067, 0.8072177640200083, 0.8448813915858446, 0.8744248370923271, 0.896088054784976, 0.9109459056065103, 0.9206976280830615, 0.9272549775484543, 0.9322695646041743, 0.9366430891126192, 0.9400581839531371, 0.9407375297812071, 0.9357153730485619, 0.9215548002143723, 0.8953858457543277, 0.8560511969370397, 0.804785896129214, 0.7447305092346758, 0.6796561327016555, 0.6129451097268634, 0.5471763037438484, 0.4841212049066439, 0.4249128131201568, 0.3702440523120969, 0.3205331366191006, 0.2760399044177351, 0.23693775657441296, 0.20335153005534795, 0.17537092725459247, 0.15304668190054904, 0.13637429472696627, 0.12526831505939007, 0.11952867769190367, 0.11879939483948798, 0.12252469744825645, 0.12995394486634904, 0.14023199628001115, 0.15250510934797445, 0.16600177645909242, 0.18007507677237278, 0.19421044823022016 ], [ 0.3173281324655296, 0.35473593049620683, 0.3984123810353792, 0.44737585478044734, 0.5003535794685747, 0.5559089067630315, 0.6124805424248773, 0.6683933074157252, 0.7218911497611935, 0.7712233495084488, 0.8147882959848498, 0.8513184461880414, 0.8800868787099677, 0.9011147367696637, 0.9152671250548775, 0.9240380860272208, 0.9291244576478979, 0.9319667644146352, 0.9332939853418202, 0.9327068320511637, 0.9284921865376246, 0.9179211904056175, 0.897938512371872, 0.8661195759355922, 0.8216709788392941, 0.765969493854086, 0.7021475794925787, 0.6340044128256901, 0.5650274624133185, 0.4979071557903424, 0.4344689337929805, 0.37582294735494876, 0.32257495147010473, 0.2750150650559453, 0.23325603545807805, 0.19732134302643312, 0.16719340583776265, 0.1428328753057707, 0.12417767962866844, 0.11112777877287972, 0.10351934409883712, 0.10109030834367971, 0.10343777350875194, 0.10997043848800059, 0.11990984557470852, 0.13238471365362448, 0.14653996750017717, 0.16161966334570532, 0.17700589662110222, 0.19221899252525676 ], [ 0.3641314052478584, 0.3982829701493044, 0.437790330751962, 0.48196834084387746, 0.5298824021034819, 0.580426296037663, 0.6323271548413134, 0.6841289852908818, 0.7342069415241149, 0.780847762452059, 0.8224004590365728, 0.8574746580312212, 0.8851614899819149, 0.905262935096463, 0.9184254855751072, 0.9259203388061543, 0.9292105820981035, 0.9295132250535495, 0.9273825602076644, 0.9223526594189271, 0.9128126797865637, 0.8963126572769914, 0.8702166541546126, 0.8325710198849776, 0.7829611844994794, 0.7229325251004731, 0.655625881864867, 0.5848360256295196, 0.5140903377760746, 0.44612572698632125, 0.38277435249163233, 0.3250975617548339, 0.27360522635352585, 0.22846165423635278, 0.18964036933574613, 0.15702477021455719, 0.1304646468890731, 0.10980036309751229, 0.09486435790105041, 0.0854667545397425, 0.08136936027151498, 0.08225035551215332, 0.08766039923343005, 0.09697471861348084, 0.1093943107313321, 0.12403764929503203, 0.14005176398376984, 0.1566985885234995, 0.17339052663164856, 0.18968252314308576 ], [ 0.4131956844138714, 0.4440459286035345, 0.47926567593605784, 0.518474941006938, 0.5610931692197483, 0.6063596507145065, 0.653301426563285, 0.7006890666428979, 0.7470323186219527, 0.7906568039277359, 0.8298652786959672, 0.8631521545229447, 0.8894388431922173, 0.9083172396174427, 0.9202076116207791, 0.9261407248578464, 0.9273316777900276, 0.924767289095438, 0.9188309250173441, 0.909008789029369, 0.8938237015217868, 0.8711371935589138, 0.8387552914317082, 0.7952031535235636, 0.7404487630656175, 0.6762261627237488, 0.6057043532760973, 0.5326584015487004, 0.46060672819070503, 0.39227457202316673, 0.3294535655132859, 0.27312813285397114, 0.22370179251715666, 0.18121454093609135, 0.14550850579395258, 0.11633719046816549, 0.09342800741401469, 0.07651020449327528, 0.06531833606020854, 0.05957855462676853, 0.058982388842859224, 0.06315058259429784, 0.07158828263371508, 0.08364004734292951, 0.09849331785412818, 0.11526271376889019, 0.1331010962377428, 0.151290519349759, 0.16927448361547737, 0.18664153722950705 ], [ 0.4639044065728134, 0.49143870376454735, 0.5223036757777415, 0.5564257178268304, 0.5935848128885086, 0.6333731547626407, 0.6751242016274033, 0.7178398983725095, 0.7601668431279371, 0.800470837709012, 0.8370126445929371, 0.8681814969348729, 0.8927455086769194, 0.9101041215959733, 0.9204453438895022, 0.9245445096815824, 0.9233600387272644, 0.9176476719068181, 0.9076290849489088, 0.8927625933155868, 0.871728567946799, 0.8427211933826112, 0.8039971888399071, 0.7545552458868046, 0.6947408159355387, 0.6264893638529985, 0.5530170040746039, 0.47807519167098406, 0.4051391696835904, 0.3368733620431999, 0.27498486105577086, 0.22035365924051442, 0.17326633050104756, 0.13363983396611068, 0.1011925737302426, 0.07555828178952817, 0.05635223083261742, 0.04320170957684277, 0.035750941498019606, 0.03364788744788483, 0.03651780961838902, 0.043926481709839815, 0.05533561539658116, 0.07006290645373237, 0.0872880207535589, 0.10612816990304774, 0.1257462030244635, 0.14544637693571227, 0.16470324635083156, 0.18313711053949067 ], [ 0.5156049244246539, 0.5398397367527046, 0.5663357004611469, 0.59532079643475, 0.6269326456080372, 0.6611149912594178, 0.6975083130518968, 0.7353478333164739, 0.7734181817710966, 0.8101268423759757, 0.8436985870202817, 0.8724303684582293, 0.8949562695214603, 0.9105014505254391, 0.9190221393516533, 0.921030086067101, 0.9172240115643375, 0.9081331290997923, 0.8938305155747933, 0.8737654383210258, 0.8467927445804921, 0.8114492378607288, 0.7664389413513685, 0.711218736379984, 0.6464990199137458, 0.5744218395345304, 0.4982658363593654, 0.42176162556672697, 0.3483191003274848, 0.28050231032194567, 0.21989553630517072, 0.16725015206699068, 0.12272683485231584, 0.08612125606030929, 0.05703562758370373, 0.03499366766404044, 0.0195083474064216, 0.01011378374018057, 0.0063710994464214465, 0.007855589612997704, 0.014130176099958813, 0.024708506051561163, 0.03901202309353902, 0.05633578922017779, 0.07585656625215731, 0.09670027542171666, 0.11804451162459673, 0.13921742582506802, 0.15972331234835468, 0.17921162731430484 ], [ 0.5676260451122714, 0.588609344236006, 0.6107762488514454, 0.6346461654816371, 0.6607021789378603, 0.6892289681972315, 0.7201680912120162, 0.7529867854694061, 0.7866079045128954, 0.8194826767578804, 0.849808183204623, 0.8758048289861629, 0.8959926561006628, 0.9094381967148029, 0.9158739288149736, 0.9155495337172255, 0.9089072342535702, 0.89625917853011, 0.877545131718418, 0.8522216739597074, 0.8193286938491533, 0.777745828342597, 0.7266108391853237, 0.665815562064337, 0.5964163317271042, 0.5207592317080301, 0.4421953019317647, 0.36443993910249667, 0.29082477316471295, 0.22378320302253163, 0.16474610746694696, 0.11431781502893412, 0.07252737280198807, 0.039052021574869866, 0.013385222169499111, -0.005050142369797284, -0.016834249997795148, -0.022517997600026707, -0.022616641097990442, -0.017622355753766916, -0.008030665466160158, 0.005623250756398246, 0.022724405558194438, 0.04254947554621402, 0.06427652877038292, 0.08704569547492724, 0.11005483768584845, 0.13265696601814403, 0.1543833183911062, 0.1749094909676513 ], [ 0.6192952489581836, 0.6371065843183082, 0.6550393893673191, 0.6738888216592847, 0.6944620958158304, 0.7173650475660517, 0.7428274897774835, 0.7705440097235444, 0.799574967337662, 0.8284183260875548, 0.8552544200284247, 0.8782449586097619, 0.8958151954244573, 0.9068879126621269, 0.910985391007533, 0.908105893644271, 0.8984452463713418, 0.8821125709898117, 0.8589308637112225, 0.8283774347286141, 0.7896820867908538, 0.7420593852049386, 0.6850590234835067, 0.6189784152943526, 0.5451952943771117, 0.466249726774301, 0.3855678890609664, 0.3068550580440899, 0.23335827869735265, 0.16735869631113798, 0.11011257033210275, 0.06206651657838358, 0.023116542425221653, -0.007174184901547642, -0.02941357980858872, -0.04427112781448017, -0.05241186470146286, -0.05446432609111551, -0.051014026491183806, -0.04261576126014455, -0.02981959855618843, -0.013205874365671, 0.006578123910792266, 0.0287947802559686, 0.05262718477471795, 0.0772343556748698, 0.10183986774157838, 0.12582185689322833, 0.1487349362562349, 0.1702776554565446 ], [ 0.6699561505487164, 0.6847062270224994, 0.6985549620281676, 0.7125511077050608, 0.7277958502296398, 0.7451881097112026, 0.7652262343009448, 0.7878236748337344, 0.8121767017225546, 0.8368344553580265, 0.8599743527339979, 0.8797185933698817, 0.8944160830094203, 0.9028613557489716, 0.9043839197420029, 0.8987482092512402, 0.8859202880245038, 0.8658245560668116, 0.8381848772495225, 0.8025100047084669, 0.7582195537481148, 0.7048483226748585, 0.6423296452384452, 0.5713326154264636, 0.4935274703054756, 0.4116314156985318, 0.32914024620167404, 0.249750343046923, 0.17662183883543436, 0.11187032853958667, 0.05656737324162864, 0.01100024766384422, -0.025064778000289833, -0.0521726809351144, -0.07102545419606632, -0.08237724575166128, -0.08697057853275847, -0.08550508041819949, -0.07863101918889781, -0.06696128572157278, -0.05109658740059908, -0.03165853313058031, -0.009322532589512988, 0.015163382092729716, 0.040990664975706026, 0.06734104036740785, 0.09346744273224328, 0.11877320910262712, 0.14283326165510102, 0.16536584200667026 ], [ 0.7189867977987735, 0.7308164463578565, 0.740784867633909, 0.7501641182875818, 0.7603114594256765, 0.7723843452809555, 0.7871234479534213, 0.8046478799879222, 0.8242872938046489, 0.8446488611681455, 0.8639239298058159, 0.8802150339251061, 0.891812667505197, 0.8973997130395928, 0.8961330266988083, 0.8875655047443436, 0.8714552759080979, 0.8475639544093183, 0.8155353123201947, 0.7749184121649725, 0.7253182223101019, 0.666569125489719, 0.5989549219615163, 0.5234795446098798, 0.44207385232572605, 0.3576099151640599, 0.2736391928406007, 0.19384298659154964, 0.12129328036563158, 0.05793565544000401, 0.00465988215409785, -0.03839861546843737, -0.07159570666445525, -0.09557720174546014, -0.11113196355737476, -0.11909180453635682, -0.12027022630966444, -0.1154321764340911, -0.10528773212470677, -0.09050364300428271, -0.07172737779235405, -0.04961786920246258, -0.02487458113781471, 0.0017476433547960468, 0.029451541328651243, 0.05744421622814444, 0.08500953019300728, 0.11157592270465422, 0.13673657038780607, 0.1602263783117016 ], [ 0.7658194336748476, 0.7748978162157641, 0.7812394480295538, 0.7862998822212123, 0.7916491711173745, 0.7986648123358504, 0.8082982499992493, 0.8208548157838716, 0.8357939031844923, 0.8517915616427871, 0.8670724832731727, 0.8797392965830166, 0.8880416858750765, 0.8905685308775801, 0.8863259645498178, 0.8746805357420856, 0.8552077454467557, 0.8275308791054066, 0.7912342733672239, 0.7459158010157899, 0.6913572220248804, 0.627666384797279, 0.555441138816298, 0.4759819061139928, 0.3914466065701817, 0.3048362514685086, 0.21973701658672407, 0.1397985354230088, 0.06800053170591969, 0.0061252129538204025, -0.045102593024886506, -0.08568427069942708, -0.1160869126157209, -0.1370487240559073, -0.14943824207689338, -0.15415848488026873, -0.15208811861486793, -0.14405227185906888, -0.13081634446072266, -0.11309694443228391, -0.09158448646076456, -0.06697133322858884, -0.03997715591050777, -0.011360365368385472, 0.018095387044962385, 0.0476239775366879, 0.07654027545855169, 0.10429741889603117, 0.13050553774230989, 0.154913688798896 ], [ 0.809962363362964, 0.8164837018066227, 0.8194930716511272, 0.8205817091345735, 0.821486938885744, 0.823766189233039, 0.8285469047499828, 0.836293823731685, 0.8465910131905108, 0.8581994901563217, 0.8693976357924025, 0.8783071495971377, 0.8831542446318151, 0.8824522948019498, 0.8750797798653818, 0.8602436751832033, 0.8373640798283745, 0.8059515775525553, 0.7655526679238916, 0.7158239363987896, 0.6567110421773746, 0.5885646581692974, 0.5122587253663373, 0.4293513465744121, 0.3421931540425253, 0.25388608172151417, 0.16802591396304534, 0.08820394995886638, 0.017295504963871666, -0.04305912845409943, -0.09227172677300832, -0.13046057901425334, -0.1581906901005775, -0.176283182110905, -0.18567887061547372, -0.18734578072373698, -0.1822223680952716, -0.1711892351173745, -0.15506293466738408, -0.13460610537399498, -0.11054837953591856, -0.08361179756430548, -0.05453269694688523, -0.024070273181193924, 0.007007052745703457, 0.037960204131869624, 0.06813419318140801, 0.09700612136158648, 0.12420214938000695, 0.14948353337101705 ] ], "zauto": true, "zmax": 0.9741489123783742, "zmin": -0.9741489123783742 }, { "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.0063318534439928366, 0.03691891498917664, 0.06941793149342504, 0.09749806643243916, 0.12038355622971748, 0.13767594653144122, 0.14925628249544867, 0.15526792151750587, 0.1561149908244836, 0.15246430861656077, 0.14523621449239904, 0.13555759050234856, 0.12463623132868483, 0.11352117200053535, 0.10278318596892973, 0.09229165414430004, 0.08132509811225047, 0.06904546468919455, 0.05508539995432401, 0.04002433384047188, 0.025879327337101445, 0.017049399124027496, 0.016786097195675337, 0.018229925996020836, 0.016052371488189013, 0.010470734503853548, 0.006243223715261872, 0.008259461679640673, 0.008856270750202488, 0.008832883598872255, 0.017586154929092056, 0.03186817681723431, 0.047016648442364875, 0.0602786528100735, 0.06965067501492835, 0.07371276824993891, 0.0716359511069867, 0.06326848920849136, 0.049468033738101665, 0.033774118993784706, 0.029564756892959124, 0.04822637343756573, 0.07668102905001237, 0.10769986425674258, 0.13891288433165955, 0.16922241888070558, 0.19805867325544604, 0.2251644502300848, 0.2504893743347167, 0.2741149875434804 ], [ 0.020802610850705325, 0.03929161557082904, 0.0686174259483678, 0.09506869793293064, 0.11670191643299814, 0.13285435627462527, 0.14330990218271386, 0.14816341178792103, 0.1477932460105213, 0.14286371024842962, 0.1343311909369936, 0.12342301314243939, 0.11153445490650615, 0.09997006642540222, 0.0895144665399989, 0.0800415770135065, 0.07056672355349794, 0.05985529639468252, 0.047170904015071985, 0.032760799931886894, 0.01819847300467954, 0.008577610982580045, 0.012056778073015473, 0.016025984320316482, 0.015299206249574742, 0.011126147765352735, 0.007941245265471752, 0.008614976960037653, 0.007705430877936837, 0.006559302408735821, 0.01634923808377954, 0.031116603803621773, 0.046402622235960464, 0.05964755230562497, 0.06889722924172947, 0.07271829532546474, 0.07020534926555853, 0.061000488738865634, 0.04535633615644301, 0.024597892550547517, 0.012117153618271686, 0.03676877136802892, 0.06775934803984159, 0.09959300581952382, 0.130949969292051, 0.16110072252046073, 0.18964781168023007, 0.21643689674067693, 0.24148832486166655, 0.26493363491029454 ], [ 0.03945668125075401, 0.04908573432582031, 0.07223940319035992, 0.09550100244587136, 0.11502069318479649, 0.12951308420002755, 0.13851560254904816, 0.14200021249819678, 0.14027234775506092, 0.13395500409803973, 0.12400394730281085, 0.1117183903430745, 0.09868468396165714, 0.08653349361122209, 0.07639087364245756, 0.0682115678249754, 0.06069295507026266, 0.052115366844456876, 0.041383807915396136, 0.02857597066658876, 0.015197178369111932, 0.006917591327221749, 0.01201410890883141, 0.01635929831198592, 0.016298332731649545, 0.013324858103491344, 0.010792660443181964, 0.010151362728992482, 0.008544282434555035, 0.008601370957799092, 0.01837162861963386, 0.032890424225078645, 0.047999846663479694, 0.061134870330718454, 0.07034862070346022, 0.07421616317938397, 0.07183791709237936, 0.06285726224120478, 0.04751367144804637, 0.02699453196453676, 0.011164375873992802, 0.033083678659555166, 0.06321192051479907, 0.09422476493447388, 0.12475284848666997, 0.1540914034735187, 0.18188115308943398, 0.2080094134010018, 0.23253581373463428, 0.2556234027177993 ], [ 0.057555469951574866, 0.06215527682354767, 0.07911509208544465, 0.09833897724365366, 0.11510723286468198, 0.12751659237528512, 0.13479665457115148, 0.1367502448804734, 0.1335735937196461, 0.12581222886585294, 0.11437855902614992, 0.10059669627478023, 0.08622070529697519, 0.07327638666534193, 0.06342699310464792, 0.056848037348257725, 0.05180310918538854, 0.04591548810018997, 0.03774472895073983, 0.027430759751417896, 0.017011364779287667, 0.01181555860836667, 0.014611814766774473, 0.01753918592793801, 0.017355695393991236, 0.014983631790972084, 0.012577832185887181, 0.010886465891110905, 0.009077989676173345, 0.011315889642238902, 0.021723680493526364, 0.03612744391440191, 0.05109487352715694, 0.06418835024266539, 0.0735229053305881, 0.07773165538567343, 0.07599678172879888, 0.06811753918689864, 0.05471554732559308, 0.03815207612544071, 0.0273904634396655, 0.03868039147727794, 0.06353879905327488, 0.09178533505570895, 0.12038939613367121, 0.14820312962986879, 0.1747351464308632, 0.1998407116574633, 0.22358237918040733, 0.2461338507550244 ], [ 0.07473606876125509, 0.0761252060631588, 0.08790838780589237, 0.10293479394532357, 0.11660450333955763, 0.1266453883344719, 0.13201425414718293, 0.13233676873395886, 0.12768144787569305, 0.11848866169321334, 0.10558380764413813, 0.09025009127982075, 0.07433991218448764, 0.06030796365780356, 0.05065123631127083, 0.046039669633944784, 0.044028962277943055, 0.04124853566053203, 0.03591661361266872, 0.028329160449722623, 0.0207109786481048, 0.016742762307959815, 0.017300076941321563, 0.018353566973485804, 0.01761116318383152, 0.015521604502575607, 0.013104130531952486, 0.010477893988453283, 0.008697973092962765, 0.013590145747532466, 0.025293174538738916, 0.03999844902937121, 0.05504075268911987, 0.06825410179993177, 0.07789115086327537, 0.08269080361251162, 0.08195656469484527, 0.07567519223409962, 0.06479902719061897, 0.052083333745602964, 0.04411832714694488, 0.04979864802754915, 0.06813159690950596, 0.09213648452652397, 0.1178027575770299, 0.14338818246667043, 0.16815678629529862, 0.19187207244950683, 0.21456744161187993, 0.23640762328461115 ], [ 0.09083884717850697, 0.0899230878559562, 0.09754416041447293, 0.10861170301833775, 0.11909187575333136, 0.12662112488712396, 0.1299772066346589, 0.12863492379749786, 0.12253686074172342, 0.11200433296216895, 0.0977397889108408, 0.08090976134142115, 0.06333510634144059, 0.04782215948968136, 0.03812089911040023, 0.0359814904017687, 0.03756720329586326, 0.03798878729048119, 0.03527483003729141, 0.029946972418681515, 0.024129053547771607, 0.020361348507567118, 0.019087872680652717, 0.018286039241611055, 0.016795924373255722, 0.014942502797556836, 0.012654350676944965, 0.009253123444275703, 0.007817232766090814, 0.015601880988940203, 0.028764083250195048, 0.04404954213156749, 0.05937998532455002, 0.0728824834241238, 0.08298490274037136, 0.08855639620401468, 0.08902511358763893, 0.08452056588362615, 0.07613280577733614, 0.06644097816094947, 0.060181950911564634, 0.06288127318057954, 0.07564798309123041, 0.0948269453467317, 0.11680972576555829, 0.1395441319171301, 0.16206672270727837, 0.18403030403537676, 0.2054216863278197, 0.2263824132910645 ], [ 0.10575478273331353, 0.10303061163554207, 0.10727605897550083, 0.11477185467361702, 0.12214464029141042, 0.1271378515451933, 0.12845810117132858, 0.12547789430860978, 0.11803441033122157, 0.106333456243242, 0.09093714215944246, 0.072832554721125, 0.05363627362398307, 0.036196608824553965, 0.02596096420485784, 0.027133288643698808, 0.03270511300611888, 0.035912583488800505, 0.03514818431607058, 0.031303070780676595, 0.026427130563818867, 0.02247015216577155, 0.01973483870646232, 0.01724076371906218, 0.014948066458486857, 0.013482761468031623, 0.011686502970227837, 0.007949060656249637, 0.007532063424151048, 0.01775226018838563, 0.03214273643714748, 0.04808185845443685, 0.06383006291132959, 0.07774881925537873, 0.08843628825802118, 0.0948910200492157, 0.09664684368698852, 0.09391263217790169, 0.08776588409928228, 0.08042153908887675, 0.07534495198060379, 0.07627589895980715, 0.08475469639187162, 0.09922928735815305, 0.11712804734849021, 0.1365235226874743, 0.1563654034275001, 0.17623216144638973, 0.1960702067207546, 0.21599336661021193 ], [ 0.1194016252417784, 0.11516613342266718, 0.11661121484089582, 0.12093606620658097, 0.12537585945575008, 0.12789121822456917, 0.12721237555303053, 0.12266785126537381, 0.11402466520034032, 0.10139503553377416, 0.08521092537037468, 0.066263533200245, 0.045840158571685954, 0.026268918227155613, 0.014549890857097498, 0.020592016711342066, 0.029781338438406735, 0.034764780078367856, 0.035026513908895114, 0.03186347722615724, 0.02732780839622809, 0.023084131735338475, 0.019289333184622864, 0.015377616852081841, 0.012299232164975346, 0.011505700560965965, 0.010675337617554901, 0.0074608407333757705, 0.00878273935276567, 0.02027622718170253, 0.035492551726228116, 0.05201654066650771, 0.06822416561085648, 0.0826300961637241, 0.09397315477310923, 0.10136318572146844, 0.10441142975812281, 0.10335136982421989, 0.09916426098797028, 0.09368152192329275, 0.08949045419842343, 0.08926212529850151, 0.0944712117590453, 0.10470074994265156, 0.11842257068995747, 0.1341498814479725, 0.15094165549130242, 0.1683899589851853, 0.18643624507992748, 0.205175818248369 ], [ 0.13171708443407745, 0.12616241656357466, 0.12522723334784322, 0.12674188706628922, 0.12845782809048048, 0.12860062764735183, 0.12599668849186285, 0.11998978794697376, 0.11032202957114914, 0.09705017110675801, 0.08051576410090229, 0.06136797166392319, 0.040637832773796234, 0.01998023590203324, 0.006572202748230531, 0.018331721445863897, 0.029008888035519414, 0.03433691251484974, 0.03463727369493192, 0.03142036189708865, 0.02678408148318894, 0.022301937212387817, 0.0179430041571121, 0.013070186456826385, 0.009296919063892453, 0.009481781609953525, 0.009916764944837515, 0.008021150670738064, 0.011150758432577151, 0.023123070203654325, 0.038823519693166955, 0.05580912877383795, 0.07245732218261368, 0.08737220557028597, 0.09939763999598279, 0.10772903790725775, 0.11202568042052263, 0.11250587539668477, 0.11001701253574128, 0.10604290058299858, 0.10254411738992307, 0.10149126416459354, 0.10415860743679448, 0.11068652903555526, 0.12035322727309918, 0.132236739916992, 0.1456827692082366, 0.16041803494568704, 0.1764453440644826, 0.19386823855561675 ], [ 0.14265583879361968, 0.1359159830867612, 0.1329138268042364, 0.1319259305783806, 0.1311284706903792, 0.12902326240359624, 0.12458426548761994, 0.1172260764024749, 0.10671700980247596, 0.09310826716593812, 0.0767125438388101, 0.05814862214074777, 0.03849232458998234, 0.019938320010956505, 0.011630360702840976, 0.021122380914464594, 0.030253463336860395, 0.034514396903435496, 0.03393992500347941, 0.029996312983125623, 0.024875329016515856, 0.020272166469088585, 0.015983042274426307, 0.01093745317654542, 0.0068413531244719585, 0.007988851153636733, 0.009387042056217206, 0.008945535583389558, 0.013727183962601145, 0.026066632337252295, 0.0420763318122934, 0.0594103725512632, 0.0764514337599985, 0.09186299050792353, 0.10456422011480954, 0.113810032606985, 0.11928158425459438, 0.12115573169826192, 0.12013455402243695, 0.11740244737885958, 0.11445695241470684, 0.11277764129560022, 0.1134170328583954, 0.11675535591267552, 0.12261172326151559, 0.13060609820865057, 0.14048506718668646, 0.1522397523951404, 0.16602973816967373, 0.18201526701782203 ], [ 0.15218766427877456, 0.144363876722909, 0.13953635610915127, 0.13630437298779355, 0.1331894237389474, 0.1289614648667772, 0.12277645580418114, 0.1141700136540068, 0.10299092545688, 0.0893417490055108, 0.07357538133916997, 0.05639625718206713, 0.039191199452192994, 0.02514966160292756, 0.021060558939631855, 0.026890121258869616, 0.03304808921721293, 0.035275084607337845, 0.03309646322675305, 0.027813029226145328, 0.021789110299751967, 0.017191449044398992, 0.013791115110067389, 0.009812539332399735, 0.0064615001060258975, 0.007532054079122129, 0.00883814930255197, 0.009555619341666306, 0.015997613248500252, 0.028875700882779874, 0.04515448046145503, 0.06275779315465152, 0.08013762373179575, 0.09601460164319096, 0.10936293217552662, 0.11947446437591641, 0.12603109145049052, 0.12915241795178448, 0.12939757879895594, 0.12769799490687841, 0.12519894195604553, 0.12301827718847037, 0.12200011273127623, 0.12259451938185617, 0.12494258860832504, 0.1291036801954917, 0.13526410622735502, 0.1437948440339678, 0.15513287502195136, 0.1695707250375371 ], [ 0.16029593113448934, 0.15147179861732063, 0.14501358823197436, 0.13975659710563906, 0.13450076511511525, 0.12826577532783356, 0.12041091672434025, 0.11063743826010128, 0.09893091466073131, 0.08550632223512858, 0.07081964444302558, 0.055720276692941974, 0.04185556228810131, 0.03229984250395255, 0.030266344021772643, 0.03363745511097032, 0.03683819025597533, 0.036647732444174026, 0.032429079830931455, 0.025312465273771293, 0.01786861775787514, 0.013347380392064854, 0.011888911757552004, 0.010243155363113328, 0.008320330025632537, 0.008087938686978664, 0.008066792389169596, 0.009637777877841232, 0.01783413147219803, 0.03140841961171389, 0.047962031497223556, 0.0657815886093018, 0.08345021805415836, 0.09975393634447395, 0.1137084383463067, 0.1246243696451239, 0.13216858255869965, 0.13639542599799734, 0.13773055276883972, 0.13689348840977386, 0.1347554945348175, 0.132158204407991, 0.12975969250215996, 0.12798988986200793, 0.12715084054739012, 0.1276097314542348, 0.12996396256663176, 0.13504712340304637, 0.1437140680106242, 0.15650052373856524 ], [ 0.16697621184675543, 0.15722732069053058, 0.14930387065708825, 0.14221275425286833, 0.13497514301058441, 0.12683567520458994, 0.11736741236334339, 0.10647629341074955, 0.09434356992620047, 0.08136261490937861, 0.06814249071450226, 0.05564940483238516, 0.04545760462880249, 0.03958340003860633, 0.03871025829224312, 0.040425201894819476, 0.041164537182132, 0.038652284105391364, 0.03233907514346127, 0.023192957170797012, 0.01379457418164018, 0.009312492711032816, 0.010959007214385906, 0.011889456526177093, 0.010884760330985286, 0.009162701564595895, 0.007141468318215312, 0.009436716531785592, 0.019349567528522453, 0.03361843762865703, 0.05042275480663725, 0.0684125837280664, 0.08632676396777193, 0.10301872684174139, 0.11753385327770356, 0.12918707576591124, 0.13761936094384697, 0.14281761607283386, 0.14508714299473574, 0.14497121064996912, 0.14312482117727118, 0.14017338914168298, 0.13661213366210792, 0.13280428733219424, 0.1291008147444928, 0.12604527351473505, 0.12456534592346187, 0.12599288075262988, 0.13175346730510717, 0.1427854167446825 ], [ 0.17223490088902857, 0.1616354892030613, 0.1523961322646056, 0.14364456421883778, 0.13457246711152335, 0.12461943994036934, 0.11357231969181948, 0.10157459335896814, 0.08906633961207973, 0.07669561398068887, 0.06526387324621974, 0.055742100985310905, 0.04920990900239878, 0.04630161759823943, 0.04624606012878575, 0.04684413759381384, 0.045694091695343615, 0.041248342340130854, 0.033164148528170845, 0.02232158914672416, 0.011056598014588625, 0.006741456029359434, 0.011534579168460122, 0.014029008819251199, 0.01326048944817051, 0.010317597938582598, 0.006483089972073314, 0.009518636164646304, 0.02074208120736837, 0.03550852330938996, 0.052477674224890886, 0.07058656017735042, 0.08871035454377647, 0.10575710144090929, 0.12078795784304348, 0.1331101867264333, 0.14233233316956567, 0.1483761357858232, 0.15144167392523727, 0.1519270880743317, 0.15031565697384128, 0.1470610775149341, 0.14251742897780603, 0.1369588355163396, 0.13071017804404825, 0.12437433171666477, 0.11909243866701479, 0.11667066090600901, 0.11925786125918333, 0.12842359301723832 ], [ 0.1760878099021178, 0.16471558305447095, 0.15430359983192404, 0.144058383501799, 0.1332954135252108, 0.12161387810677513, 0.1090028144292784, 0.09586763315902722, 0.08297661464739449, 0.07132995216292608, 0.06195978122128726, 0.0556592742506921, 0.052629430157713195, 0.05218318985958738, 0.05282024924982308, 0.05269644009309857, 0.05018438063851817, 0.04431215035585205, 0.0350205607863796, 0.02330887278484033, 0.01174476418745047, 0.008317245918313326, 0.013463147027650687, 0.016158825819970933, 0.015119670357985528, 0.011277677629860266, 0.006560511364777714, 0.010327624134971555, 0.022129990388564526, 0.03706988798291442, 0.05407131534024176, 0.07224528194790118, 0.09055273051103255, 0.10792917015202276, 0.12343463444771594, 0.13635890898591627, 0.14627544570852455, 0.15304666552467275, 0.15678377010018651, 0.15776745556741653, 0.15634512675282594, 0.15283352775408812, 0.1474655826015236, 0.14041796080261343, 0.131941709512945, 0.1226027379373213, 0.1136182452840079, 0.10717357796947552, 0.10626845753782223, 0.1134331738462666 ], [ 0.17855873556740004, 0.16649842915353924, 0.15505900023777, 0.14348967165342522, 0.13118553800549557, 0.11786424071036436, 0.10369154226156183, 0.08934562540541915, 0.0759990677511575, 0.06514085474112602, 0.058086326965915654, 0.05519426907166825, 0.05546992653886489, 0.057136310983193696, 0.05842231725035299, 0.057874311161334124, 0.05444542869758516, 0.04764548904630222, 0.03774386129408579, 0.02602567359956937, 0.0155504026992466, 0.012581110754693925, 0.01609877840878408, 0.018008748352562023, 0.01633516717591682, 0.011827098924582327, 0.007214315204158123, 0.011696361922628901, 0.023449521291487953, 0.03824081832349389, 0.05514027172694872, 0.07333768900075258, 0.09181821329598237, 0.10950986042938858, 0.12545366596803195, 0.13891485885728816, 0.14943286202591347, 0.1568196531726753, 0.161114755304374, 0.1625065726677758, 0.16123668496429103, 0.15751339849803433, 0.1514670886061078, 0.14317738898201499, 0.13279418690435263, 0.12077388737461849, 0.10826775230155904, 0.09766575954192724, 0.09287319769284895, 0.09785481467121503 ], [ 0.1796780217846136, 0.1670239862996017, 0.15471053686699743, 0.14199817574940454, 0.12831958138547078, 0.11346419821480021, 0.09773242813495027, 0.08206349095995248, 0.06811246333573696, 0.0580619330117642, 0.05359886710170195, 0.05427724488389329, 0.05765020006755349, 0.06116190609442038, 0.06306950244087689, 0.06231310890839255, 0.05831649145131132, 0.05100437658677491, 0.04096987228519434, 0.029764229989192904, 0.02046833473140027, 0.017270022702662875, 0.018834867845695092, 0.019430659895128023, 0.016870529785723135, 0.011793926595667551, 0.007810643923447336, 0.013062272767753505, 0.024479774699569534, 0.03890391100212318, 0.05561376222013497, 0.07382480144229761, 0.09248907595563295, 0.11049259966702801, 0.12684227197533418, 0.14077570300229408, 0.1518031750357978, 0.1596977291855025, 0.1644450543792677, 0.16616456329914425, 0.16501811699196112, 0.16113001630915774, 0.15454576871881573, 0.14525430713134527, 0.13329294095016722, 0.11896153946026398, 0.1032172514189932, 0.08840443582281027, 0.07922957519250792, 0.08175496489215191 ], [ 0.17948115910948942, 0.16633907785638066, 0.15331824873161823, 0.13966334536760014, 0.12480546051868974, 0.10855541182412977, 0.09128805441714827, 0.07415559467298792, 0.05935832946700438, 0.050092319425151625, 0.04857387667280574, 0.05296950874759458, 0.05920405715048574, 0.06431766006152662, 0.06679967062771337, 0.06597248673536278, 0.061656412131492276, 0.05413209909111261, 0.04426844871967046, 0.03375081738853053, 0.02529245805828903, 0.02154174244953571, 0.021250386110418858, 0.020338746975065377, 0.016765715180319874, 0.011123570682060784, 0.00790752099615626, 0.013945847996053333, 0.024950865535414833, 0.038917992603657234, 0.05542857205981663, 0.07368995487818869, 0.0925726085482048, 0.11089346844490415, 0.12761686580733544, 0.14195513176329927, 0.1533981638163382, 0.16169380440839076, 0.16679218750197058, 0.16876562681258184, 0.16771962192897794, 0.16371617669774133, 0.1567330418213633, 0.1466790424384706, 0.1334802949714261, 0.11725960950300418, 0.0986868481990036, 0.07976685917817951, 0.06561292155754837, 0.06523148090825585 ], [ 0.17800748385724682, 0.16449525906652196, 0.1509505776161881, 0.13657967438162355, 0.12077741346732367, 0.10332576509807415, 0.08459842477288239, 0.06586018176445993, 0.04985712693506787, 0.04130849497733732, 0.04324410399405462, 0.05145360287322906, 0.06024592701388204, 0.0666988822441119, 0.06966694370229554, 0.06882942127219924, 0.06434284944893207, 0.05678693267456536, 0.047240228810052076, 0.03738989648709104, 0.029444431228483673, 0.025024060870964156, 0.02306845195169637, 0.020683671768606058, 0.016139321856862225, 0.009970050659850176, 0.0074618714634699605, 0.014108412069864195, 0.02464232052995051, 0.038165345847467, 0.05455471527659434, 0.07295358976744777, 0.09210929805013111, 0.11075523355671486, 0.12781452817443828, 0.14248276220534103, 0.15424175172815038, 0.1628295453200338, 0.16817913549942287, 0.17033646067920022, 0.16937202060040432, 0.16530534682652892, 0.15806316320538574, 0.14748787280049627, 0.13340606523671156, 0.11576907700543176, 0.09492208946359128, 0.07227207114658699, 0.052529740347535187, 0.04842798525608519 ], [ 0.1752990556455635, 0.16154687870884274, 0.1476811323500281, 0.1328518528198588, 0.11638980800748434, 0.09800469562579009, 0.07798914333941966, 0.057560986221554575, 0.03984840975769665, 0.031897029018933834, 0.03805807400673184, 0.05001500164950443, 0.06094283214162897, 0.06842487537511822, 0.07173848005641238, 0.07087683777087168, 0.0662761874019516, 0.05876165474000362, 0.04956012818747015, 0.04027558887145123, 0.032616566117109835, 0.027515229813607135, 0.02411295178370194, 0.020435825319949755, 0.01516478060009306, 0.008758815014809018, 0.00682840306391344, 0.013518626130945736, 0.02343100336579746, 0.03659761121718379, 0.05302610344568688, 0.0716899883726378, 0.09118063228563102, 0.11015036986186548, 0.12749366638448978, 0.14240364103025863, 0.15436893502345492, 0.1631340507004404, 0.16863296934342664, 0.170904891087377, 0.17000515137864067, 0.16592925226011176, 0.15856924424190885, 0.14771682562707925, 0.13311843515763333, 0.11458273877110625, 0.09216143336807596, 0.06656456168039603, 0.040994540915765654, 0.03159035743805186 ], [ 0.1713998031613488, 0.157549448466175, 0.1435857725727385, 0.12858981147930346, 0.11180926350246495, 0.09285332611323574, 0.07187263286002996, 0.049852581981287, 0.029813556907832734, 0.022278699717948262, 0.03375411608489145, 0.04900320794194945, 0.06148612244692197, 0.06962660489851479, 0.07309169168306677, 0.07212487947785833, 0.06738523787996666, 0.0598957212242065, 0.05098822156981603, 0.04214927967560493, 0.034644614253154335, 0.028917568095779854, 0.02428904442177602, 0.01957314447130216, 0.014005053309598886, 0.008092413130641707, 0.00661831477221254, 0.012273967649832464, 0.021303248568434522, 0.0342774798817755, 0.050971588485729635, 0.07004218051332244, 0.08991428645304878, 0.10918194289356487, 0.12673332952459823, 0.1417770957668077, 0.1538245481289826, 0.1626426506619892, 0.16818371468991364, 0.17049874565251374, 0.1696465301904605, 0.16561589195357024, 0.15828002177789602, 0.14739650649237626, 0.1326557189030908, 0.11376947502914637, 0.09059122511321346, 0.06329794230182184, 0.0330666991615116, 0.015479467849174528 ], [ 0.16635503105854557, 0.15255846931347028, 0.1387402423056174, 0.12390394900451139, 0.10720503063365135, 0.08814662951162949, 0.06672776959578079, 0.04360832778869455, 0.020915867434737133, 0.01374684838779093, 0.03133350285129875, 0.04875969369069559, 0.062060212372839325, 0.070434220116132, 0.0738114323865634, 0.07260314785056898, 0.06763303386480182, 0.06008219277669586, 0.051367037825093165, 0.04286371045469116, 0.0354637052998224, 0.02922211868078442, 0.023583002415254947, 0.018083677083517408, 0.012738063618839914, 0.008274392147907338, 0.007155521130316491, 0.010535857637506071, 0.018369178456682254, 0.03142591204284177, 0.04864216484690885, 0.06823004891830756, 0.0884839490382415, 0.10798116841124983, 0.12563073457523416, 0.14067478688975232, 0.15266182629015487, 0.16139582890713397, 0.16686348030758782, 0.16914502983669658, 0.16832035885521246, 0.16438805443652754, 0.1572174294098663, 0.14654811114180527, 0.13203968264899743, 0.1133605974615895, 0.0902990314387289, 0.06288880846605971, 0.03166344809966626, 0.008627321855938877 ], [ 0.1602113741118007, 0.1466288817281421, 0.1332186617962893, 0.11890101994687131, 0.10273805527809704, 0.08414564874674452, 0.06303530096663651, 0.0399154492709958, 0.01628593596068006, 0.011200090840545365, 0.03165447565478975, 0.04951931972354659, 0.06281019055963366, 0.07096444897597512, 0.0739867854077903, 0.0723627903064839, 0.06702185789689274, 0.059271482118731705, 0.05061495080110824, 0.04235877103763511, 0.03508918259624356, 0.02850655666296971, 0.022077342605418895, 0.0159950203995335, 0.011347361867365954, 0.008971985828560871, 0.008146692500467189, 0.008553411039605026, 0.014938406618455458, 0.028486392699304943, 0.04642495123490822, 0.066544906343079, 0.08710095169221044, 0.10670069634827634, 0.12429676059519694, 0.1391779509084264, 0.15094082085934515, 0.15943833773276264, 0.1647059248556577, 0.16686948837955667, 0.16604696645671077, 0.1622624122973806, 0.15539504896329984, 0.14518080356026875, 0.13127109280757626, 0.11334110752688265, 0.09124366816599, 0.06527732615185271, 0.037268733232937265, 0.021909006632999196 ], [ 0.15301726728371032, 0.139815305816097, 0.127093227623799, 0.11368128728257255, 0.09854978131848298, 0.08106119956755543, 0.061157426744169366, 0.03960907053900489, 0.019494065610032387, 0.017708201830900563, 0.034757755550552744, 0.05132743367035072, 0.06381454122359251, 0.07130886136594498, 0.07370713214493643, 0.07147752017061645, 0.06559708675356554, 0.057473623925394415, 0.04871965910162324, 0.04064478502478512, 0.03360445447941058, 0.026935140088442083, 0.019977187385534275, 0.013436490393334777, 0.00981248978108481, 0.009669184784400039, 0.009179410482306069, 0.006887470240714712, 0.01177921419014205, 0.02618417148698586, 0.04482092154464857, 0.06532256593472983, 0.08599566084776958, 0.10550328864779164, 0.12284949319813641, 0.1373739852527039, 0.14872681091802264, 0.15681863232013257, 0.16174617254181808, 0.16369664664110198, 0.16284276184788404, 0.15924925677851592, 0.152817502751444, 0.1432905914654767, 0.13032795819162046, 0.11364785512957579, 0.09325656355177828, 0.06993258301932971, 0.04700121652725356, 0.03750263764421564 ], [ 0.14482397321721466, 0.1321732233499086, 0.12043547435978323, 0.10833754964465211, 0.09475235273754762, 0.07901678040039284, 0.061202313885387015, 0.04259497251714472, 0.027637756002684442, 0.02713159609246065, 0.03984548642957148, 0.05402481963610802, 0.06507059767812955, 0.07152450722425042, 0.07305724638234334, 0.07004264514881318, 0.06344943375378523, 0.054760335565981595, 0.04573356564050824, 0.037790300444243495, 0.031150551984714663, 0.02475453227871453, 0.017638441036478242, 0.010742112087947219, 0.008241956796190558, 0.010069981769924938, 0.010066414615880079, 0.006697518422180196, 0.010565531926221913, 0.025437762486650764, 0.04435211439191677, 0.06489029752126545, 0.08538900480651862, 0.10454662433126724, 0.12140631645362249, 0.13535268399854128, 0.14608892398554232, 0.15358879241733153, 0.15802131605801598, 0.15965043645205387, 0.15872076340035277, 0.1553529048196076, 0.1494807983630113, 0.14086071729642216, 0.12916655960284065, 0.11417480434553698, 0.09607338869589542, 0.07609931671248456, 0.058294169291399606, 0.052730106714528845 ], [ 0.1356871748578627, 0.12376123907564486, 0.11331942610870296, 0.1029564974367278, 0.09142215868082633, 0.07802423448057089, 0.06296963201662145, 0.04789991887853878, 0.03709355823808066, 0.03679201795151272, 0.04592505136387291, 0.05730632955144787, 0.0664968056891765, 0.07162835120142708, 0.07211129677118372, 0.06817106055409411, 0.06071471079460372, 0.051267594939136775, 0.04177244920659278, 0.03391362937760453, 0.02791768636232433, 0.022280434782452153, 0.015565298448929466, 0.008597641532446413, 0.006950398846072564, 0.010088190502512327, 0.010812843915007565, 0.008659656169608511, 0.01276603051957281, 0.02691156721461029, 0.04539572517279072, 0.06549608143004598, 0.08545877544844699, 0.10396633236571748, 0.12007547233730952, 0.13320255185683752, 0.14309921188009497, 0.1498051207043385, 0.15357166680156992, 0.15475552115125119, 0.15369175883964573, 0.15057277373070266, 0.14537357282775715, 0.13786344126361919, 0.12772492938016167, 0.11478370211959096, 0.09938002183884401, 0.08304413960250494, 0.06982052229526294, 0.06716374444718927 ], [ 0.1256691053678651, 0.11464456865461983, 0.10582693565889123, 0.09762251294679213, 0.08859830942906201, 0.07798449166181366, 0.06603029518722658, 0.05438651263048954, 0.04646286650858487, 0.0459399821144308, 0.052210298582751564, 0.060806841502358155, 0.06794935766292423, 0.0715962761200155, 0.07092593989052608, 0.0659851298155582, 0.05756930945365472, 0.04719848676107885, 0.03701923802270792, 0.029179264157669194, 0.024143842444875132, 0.01987021768944327, 0.014287381821619842, 0.007932996696150794, 0.006311730752819743, 0.009732913805197462, 0.01153414575765194, 0.011999107305480206, 0.017429028368001344, 0.030535315105700084, 0.04803625440601779, 0.0672473627474993, 0.08630984382821998, 0.10386055630959853, 0.11894831094578269, 0.13100766364807964, 0.13983241028187576, 0.1455296035444252, 0.14844293169616143, 0.14903945280320635, 0.14776614045964157, 0.14490508141661992, 0.14047911778921518, 0.13426296281500816, 0.1259280965586835, 0.11531732964689088, 0.10285481485966713, 0.09016673458487777, 0.08091184977289675, 0.08059082702335454 ], [ 0.11484115688364602, 0.10489998101529313, 0.09805549882609634, 0.09242351049333553, 0.08628652350969865, 0.07871479820773841, 0.06987598511636146, 0.06118659290921083, 0.05518301335335828, 0.05423419013727437, 0.05815722037771822, 0.06416875688216102, 0.06924600511942551, 0.07136652097758804, 0.06953319474237983, 0.06360377134624857, 0.05421839663923954, 0.04282392130829406, 0.031735798672531276, 0.023802483250554438, 0.020131209219919743, 0.01787488309601093, 0.014049216671235326, 0.008844422256431882, 0.0063102896400808964, 0.009073941296082626, 0.012439891073841598, 0.015994266482570334, 0.023152781727485125, 0.035688661080902455, 0.052061363971640705, 0.07009147427085965, 0.08795855414867312, 0.1042796727538335, 0.11809349700967388, 0.12884547104066998, 0.13636653272799532, 0.14083238780718996, 0.142689519290981, 0.14253583434652578, 0.14095647027819475, 0.13834510068689512, 0.13477801529277847, 0.13001914022958852, 0.12369424875168622, 0.11561255300683228, 0.10619747702983896, 0.09701012079908909, 0.09118897023188711, 0.0928592342760209 ], [ 0.10328689303194749, 0.09462266010573271, 0.09012884039762939, 0.0874577199946325, 0.08446733179089329, 0.07999069886058839, 0.07403901688279439, 0.06773186914835233, 0.06296635202016768, 0.061466477294416365, 0.06339660914857859, 0.06707781188538695, 0.07018964988665428, 0.07084668214582698, 0.06793442784074154, 0.06112531483143553, 0.05087312646635559, 0.03847418408317394, 0.026287458395831177, 0.018071582435291784, 0.016297515751100892, 0.016561880982393754, 0.014594302882372252, 0.010322492068762668, 0.006509987293045467, 0.008352521714007483, 0.013827120129102194, 0.020367124271522645, 0.02926452080739043, 0.04170868335298304, 0.057094011324532096, 0.07384668776018921, 0.09033671555107581, 0.10522369109942564, 0.11755413438375846, 0.12678578654525027, 0.1327843102929864, 0.13579536155470937, 0.13637921250631463, 0.13528874198048513, 0.1332808738600589, 0.1308898827485701, 0.12825118354715095, 0.12509164064048747, 0.12094099459506101, 0.11551124773322818, 0.1091439544718416, 0.10323425460368445, 0.10040956434922739, 0.1038490222782845 ], [ 0.0911054025490335, 0.0839360233720589, 0.08221048524800571, 0.08283944979704028, 0.08310609978445296, 0.08158636410230952, 0.07814664695481817, 0.0736678776961583, 0.06964529104183902, 0.06749854595303167, 0.06767670031905086, 0.0692756146064802, 0.07058735825236846, 0.06992310898649383, 0.06609729297935972, 0.058608945251328634, 0.0477149159987593, 0.03450628534072472, 0.02118382808354092, 0.0124260275913897, 0.013263773644435381, 0.016022025059304484, 0.01539347941139413, 0.011509061047438866, 0.006580789679647532, 0.008149362140255606, 0.015975728485594975, 0.025029565552123715, 0.035477828062564686, 0.04811072260644, 0.0627357139632542, 0.07826112105398625, 0.09331210163827429, 0.1066475960575961, 0.11734816268318603, 0.1248909283093847, 0.12917529393474697, 0.13051681307848365, 0.12959949399958437, 0.12735882232474358, 0.12476747280873061, 0.12254137692360403, 0.12088312620374494, 0.11944418248616644, 0.11759108422826638, 0.11486824061933174, 0.11147114227663023, 0.10858631668874488, 0.10840554145155162, 0.11346441428488303 ], [ 0.07841500775465077, 0.0730068385989179, 0.07451993010578513, 0.07870087291411075, 0.08216177763906454, 0.08330228629158094, 0.08192806118818013, 0.07877969851967971, 0.0751224664000938, 0.0722425396832447, 0.07082865339483177, 0.07056059561182064, 0.0702638169775802, 0.06847164221117999, 0.0639575160406386, 0.056060174606292285, 0.044851547741125625, 0.031226647742693604, 0.017106524313327497, 0.007780959420962061, 0.011807076135240343, 0.016130664986080498, 0.015991162742074932, 0.011991216634849705, 0.006474943681653035, 0.009149603607847005, 0.01897880455648979, 0.02992947975249106, 0.041647839904142114, 0.054576149875786295, 0.06864289927258534, 0.08306795688521237, 0.09671621654976031, 0.10847252742313322, 0.11747165683411552, 0.12321674827610826, 0.12563820141113327, 0.1251169499718031, 0.12246585559150443, 0.11883176693915573, 0.11546030771979271, 0.1133099265849343, 0.11266519534867327, 0.11304860591155229, 0.11357717630861215, 0.11355624383090186, 0.11299572805848146, 0.11287738102674265, 0.11505529875885426, 0.12163101520892936 ], [ 0.06535758725418074, 0.06207091567428477, 0.06734874864272694, 0.07518608073728197, 0.08159177114074431, 0.08497785835028783, 0.08520040973384582, 0.08294491744962763, 0.07935103758484069, 0.07565356488261465, 0.07274750979201339, 0.07078502775216187, 0.06907024543787443, 0.06636894708307664, 0.06142677648458032, 0.05342708190965626, 0.042280957229625285, 0.028769575414751013, 0.014739505100437141, 0.006331402606134292, 0.01223037843544652, 0.0166252921538149, 0.01613571575703175, 0.011604338180342252, 0.006289041852489239, 0.01140300629779762, 0.022692686042183736, 0.034984521775761376, 0.04767178053936377, 0.06089050768655398, 0.0745436301803901, 0.08802019814243439, 0.10036995434975349, 0.1105994037439644, 0.11790407876245519, 0.1218140630672003, 0.1222828376512936, 0.1197437251985305, 0.1151323925279267, 0.1098303555955347, 0.10542771073003836, 0.10321825062032866, 0.10359871422708357, 0.10588861036703384, 0.10884545959625189, 0.11146821040145008, 0.11357028583239456, 0.11596601583675947, 0.12027047467393405, 0.12829493596313798 ], [ 0.05210457229392217, 0.05148100508512873, 0.06106759985660565, 0.07243395536481656, 0.0813516658654412, 0.08649180289677408, 0.08784941953149866, 0.08610489213130752, 0.08232483705947, 0.07772614323669372, 0.07338204477343814, 0.0698517982084771, 0.06689032587923333, 0.0635039569782498, 0.05840674907175719, 0.0506122848941373, 0.03988534164335321, 0.02699859874042979, 0.014150757179284006, 0.008510568623392622, 0.013833229998102655, 0.01724599288476865, 0.0157977181849286, 0.010381094276620676, 0.006301529021045585, 0.01444026513515155, 0.026849156989324698, 0.04007010084010137, 0.05344939891880235, 0.06689507660486327, 0.08022685493560654, 0.09290512912891728, 0.1041019541600365, 0.11292181177847711, 0.11861428632369603, 0.12072992370307442, 0.11923068813592719, 0.11457784712642588, 0.10780466772859074, 0.10053200934656306, 0.09477516286435998, 0.09230631849514294, 0.09369786185857788, 0.09796313116025095, 0.1033581114891807, 0.10851768563391768, 0.11307845017588132, 0.11774721620412003, 0.12398938985437964, 0.13342297470657533 ], [ 0.038868766079997626, 0.0417993446591787, 0.05610257432810454, 0.07054932811067159, 0.08139022874171312, 0.08775495698232172, 0.08981066218650752, 0.08824600886422501, 0.08407188865414832, 0.07849205089381038, 0.07272969133331841, 0.0677123573416856, 0.06364444907638843, 0.05978908500002111, 0.05480814616559237, 0.04750089572743356, 0.03746889313387422, 0.025536388828686533, 0.014459580273997725, 0.011273143055764144, 0.015665190498376072, 0.017846566300015524, 0.015206032790682859, 0.008751659534477476, 0.007210346339042336, 0.017909946191149627, 0.03118782510771862, 0.045036727487273304, 0.058871006752984296, 0.07245807469719404, 0.08552563014543213, 0.09754595615102092, 0.10775899373555756, 0.11533621514039094, 0.11956623455904432, 0.12000822950863238, 0.11661315968916061, 0.10983496696781225, 0.1007537408060797, 0.09119467468106843, 0.08366701436053461, 0.08063826326691093, 0.08299231568824005, 0.0892895163807535, 0.09709470819151396, 0.10463770194045632, 0.1114301145552847, 0.11814514131902415, 0.12617406589910302, 0.13700369216529074 ], [ 0.025942000835311004, 0.03395113039239078, 0.05284870922443481, 0.06956813493666945, 0.08164162321446981, 0.08869936235175602, 0.09105302913226408, 0.08938597237700464, 0.08464881813699444, 0.07801849570735096, 0.0708345288021022, 0.06436632780681961, 0.05929308637507024, 0.05517097742110695, 0.050573027481582204, 0.04399987249796097, 0.03483016715755673, 0.023929357050994148, 0.014574622046866593, 0.013228711108112436, 0.01717754847923955, 0.018448051323579427, 0.014891148377870074, 0.008052930083680352, 0.009697609372546165, 0.02168887588680377, 0.035513559047083997, 0.049731855958280884, 0.06381825766297523, 0.0774601161864467, 0.09030308684516715, 0.10179785489732654, 0.11121036908137646, 0.11774894714324916, 0.12072369077742137, 0.11968940563565518, 0.11456655970678245, 0.1057619383324627, 0.09432747936478071, 0.08219384604853028, 0.07236662178124173, 0.06831450287719522, 0.07152984945100155, 0.07990701024299374, 0.09005282872479231, 0.09977868333996422, 0.10855712308716464, 0.11710866761492214, 0.12680962107333843, 0.13904947698370002 ], [ 0.013909521099175981, 0.029279131882336537, 0.051514397064611854, 0.06942908675632518, 0.08201766576084675, 0.08926658711259339, 0.09156448678122012, 0.0895624910932731, 0.08413501190315606, 0.07640600615726369, 0.06778734351971863, 0.05986312379579326, 0.05383974168750859, 0.04964093170626341, 0.04569936523796134, 0.04008261197809756, 0.03184580642645771, 0.021833238350939893, 0.013816989392651668, 0.014092357533574828, 0.01823793943563027, 0.019235296204243153, 0.015566658140633544, 0.010017909258563813, 0.013682637515602402, 0.025740415153686, 0.039687350528346765, 0.05401136884477589, 0.06816865779845842, 0.0817882770482325, 0.09444322287176979, 0.10554299668161243, 0.11434884076478831, 0.12008045967459083, 0.12205374263577587, 0.11980917395969291, 0.11322343705881956, 0.10262333449394984, 0.0889498190735568, 0.0740685483984695, 0.06131531199065005, 0.055498637957385556, 0.05937964745320531, 0.0698818354921431, 0.08224830091337929, 0.09390576892962131, 0.10440974089707551, 0.11460930448600441, 0.1259057355454589, 0.13959983562316663 ], [ 0.006335234021549799, 0.02881778379010969, 0.051978138183917326, 0.06996533570982141, 0.08240294550823256, 0.08939735681994634, 0.09133998839728463, 0.0888230853649746, 0.08262591296256389, 0.07378549005047276, 0.0637273673705874, 0.05430646176902395, 0.047333931525179125, 0.043246231854628815, 0.0402696063868166, 0.03583545520023592, 0.028548506203413752, 0.019143264236527787, 0.011969251948589492, 0.014034197923287669, 0.019023873566612046, 0.02048614892584045, 0.017698362865424245, 0.014346981838108936, 0.018653610001925475, 0.02999134273675413, 0.043591110763765116, 0.05773921842221745, 0.0717992164905997, 0.08533475271809565, 0.097846107731196, 0.10868678919014582, 0.11709029058902741, 0.12226774907443967, 0.12352925031281359, 0.12039677163758519, 0.11270095273127209, 0.10067549996706235, 0.0850917100024014, 0.06755309359845256, 0.051286528860549956, 0.04249258446630969, 0.046639110147634666, 0.059317288490631205, 0.07371601142377288, 0.08699598371187224, 0.09895419175371398, 0.11064150750563935, 0.12350041163429482, 0.13872624586447926 ], [ 0.01249463042782318, 0.03194551706471124, 0.053787695007335316, 0.0709211584170916, 0.0826547252289815, 0.08902393067043618, 0.09037161316271836, 0.08721558561450943, 0.08022517763481987, 0.07031391867695676, 0.05884573355012079, 0.04786423963257736, 0.03987539507200285, 0.03610715425461474, 0.03449124956387942, 0.0315076045897629, 0.02519641171891159, 0.016101142467682593, 0.00926281689312735, 0.013600020490956757, 0.019916189739777615, 0.022437683478917548, 0.02118314978912401, 0.019817634657966602, 0.02411164256896671, 0.03428834775678309, 0.04709699503824227, 0.060781265531587796, 0.0745883235805143, 0.0879978516212544, 0.10042654405619175, 0.11115616470847128, 0.11937350462134877, 0.12426589789184925, 0.12513059970294174, 0.12147321161982819, 0.11308832048437205, 0.10012996584444085, 0.08319762155477575, 0.06352212347516749, 0.0436237579575908, 0.030001355348313694, 0.03345634735541494, 0.04837885012851197, 0.064513451638538, 0.07903582892060869, 0.09217169631114087, 0.10522596302501991, 0.11966671352697643, 0.1365390019984479 ], [ 0.021517039834465, 0.036845920062741025, 0.05631131672303823, 0.07198651311530772, 0.08260810172827451, 0.08806608746459217, 0.08864121454714334, 0.0847794686599455, 0.07703580027785245, 0.06616817089759566, 0.053391075883492255, 0.04079043498255782, 0.03162393025981297, 0.02845645688598825, 0.028769592742829992, 0.02756347545054172, 0.022322811835490855, 0.013452791885573986, 0.006744202769372072, 0.013658102381193438, 0.021328277665366224, 0.025157203213007545, 0.025567932261391188, 0.025671577323853386, 0.029646250127884632, 0.03841452381742856, 0.05005399206974605, 0.06299987637309876, 0.07641697970741244, 0.08968446044141583, 0.10211542582759268, 0.11290008753644415, 0.12116086077808434, 0.12604945446672175, 0.12684714609102032, 0.12305024794577621, 0.1144364530708851, 0.10111562515989438, 0.08357472864865954, 0.06274542236326003, 0.04024584480462374, 0.02024147336926369, 0.020147030920872486, 0.037368123077769856, 0.05473276760453275, 0.07002021862732902, 0.08405976737939486, 0.09841722150430206, 0.11452372496179193, 0.13319652726908038 ], [ 0.029494463469934635, 0.041967035817659676, 0.05891188602018068, 0.07283621957068215, 0.08208553715544818, 0.08643102445016194, 0.08611595098734474, 0.08153861146532827, 0.07315087213116978, 0.061536959978119664, 0.04767794360126431, 0.03347679469294557, 0.022834180694148408, 0.020767864890156845, 0.023841172936780942, 0.02469531618195866, 0.020671149770403394, 0.012474159338745515, 0.006944601954863736, 0.014970850493339623, 0.023479349619123385, 0.028507816645319196, 0.03037088982053758, 0.03146031335428756, 0.03492056709413884, 0.04212621185725229, 0.052290837350830996, 0.06425281890394789, 0.07717090242876505, 0.09031397925558683, 0.10286341529465913, 0.11389221838282315, 0.12244024389738908, 0.12761406963399669, 0.12867863412573188, 0.12513056611996623, 0.11675296560353467, 0.10365457209376698, 0.08629641092158032, 0.0655090427379976, 0.0425150568437334, 0.019156596595847366, 0.008493572639421097, 0.026979014107494058, 0.04453856110530646, 0.05995451089410826, 0.07463725797297563, 0.09031858887132578, 0.10825374148165215, 0.12891753380546878 ], [ 0.035846456028016394, 0.04636338737362244, 0.061047815267265174, 0.07316330368514415, 0.08090913097550326, 0.08401697904387313, 0.08274700974077435, 0.07749632444549101, 0.0686454115394039, 0.056611807818338265, 0.042098015929337186, 0.02657914496832278, 0.014034356519207607, 0.01426142883165938, 0.020886674391254, 0.02363887642433366, 0.0208132775520069, 0.013937639242906821, 0.010299890117891284, 0.01754740905524627, 0.02626736087007421, 0.03221012899455759, 0.035192160354692296, 0.03687362737870177, 0.0396606819381823, 0.04518667986602484, 0.05362855620551417, 0.0643968282039285, 0.07674453583402274, 0.08982415274334532, 0.10264691719804596, 0.11413562909348629, 0.1232281982374747, 0.12897849850454243, 0.1306366934999763, 0.1277093987053997, 0.12000425578367503, 0.10766309606216436, 0.09118687062405392, 0.07145665822088171, 0.04977128683973655, 0.028073913921159543, 0.01193942158076644, 0.019245446509567447, 0.034290336879101276, 0.048863759605696784, 0.06395674029622594, 0.08111053918339955, 0.10112873352172037, 0.12399590943090114 ], [ 0.04031850584520478, 0.04948935020893208, 0.06230274747607661, 0.07270277796201688, 0.07891409468623421, 0.08072008488269701, 0.07847165112413147, 0.0726336149072359, 0.06357163384577756, 0.051580106882845665, 0.03712940613158556, 0.021281128984117267, 0.007494435167516404, 0.01216526939324024, 0.02105340615264361, 0.024687590366200354, 0.02263441476338484, 0.017013800445438515, 0.014508485310757912, 0.020736034672111815, 0.029341203119053846, 0.03592951233095189, 0.039715857140880294, 0.04168164370410777, 0.04365357082611766, 0.047391105415168874, 0.05389640371772458, 0.0632944347771742, 0.07504741771047901, 0.0881794776179148, 0.10147661967075533, 0.11366945253530175, 0.12357407586848654, 0.13018677995626896, 0.1327462939658199, 0.13077736983168792, 0.12412407197914122, 0.11297711277581939, 0.09789776456539924, 0.07984186469364513, 0.06019776735357066, 0.040909964253431956, 0.0250766219230292, 0.018806830601084342, 0.024973837874099892, 0.03682319561759226, 0.05213501160674073, 0.07110667351610182, 0.09354982833235372, 0.1188167323675127 ], [ 0.042753348081117706, 0.05102532822232148, 0.0623817198792868, 0.07124747685681605, 0.07596267764813928, 0.07644400049942227, 0.07321847816142743, 0.06691150432106222, 0.05796106713658164, 0.046626502347378536, 0.03332302192368572, 0.0193707298838951, 0.010511929460045796, 0.016446263358793373, 0.024230264743124095, 0.027414277482020903, 0.025426647112924205, 0.0204187566243076, 0.018300443415020667, 0.023784368470430375, 0.03226320041436559, 0.039343188488444765, 0.04369924708125749, 0.045719983495564456, 0.04675082102229471, 0.04858554033156239, 0.05294792036113435, 0.06082228943342359, 0.07201324083868538, 0.08538325231804393, 0.09940911241831459, 0.11257726509905998, 0.12356466560111423, 0.13131012908056539, 0.1350468461168076, 0.1343240285655931, 0.129026010087914, 0.1193899095324835, 0.10601954122950953, 0.08988889164762093, 0.07231829233137328, 0.05488158144079828, 0.03916830225453186, 0.02654018845601446, 0.01952828403041884, 0.02408554534653604, 0.039443341296885884, 0.06086851722268895, 0.08610124138328973, 0.11386838156899066 ], [ 0.04305447579130836, 0.05079204650694127, 0.061100965774725985, 0.06866011772939952, 0.0719590644366544, 0.07111235433685446, 0.06691571573115972, 0.06027798894311669, 0.051838394792148905, 0.04195227918735074, 0.031215823177303106, 0.02173537949005737, 0.018779655172173226, 0.023657227593373107, 0.02920406996809449, 0.031057715827171654, 0.028432173409028896, 0.023299167968879216, 0.02104881772028162, 0.026094944636048008, 0.03463363010276977, 0.04218441300155417, 0.046972372700936245, 0.04889180843735176, 0.04887744408488754, 0.04868484167394879, 0.05067697635556154, 0.05687969129047236, 0.06761264666151774, 0.08149515386723738, 0.09656224959265146, 0.11099670024813946, 0.12332841854788472, 0.13244782472720917, 0.13759249863854717, 0.13834134244722118, 0.1346166743268008, 0.1266879692065011, 0.11516740749161375, 0.10097928080079413, 0.085267537220249, 0.06917867128736993, 0.05346372276229047, 0.038059576812324594, 0.02247974819281988, 0.012067716734439163, 0.02666954398033364, 0.0514370009506419, 0.07960592183576079, 0.10973947308753755 ], [ 0.041178104103083105, 0.04871602860013241, 0.0583844035154491, 0.06488691571856117, 0.0668676476665034, 0.06468540259264047, 0.05950252509285735, 0.05268030689665118, 0.04525555933882946, 0.0378230697544902, 0.031141274552773955, 0.02705190290717427, 0.027606356365925268, 0.03150916737267792, 0.03489845247501032, 0.03498957994270604, 0.03113621305843417, 0.025182117683981348, 0.022357155925882343, 0.02724877181740467, 0.03615799477787909, 0.04427478471485948, 0.04944815607883129, 0.05117876948035056, 0.050046544811324464, 0.047695532431365956, 0.047037000357790536, 0.05139686344108924, 0.06187296556579618, 0.07665776240840193, 0.09313475324917425, 0.10912908214076501, 0.12303788539741234, 0.13372618059530317, 0.14045114718707755, 0.1428264288026575, 0.14080681738154463, 0.13467642628824744, 0.1250234791348877, 0.11267806412663181, 0.09857752747347556, 0.08352183549279242, 0.06783491959414342, 0.05111760634904581, 0.03244910582734065, 0.011766002534643482, 0.01707056652400988, 0.04468356586766144, 0.07512728839103706, 0.10708217288114177 ], [ 0.037133342634878844, 0.044826215589378264, 0.054275039819546574, 0.05998008805604647, 0.06074052077890369, 0.05718569990492287, 0.05094469368355247, 0.04408486517085428, 0.03836619958714742, 0.034643409199776966, 0.03307421131937309, 0.03370954897060436, 0.03624162723949616, 0.03928897685328751, 0.040729963053726226, 0.03885806590372877, 0.03330443720267549, 0.02586089165518472, 0.02196494861396669, 0.026995295516929377, 0.036688319838239294, 0.04555389568881459, 0.051140075246134335, 0.052658143365322145, 0.050381120677403315, 0.04575144851260426, 0.04207248502319711, 0.04434379226047855, 0.05491378734777296, 0.07113774364139423, 0.0894293137191699, 0.10724649651461361, 0.12290840304320393, 0.1352946366542089, 0.1437017661060401, 0.1477829784587769, 0.14751899434156868, 0.143192646950277, 0.13534623821078887, 0.12469873097131386, 0.11199843735728408, 0.09780419727232129, 0.08225391436360063, 0.06499928878197435, 0.04559411401106585, 0.025268237144751172, 0.019859791523971958, 0.04319566488159394, 0.07379868964514992, 0.10652489536302949 ], [ 0.030990154847001947, 0.03928530588974261, 0.04897445429099437, 0.05414213904772569, 0.053767699123898144, 0.048747138516827125, 0.04126121351082466, 0.034515846478381816, 0.03159478845435067, 0.033008948047954643, 0.03672090694195476, 0.040891489761006844, 0.044549812452586664, 0.046798021133107146, 0.04647048089013068, 0.04256640872652423, 0.03496872335366291, 0.025389067494186252, 0.019737594129464218, 0.025273917638262523, 0.0362678460940093, 0.04611181527892519, 0.052184731266150475, 0.05352403562873671, 0.05014299863093818, 0.04317263534956335, 0.03598826424002051, 0.03574376757899503, 0.047022737704882564, 0.06538880952352759, 0.08587450505578444, 0.10569158629231097, 0.12319066772764016, 0.1373182263218531, 0.1474299150194085, 0.15322110995455432, 0.15469143715600087, 0.1521103733268618, 0.14596344878759382, 0.13686120538598964, 0.12539982645104886, 0.11198857123379484, 0.09671887189423505, 0.07943380180966997, 0.060257540581289425, 0.04139103038169066, 0.033206132821150675, 0.04843116534561584, 0.07641898815779372, 0.10854333477184726 ], [ 0.022913325073911205, 0.03250028942372484, 0.042940798823584085, 0.04781717527811259, 0.04638123209321331, 0.03973191914869573, 0.030592163428696827, 0.024171422541788456, 0.026018272656900317, 0.03360329287240889, 0.04175937339794106, 0.04831507052613631, 0.05256956246092273, 0.05404553446792728, 0.052114929796715774, 0.046225436706538385, 0.03642315955405646, 0.02417910410182632, 0.015716603742311683, 0.022314328349309187, 0.0351988682672582, 0.046224965630244245, 0.05286465236751831, 0.054107437383704646, 0.049762706464219736, 0.040553702614419894, 0.029335093358893612, 0.025711638571304055, 0.03883887287861598, 0.0601352300848692, 0.08303193702340626, 0.1048631557294111, 0.12415514226991614, 0.13996628718253185, 0.15172163485532775, 0.15915570678965746, 0.1622786363607714, 0.16133780689519434, 0.1567592721674948, 0.14905816156357987, 0.1387183125689237, 0.12606875268018192, 0.11123265180044327, 0.09428242180323888, 0.0758128578549286, 0.058433248450710316, 0.0497906690785281, 0.059224378053263894, 0.083077028154938, 0.11334507267491739 ], [ 0.01337449726627505, 0.025482970439829337, 0.0371046762480552, 0.041868362250690024, 0.03947408473787312, 0.03105787744551805, 0.019495022234978895, 0.014066647567486304, 0.02383593756648998, 0.036872601611479414, 0.04797992488385496, 0.055955271653648705, 0.06042975260302258, 0.061155055650667325, 0.05780165164433756, 0.05010279115545542, 0.03820516406127887, 0.023197980385557433, 0.010430746953163405, 0.01894603738415303, 0.03413406777179784, 0.046383842443389084, 0.05361956972422614, 0.05488178598721983, 0.04984763510455167, 0.03884472838134372, 0.023531306837707384, 0.01467244031235195, 0.03179602315614028, 0.05642851849327495, 0.08156216231160628, 0.1051807859963424, 0.1260679390419748, 0.14339829158462092, 0.1566563568974682, 0.1656035682998842, 0.17024948261098358, 0.17081244541635238, 0.1676607882782072, 0.16123061393072471, 0.15192842401263107, 0.14005141827296655, 0.12579431399656005, 0.10944959854554108, 0.09195291192907029, 0.07600954228340144, 0.0675772888633577, 0.07349574363544485, 0.09320559287276516, 0.12083881069403205 ], [ 0.0063278743521585, 0.020869061417725508, 0.0332029170213731, 0.03781461864478643, 0.03474405211861947, 0.02504230531189107, 0.01116507461674209, 0.01064772633697456, 0.027175478453714517, 0.042782474487861086, 0.05528621183583943, 0.06390570844537471, 0.0683116492326451, 0.06831748447971327, 0.06375433966323048, 0.0545573173070193, 0.041000984214973474, 0.02402057690942425, 0.007283576764285365, 0.017264012503233887, 0.03411461607031361, 0.047275715790591935, 0.055022253510456545, 0.05642945168422589, 0.051122271178288256, 0.039256782713949875, 0.021686857492832414, 0.006664587644530756, 0.02872539002579786, 0.055519228053318305, 0.0821206710825191, 0.107027964503358, 0.1291610947095941, 0.14774882627655514, 0.1622997811588068, 0.17257989600939416, 0.17858389505428438, 0.18049459896372202, 0.17862593453622988, 0.17335061467639284, 0.16502531759714173, 0.15394654933026472, 0.1403958584013544, 0.1248549086117087, 0.10848362415959249, 0.09392085156314628, 0.0859573953098074, 0.0897562266207678, 0.10597003568150516, 0.13070434738249428 ] ] }, { "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.96 (SEM: None)
lr: 0.00103223
momentum: 0.274014", "Arm 1_0
mean_accuracy: 0.0966667 (SEM: None)
lr: 0.153823
momentum: 0.895628", "Arm 2_0
mean_accuracy: 0.710167 (SEM: None)
lr: 9.67174e-06
momentum: 0.446445", "Arm 3_0
mean_accuracy: 0.100167 (SEM: None)
lr: 0.0601959
momentum: 0.79894", "Arm 4_0
mean_accuracy: 0.104833 (SEM: None)
lr: 0.387275
momentum: 0.423804", "Arm 5_0
mean_accuracy: 0.913667 (SEM: None)
lr: 0.000252011
momentum: 0.0328022", "Arm 6_0
mean_accuracy: 0.0991667 (SEM: None)
lr: 0.0363347
momentum: 0.0305511", "Arm 7_0
mean_accuracy: 0.925333 (SEM: None)
lr: 0.000231729
momentum: 0.271583", "Arm 8_0
mean_accuracy: 0.957833 (SEM: None)
lr: 0.00201415
momentum: 0.0154555", "Arm 9_0
mean_accuracy: 0.961833 (SEM: None)
lr: 0.000477692
momentum: 0.689477", "Arm 10_0
mean_accuracy: 0.9465 (SEM: None)
lr: 0.000570323
momentum: 0.193867", "Arm 11_0
mean_accuracy: 0.7575 (SEM: None)
lr: 0.000119775
momentum: 1", "Arm 12_0
mean_accuracy: 0.950333 (SEM: None)
lr: 0.000929981
momentum: 0", "Arm 13_0
mean_accuracy: 0.0936667 (SEM: None)
lr: 0.00119618
momentum: 1", "Arm 14_0
mean_accuracy: 0.165 (SEM: None)
lr: 1e-06
momentum: 0", "Arm 15_0
mean_accuracy: 0.922333 (SEM: None)
lr: 0.00014725
momentum: 0.627285", "Arm 16_0
mean_accuracy: 0.832 (SEM: None)
lr: 5.57704e-06
momentum: 1", "Arm 17_0
mean_accuracy: 0.9565 (SEM: None)
lr: 0.000484483
momentum: 0.522484", "Arm 18_0
mean_accuracy: 0.8105 (SEM: None)
lr: 1e-06
momentum: 1", "Arm 19_0
mean_accuracy: 0.894833 (SEM: None)
lr: 2.49381e-05
momentum: 0.838966", "Arm 20_0
mean_accuracy: 0.195667 (SEM: None)
lr: 1e-06
momentum: 0.734977", "Arm 21_0
mean_accuracy: 0.958667 (SEM: None)
lr: 0.00143294
momentum: 0.129269", "Arm 22_0
mean_accuracy: 0.953833 (SEM: None)
lr: 0.00136704
momentum: 0.48733", "Arm 23_0
mean_accuracy: 0.833167 (SEM: None)
lr: 3.90847e-05
momentum: 0.165983", "Arm 24_0
mean_accuracy: 0.934667 (SEM: None)
lr: 0.000111675
momentum: 0.787248", "Arm 25_0
mean_accuracy: 0.9565 (SEM: None)
lr: 0.000631504
momentum: 0.605018", "Arm 26_0
mean_accuracy: 0.9605 (SEM: None)
lr: 0.000845619
momentum: 0.400577" ], "type": "scatter", "x": [ 0.0010322272268439524, 0.15382284448114547, 9.67174289933005e-06, 0.06019593201476676, 0.3872747932942272, 0.00025201055246863334, 0.03633470749440812, 0.00023172912229315807, 0.002014153921440774, 0.0004776922833324552, 0.00057032311716837, 0.00011977491371180799, 0.0009299813986971515, 0.0011961824938390288, 1e-06, 0.00014724996629385798, 5.577040808017449e-06, 0.000484482961258271, 1e-06, 2.493812884697508e-05, 1e-06, 0.0014329416590346926, 0.001367044092025285, 3.9084701963789505e-05, 0.00011167473040227795, 0.0006315044458639898, 0.0008456190187879572 ], "xaxis": "x", "y": [ 0.27401408553123474, 0.8956281952559948, 0.44644507858902216, 0.7989400317892432, 0.42380376998335123, 0.03280221898240794, 0.030551128304495943, 0.271582956897864, 0.015455513472926553, 0.6894770731087517, 0.19386673141504346, 1.0, 0.0, 1.0, 0.0, 0.6272851493401131, 1.0, 0.522483640643952, 1.0, 0.8389656662466602, 0.734977046428788, 0.1292693259600372, 0.48733015718465567, 0.16598254399809365, 0.7872475252163819, 0.6050178642636389, 0.40057652036237584 ], "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.96 (SEM: None)
lr: 0.00103223
momentum: 0.274014", "Arm 1_0
mean_accuracy: 0.0966667 (SEM: None)
lr: 0.153823
momentum: 0.895628", "Arm 2_0
mean_accuracy: 0.710167 (SEM: None)
lr: 9.67174e-06
momentum: 0.446445", "Arm 3_0
mean_accuracy: 0.100167 (SEM: None)
lr: 0.0601959
momentum: 0.79894", "Arm 4_0
mean_accuracy: 0.104833 (SEM: None)
lr: 0.387275
momentum: 0.423804", "Arm 5_0
mean_accuracy: 0.913667 (SEM: None)
lr: 0.000252011
momentum: 0.0328022", "Arm 6_0
mean_accuracy: 0.0991667 (SEM: None)
lr: 0.0363347
momentum: 0.0305511", "Arm 7_0
mean_accuracy: 0.925333 (SEM: None)
lr: 0.000231729
momentum: 0.271583", "Arm 8_0
mean_accuracy: 0.957833 (SEM: None)
lr: 0.00201415
momentum: 0.0154555", "Arm 9_0
mean_accuracy: 0.961833 (SEM: None)
lr: 0.000477692
momentum: 0.689477", "Arm 10_0
mean_accuracy: 0.9465 (SEM: None)
lr: 0.000570323
momentum: 0.193867", "Arm 11_0
mean_accuracy: 0.7575 (SEM: None)
lr: 0.000119775
momentum: 1", "Arm 12_0
mean_accuracy: 0.950333 (SEM: None)
lr: 0.000929981
momentum: 0", "Arm 13_0
mean_accuracy: 0.0936667 (SEM: None)
lr: 0.00119618
momentum: 1", "Arm 14_0
mean_accuracy: 0.165 (SEM: None)
lr: 1e-06
momentum: 0", "Arm 15_0
mean_accuracy: 0.922333 (SEM: None)
lr: 0.00014725
momentum: 0.627285", "Arm 16_0
mean_accuracy: 0.832 (SEM: None)
lr: 5.57704e-06
momentum: 1", "Arm 17_0
mean_accuracy: 0.9565 (SEM: None)
lr: 0.000484483
momentum: 0.522484", "Arm 18_0
mean_accuracy: 0.8105 (SEM: None)
lr: 1e-06
momentum: 1", "Arm 19_0
mean_accuracy: 0.894833 (SEM: None)
lr: 2.49381e-05
momentum: 0.838966", "Arm 20_0
mean_accuracy: 0.195667 (SEM: None)
lr: 1e-06
momentum: 0.734977", "Arm 21_0
mean_accuracy: 0.958667 (SEM: None)
lr: 0.00143294
momentum: 0.129269", "Arm 22_0
mean_accuracy: 0.953833 (SEM: None)
lr: 0.00136704
momentum: 0.48733", "Arm 23_0
mean_accuracy: 0.833167 (SEM: None)
lr: 3.90847e-05
momentum: 0.165983", "Arm 24_0
mean_accuracy: 0.934667 (SEM: None)
lr: 0.000111675
momentum: 0.787248", "Arm 25_0
mean_accuracy: 0.9565 (SEM: None)
lr: 0.000631504
momentum: 0.605018", "Arm 26_0
mean_accuracy: 0.9605 (SEM: None)
lr: 0.000845619
momentum: 0.400577" ], "type": "scatter", "x": [ 0.0010322272268439524, 0.15382284448114547, 9.67174289933005e-06, 0.06019593201476676, 0.3872747932942272, 0.00025201055246863334, 0.03633470749440812, 0.00023172912229315807, 0.002014153921440774, 0.0004776922833324552, 0.00057032311716837, 0.00011977491371180799, 0.0009299813986971515, 0.0011961824938390288, 1e-06, 0.00014724996629385798, 5.577040808017449e-06, 0.000484482961258271, 1e-06, 2.493812884697508e-05, 1e-06, 0.0014329416590346926, 0.001367044092025285, 3.9084701963789505e-05, 0.00011167473040227795, 0.0006315044458639898, 0.0008456190187879572 ], "xaxis": "x2", "y": [ 0.27401408553123474, 0.8956281952559948, 0.44644507858902216, 0.7989400317892432, 0.42380376998335123, 0.03280221898240794, 0.030551128304495943, 0.271582956897864, 0.015455513472926553, 0.6894770731087517, 0.19386673141504346, 1.0, 0.0, 1.0, 0.0, 0.6272851493401131, 1.0, 0.522483640643952, 1.0, 0.8389656662466602, 0.734977046428788, 0.1292693259600372, 0.48733015718465567, 0.16598254399809365, 0.7872475252163819, 0.6050178642636389, 0.40057652036237584 ], "yaxis": "y2" } ], "layout": { "annotations": [ { "font": { "size": 14 }, "showarrow": false, "text": "Mean", "x": 0.25, "xanchor": "center", "xref": "paper", "y": 1, "yanchor": "bottom", "yref": "paper" }, { "font": { "size": 14 }, "showarrow": false, "text": "Standard Error", "x": 0.8, "xanchor": "center", "xref": "paper", "y": 1, "yanchor": "bottom", "yref": "paper" } ], "autosize": false, "height": 450, "hovermode": "closest", "legend": { "orientation": "h", "x": 0, "y": -0.25 }, "margin": { "b": 100, "l": 35, "pad": 0, "r": 35, "t": 35 }, "template": { "data": { "bar": [ { "error_x": { "color": "#2a3f5f" }, "error_y": { "color": "#2a3f5f" }, "marker": { "line": { "color": "#E5ECF6", "width": 0.5 }, "pattern": { "fillmode": "overlay", "size": 10, "solidity": 0.2 } }, "type": "bar" } ], "barpolar": [ { "marker": { "line": { "color": "#E5ECF6", "width": 0.5 }, "pattern": { "fillmode": "overlay", "size": 10, "solidity": 0.2 } }, "type": "barpolar" } ], "carpet": [ { "aaxis": { "endlinecolor": "#2a3f5f", "gridcolor": "white", "linecolor": "white", "minorgridcolor": "white", "startlinecolor": "#2a3f5f" }, "baxis": { "endlinecolor": "#2a3f5f", "gridcolor": "white", "linecolor": "white", "minorgridcolor": "white", "startlinecolor": "#2a3f5f" }, "type": "carpet" } ], "choropleth": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "type": "choropleth" } ], "contour": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0.0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1.0, "#f0f921" ] ], "type": "contour" } ], "contourcarpet": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "type": "contourcarpet" } ], "heatmap": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0.0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1.0, "#f0f921" ] ], "type": "heatmap" } ], "heatmapgl": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0.0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1.0, "#f0f921" ] ], "type": "heatmapgl" } ], "histogram": [ { "marker": { "pattern": { "fillmode": "overlay", "size": 10, "solidity": 0.2 } }, "type": "histogram" } ], "histogram2d": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0.0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1.0, "#f0f921" ] ], "type": "histogram2d" } ], "histogram2dcontour": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0.0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1.0, "#f0f921" ] ], "type": "histogram2dcontour" } ], "mesh3d": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "type": "mesh3d" } ], "parcoords": [ { "line": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "parcoords" } ], "pie": [ { "automargin": true, "type": "pie" } ], "scatter": [ { "fillpattern": { "fillmode": "overlay", "size": 10, "solidity": 0.2 }, "type": "scatter" } ], "scatter3d": [ { "line": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scatter3d" } ], "scattercarpet": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scattercarpet" } ], "scattergeo": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scattergeo" } ], "scattergl": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scattergl" } ], "scattermapbox": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scattermapbox" } ], "scatterpolar": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scatterpolar" } ], "scatterpolargl": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scatterpolargl" } ], "scatterternary": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scatterternary" } ], "surface": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0.0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1.0, "#f0f921" ] ], "type": "surface" } ], "table": [ { "cells": { "fill": { "color": "#EBF0F8" }, "line": { "color": "white" } }, "header": { "fill": { "color": "#C8D4E3" }, "line": { "color": "white" } }, "type": "table" } ] }, "layout": { "annotationdefaults": { "arrowcolor": "#2a3f5f", "arrowhead": 0, "arrowwidth": 1 }, "autotypenumbers": "strict", "coloraxis": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "colorscale": { "diverging": [ [ 0, "#8e0152" ], [ 0.1, "#c51b7d" ], [ 0.2, "#de77ae" ], [ 0.3, "#f1b6da" ], [ 0.4, "#fde0ef" ], [ 0.5, "#f7f7f7" ], [ 0.6, "#e6f5d0" ], [ 0.7, "#b8e186" ], [ 0.8, "#7fbc41" ], [ 0.9, "#4d9221" ], [ 1, "#276419" ] ], "sequential": [ [ 0.0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1.0, "#f0f921" ] ], "sequentialminus": [ [ 0.0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1.0, "#f0f921" ] ] }, "colorway": [ "#636efa", "#EF553B", "#00cc96", "#ab63fa", "#FFA15A", "#19d3f3", "#FF6692", "#B6E880", "#FF97FF", "#FECB52" ], "font": { "color": "#2a3f5f" }, "geo": { "bgcolor": "white", "lakecolor": "white", "landcolor": "#E5ECF6", "showlakes": true, "showland": true, "subunitcolor": "white" }, "hoverlabel": { "align": "left" }, "hovermode": "closest", "mapbox": { "style": "light" }, "paper_bgcolor": "white", "plot_bgcolor": "#E5ECF6", "polar": { "angularaxis": { "gridcolor": "white", "linecolor": "white", "ticks": "" }, "bgcolor": "#E5ECF6", "radialaxis": { "gridcolor": "white", "linecolor": "white", "ticks": "" } }, "scene": { "xaxis": { "backgroundcolor": "#E5ECF6", "gridcolor": "white", "gridwidth": 2, "linecolor": "white", "showbackground": true, "ticks": "", "zerolinecolor": "white" }, "yaxis": { "backgroundcolor": "#E5ECF6", "gridcolor": "white", "gridwidth": 2, "linecolor": "white", "showbackground": true, "ticks": "", "zerolinecolor": "white" }, "zaxis": { "backgroundcolor": "#E5ECF6", "gridcolor": "white", "gridwidth": 2, "linecolor": "white", "showbackground": true, "ticks": "", "zerolinecolor": "white" } }, "shapedefaults": { "line": { "color": "#2a3f5f" } }, "ternary": { "aaxis": { "gridcolor": "white", "linecolor": "white", "ticks": "" }, "baxis": { "gridcolor": "white", "linecolor": "white", "ticks": "" }, "bgcolor": "#E5ECF6", "caxis": { "gridcolor": "white", "linecolor": "white", "ticks": "" } }, "title": { "x": 0.05 }, "xaxis": { "automargin": true, "gridcolor": "white", "linecolor": "white", "ticks": "", "title": { "standoff": 15 }, "zerolinecolor": "white", "zerolinewidth": 2 }, "yaxis": { "automargin": true, "gridcolor": "white", "linecolor": "white", "ticks": "", "title": { "standoff": 15 }, "zerolinecolor": "white", "zerolinewidth": 2 } } }, "width": 950, "xaxis": { "anchor": "y", "autorange": false, "domain": [ 0.05, 0.45 ], "exponentformat": "e", "range": [ -6.0, -0.3979400086720376 ], "tickfont": { "size": 11 }, "tickmode": "auto", "title": { "text": "lr" }, "type": "log" }, "xaxis2": { "anchor": "y2", "autorange": false, "domain": [ 0.6, 1 ], "exponentformat": "e", "range": [ -6.0, -0.3979400086720376 ], "tickfont": { "size": 11 }, "tickmode": "auto", "title": { "text": "lr" }, "type": "log" }, "yaxis": { "anchor": "x", "autorange": false, "domain": [ 0, 1 ], "exponentformat": "e", "range": [ 0.0, 1.0 ], "tickfont": { "size": 11 }, "tickmode": "auto", "title": { "text": "momentum" }, "type": "linear" }, "yaxis2": { "anchor": "x2", "autorange": false, "domain": [ 0, 1 ], "exponentformat": "e", "range": [ 0.0, 1.0 ], "tickfont": { "size": 11 }, "tickmode": "auto", "type": "linear" } } }, "text/html": [ "
" ] }, "metadata": {}, "output_type": "display_data" } ], "source": [ "render(\n", " plot_contour(\n", " model=ax.generation_strategy.model,\n", " param_x=\"lr\",\n", " param_y=\"momentum\",\n", " metric_name=\"mean_accuracy\",\n", " )\n", ")" ] }, { "cell_type": "code", "execution_count": 13, "metadata": { "originalKey": "6dfd23ca-1c93-4846-8e85-4560f9e40304" }, "outputs": [ { "data": { "application/vnd.plotly.v1+json": { "config": { "linkText": "Export to plot.ly", "plotlyServerURL": "https://plot.ly", "showLink": false }, "data": [ { "hoverinfo": "none", "legendgroup": "", "line": { "width": 0 }, "mode": "lines", "showlegend": false, "type": "scatter", "x": [ 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30 ], "y": [ 96.0, 96.0, 96.0, 96.0, 96.0, 96.0, 96.0, 96.0, 96.0, 96.18333333333334, 96.18333333333334, 96.18333333333334, 96.18333333333334, 96.18333333333334, 96.18333333333334, 96.18333333333334, 96.18333333333334, 96.18333333333334, 96.18333333333334, 96.18333333333334, 96.18333333333334, 96.18333333333334, 96.18333333333334, 96.18333333333334, 96.18333333333334, 96.18333333333334, 96.18333333333334, 96.18333333333334, 96.18333333333334, 96.18333333333334 ] }, { "fill": "tonexty", "fillcolor": "rgba(128,177,211,0.3)", "legendgroup": "objective value", "line": { "color": "rgba(128,177,211,1)" }, "mode": "lines", "name": "objective value", "type": "scatter", "x": [ 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30 ], "y": [ 96.0, 96.0, 96.0, 96.0, 96.0, 96.0, 96.0, 96.0, 96.0, 96.18333333333334, 96.18333333333334, 96.18333333333334, 96.18333333333334, 96.18333333333334, 96.18333333333334, 96.18333333333334, 96.18333333333334, 96.18333333333334, 96.18333333333334, 96.18333333333334, 96.18333333333334, 96.18333333333334, 96.18333333333334, 96.18333333333334, 96.18333333333334, 96.18333333333334, 96.18333333333334, 96.18333333333334, 96.18333333333334, 96.18333333333334 ] }, { "fill": "tonexty", "fillcolor": "rgba(128,177,211,0.3)", "hoverinfo": "none", "legendgroup": "", "line": { "width": 0 }, "mode": "lines", "showlegend": false, "type": "scatter", "x": [ 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30 ], "y": [ 96.0, 96.0, 96.0, 96.0, 96.0, 96.0, 96.0, 96.0, 96.0, 96.18333333333334, 96.18333333333334, 96.18333333333334, 96.18333333333334, 96.18333333333334, 96.18333333333334, 96.18333333333334, 96.18333333333334, 96.18333333333334, 96.18333333333334, 96.18333333333334, 96.18333333333334, 96.18333333333334, 96.18333333333334, 96.18333333333334, 96.18333333333334, 96.18333333333334, 96.18333333333334, 96.18333333333334, 96.18333333333334, 96.18333333333334 ] } ], "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.7.12" }, "last_base_url": "https://devvm3002.frc0.facebook.com:8090/", "last_kernel_id": "148e0817-7aae-4719-aff2-639ce2864738", "last_msg_id": "a1616ce6-ae3c4879620e9fb8029ca89e_240", "last_server_session_id": "3539ac9b-8cce-42fe-984a-f3a2a8a1dbde", "outputWidgetContext": {}, "widgets": { "application/vnd.jupyter.widget-state+json": { "state": { "061e64348f8d4eeebea54581d259f87c": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "0c2f429904e742419b38106df2bbedb6": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "ProgressStyleModel", "state": { "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "ProgressStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "bar_color": null, "description_width": "" } }, "0db1a954519747ae8e23c4dc0ae47271": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "109c63ddd0e7487b9dea82bd3db139d4": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "ProgressStyleModel", "state": { "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "ProgressStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "bar_color": null, "description_width": "" } }, "121e5e6ff967450a89f0d87e16a88822": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "HTMLModel", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "HTMLModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "HTMLView", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_652e1345c5bb40dbb4b583d60ba2017a", "placeholder": "​", "style": "IPY_MODEL_d79cda5ffdd34baca4d9edbc7ce21373", "value": "" } }, "12e37326a8d046fe9b7a619126209bbb": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "DescriptionStyleModel", "state": { "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "DescriptionStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "description_width": "" } }, "1e19fa61fa9d4c348ad3ab3f0776fe30": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "DescriptionStyleModel", "state": { "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "DescriptionStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "description_width": "" } }, "2407f6c00a6c4316b6653f0e6014ef5c": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "DescriptionStyleModel", "state": { "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "DescriptionStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "description_width": "" } }, "30011fe157f14e9fa0b7d51382e11709": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "3d5bb2e192af49b0879bb517a8d312a8": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "48c1f7d7f9bc4469b7cefb0c79bd64ac": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "FloatProgressModel", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "FloatProgressModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "ProgressView", "bar_style": "success", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_50face8dc244439e8bb3a2ecbd446811", "max": 4542.0, "min": 0.0, "orientation": "horizontal", "style": "IPY_MODEL_0c2f429904e742419b38106df2bbedb6", "value": 4542.0 } }, "4c191b0f0faf40a388bfa9852e0c5ff4": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "HTMLModel", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "HTMLModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "HTMLView", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_d909f3eed73240f792b402c57f132766", "placeholder": "​", "style": "IPY_MODEL_12e37326a8d046fe9b7a619126209bbb", "value": "" } }, "50face8dc244439e8bb3a2ecbd446811": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "55c99770e0594e54baec57f5261bedb9": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "DescriptionStyleModel", "state": { "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "DescriptionStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "description_width": "" } }, "55e71c0968234c5483e8feb94030b63d": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "582c57a1b3204133a6caa530b1f94c37": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "HBoxModel", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "HBoxModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "HBoxView", "box_style": "", "children": [ "IPY_MODEL_4c191b0f0faf40a388bfa9852e0c5ff4", "IPY_MODEL_c487a97382f6490cb49f544d05dfce38", "IPY_MODEL_fb328afa513e402cb9cc1ff69761f7f1" ], "layout": "IPY_MODEL_bff608587e41442d8742c76d184f4519" } }, "6429070a464b414c93e2596e5d5f7f0e": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "649525d889924bf4a7249674445af32f": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "HBoxModel", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "HBoxModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "HBoxView", "box_style": "", "children": [ "IPY_MODEL_c5d6f15474cd49bd86ae8f11ad80e5a1", "IPY_MODEL_92d2edc870a742779be5ff57a3193cef", "IPY_MODEL_f39403d2e4f24a36af493c1277604c0e" ], "layout": "IPY_MODEL_f1b8c935049a495b8e8bd290f2ef4a01" } }, "652e1345c5bb40dbb4b583d60ba2017a": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "7e2d518b0c4f41c88d358713d377f6e1": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "82f8c1120ce14333a12b66fd41610d86": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "FloatProgressModel", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "FloatProgressModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "ProgressView", "bar_style": "success", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_30011fe157f14e9fa0b7d51382e11709", "max": 1648877.0, "min": 0.0, "orientation": "horizontal", "style": "IPY_MODEL_109c63ddd0e7487b9dea82bd3db139d4", "value": 1648877.0 } }, "92d2edc870a742779be5ff57a3193cef": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "FloatProgressModel", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "FloatProgressModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "ProgressView", "bar_style": "success", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_fe35c31f61104cf498b8ec56b66af21d", "max": 9912422.0, "min": 0.0, "orientation": "horizontal", "style": "IPY_MODEL_bd93b9d708f94e489aa496ad4c3e13dd", "value": 9912422.0 } }, "92fb63845d8d497e8797fbd53be78df4": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "9368a64382034586a33be1a902d4e067": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "95b6b63736354193bd1a9d01f93566ea": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "HTMLModel", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "HTMLModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "HTMLView", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_92fb63845d8d497e8797fbd53be78df4", "placeholder": "​", "style": "IPY_MODEL_2407f6c00a6c4316b6653f0e6014ef5c", "value": " 1649664/? [00:00<00:00, 29397836.18it/s]" } }, "9e62284d3eed420ebed2105d2d3a8524": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "HTMLModel", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "HTMLModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "HTMLView", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_c9e1648f0e0541eabad46e5a8f04bb2d", "placeholder": "​", "style": "IPY_MODEL_1e19fa61fa9d4c348ad3ab3f0776fe30", "value": "" } }, "a4dd3203211241fc9bd017ae19a243c4": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "ProgressStyleModel", "state": { "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "ProgressStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "bar_color": null, "description_width": "" } }, "ae386aa1e2f74edb8cfc98cebb299722": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "DescriptionStyleModel", "state": { "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "DescriptionStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "description_width": "" } }, "bd93b9d708f94e489aa496ad4c3e13dd": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "ProgressStyleModel", "state": { "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "ProgressStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "bar_color": null, "description_width": "" } }, "bff608587e41442d8742c76d184f4519": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "c487a97382f6490cb49f544d05dfce38": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "FloatProgressModel", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "FloatProgressModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "ProgressView", "bar_style": "success", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_9368a64382034586a33be1a902d4e067", "max": 28881.0, "min": 0.0, "orientation": "horizontal", "style": "IPY_MODEL_a4dd3203211241fc9bd017ae19a243c4", "value": 28881.0 } }, "c5d6f15474cd49bd86ae8f11ad80e5a1": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "HTMLModel", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "HTMLModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "HTMLView", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_6429070a464b414c93e2596e5d5f7f0e", "placeholder": "​", "style": "IPY_MODEL_55c99770e0594e54baec57f5261bedb9", "value": "" } }, "c9e1648f0e0541eabad46e5a8f04bb2d": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "d79cda5ffdd34baca4d9edbc7ce21373": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "DescriptionStyleModel", "state": { "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "DescriptionStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "description_width": "" } }, "d909f3eed73240f792b402c57f132766": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "db4e41153abb4eb8a1d16dd803efc81d": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "DescriptionStyleModel", "state": { "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "DescriptionStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "description_width": "" } }, "dfa0ccebb93b4dd582a82ea04a278e1e": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "DescriptionStyleModel", "state": { "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "DescriptionStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "description_width": "" } }, "ee8fcf16301049fa8db7b4f77ffe0842": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "HTMLModel", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "HTMLModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "HTMLView", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_55e71c0968234c5483e8feb94030b63d", "placeholder": "​", "style": "IPY_MODEL_db4e41153abb4eb8a1d16dd803efc81d", "value": " 5120/? [00:00<00:00, 215584.83it/s]" } }, "f1b8c935049a495b8e8bd290f2ef4a01": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "f39403d2e4f24a36af493c1277604c0e": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "HTMLModel", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "HTMLModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "HTMLView", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_3d5bb2e192af49b0879bb517a8d312a8", "placeholder": "​", "style": "IPY_MODEL_dfa0ccebb93b4dd582a82ea04a278e1e", "value": " 9913344/? [00:00<00:00, 73538139.62it/s]" } }, "fab58347f80a4b269dc0b97faad41e4a": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "HBoxModel", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "HBoxModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "HBoxView", "box_style": "", "children": [ "IPY_MODEL_9e62284d3eed420ebed2105d2d3a8524", "IPY_MODEL_82f8c1120ce14333a12b66fd41610d86", "IPY_MODEL_95b6b63736354193bd1a9d01f93566ea" ], "layout": "IPY_MODEL_7e2d518b0c4f41c88d358713d377f6e1" } }, "fb328afa513e402cb9cc1ff69761f7f1": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "HTMLModel", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "HTMLModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "HTMLView", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_061e64348f8d4eeebea54581d259f87c", "placeholder": "​", "style": "IPY_MODEL_ae386aa1e2f74edb8cfc98cebb299722", "value": " 29696/? [00:00<00:00, 1233929.24it/s]" } }, "fd57861f4f844e0ebe7f9e9059ffe82b": { "model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "HBoxModel", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "HBoxModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "HBoxView", "box_style": "", "children": [ "IPY_MODEL_121e5e6ff967450a89f0d87e16a88822", "IPY_MODEL_48c1f7d7f9bc4469b7cefb0c79bd64ac", "IPY_MODEL_ee8fcf16301049fa8db7b4f77ffe0842" ], "layout": "IPY_MODEL_0db1a954519747ae8e23c4dc0ae47271" } }, "fe35c31f61104cf498b8ec56b66af21d": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } } }, "version_major": 2, "version_minor": 0 } } }, "nbformat": 4, "nbformat_minor": 2 }