{ "cells": [ { "attachments": {}, "cell_type": "markdown", "metadata": { "originalKey": "6dba2bea-d97e-4545-9803-4242850e1807" }, "source": [ "# Ax Service API with RayTune on PyTorch CNN\n", "\n", "Ax integrates easily with different scheduling frameworks and distributed training frameworks. In this example, Ax-driven optimization is executed in a distributed fashion using [RayTune](https://ray.readthedocs.io/en/latest/tune.html). \n", "\n", "RayTune is a scalable framework for hyperparameter tuning that provides many state-of-the-art hyperparameter tuning algorithms and seamlessly scales from laptop to distributed cluster with fault tolerance. RayTune leverages [Ray](https://ray.readthedocs.io/)'s Actor API to provide asynchronous parallel and distributed execution.\n", "\n", "Ray 'Actors' are a simple and clean abstraction for replicating your Python classes across multiple workers and nodes. Each hyperparameter evaluation is asynchronously executed on a separate Ray actor and reports intermediate training progress back to RayTune. Upon reporting, RayTune then uses this information to performs actions such as early termination, re-prioritization, or checkpointing." ] }, { "cell_type": "code", "execution_count": 1, "metadata": { "execution": { "iopub.execute_input": "2023-08-11T15:57:18.472734Z", "iopub.status.busy": "2023-08-11T15:57:18.472443Z", "iopub.status.idle": "2023-08-11T15:57:52.633441Z", "shell.execute_reply": "2023-08-11T15:57:52.632798Z" }, "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.search.ax import AxSearch\n", "\n", "logger = logging.getLogger(tune.__name__)\n", "logger.setLevel(\n", " level=logging.CRITICAL\n", ") # Reduce the number of Ray warnings that are not relevant here." ] }, { "cell_type": "code", "execution_count": 2, "metadata": { "execution": { "iopub.execute_input": "2023-08-11T15:57:52.636577Z", "iopub.status.busy": "2023-08-11T15:57:52.636385Z", "iopub.status.idle": "2023-08-11T15:57:54.035136Z", "shell.execute_reply": "2023-08-11T15:57:54.033985Z" }, "originalKey": "19956234-25ae-4e72-9d72-dbcd1b90e530" }, "outputs": [ { "data": { "text/html": [ "" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 11:57:53] 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()" ] }, { "attachments": {}, "cell_type": "markdown", "metadata": { "originalKey": "a26e18f8-caa7-411d-809a-61a9229cd6c6" }, "source": [ "## 1. Initialize client\n", "We specify `enforce_sequential_optimization` as False, because Ray runs many trials in parallel. With the sequential optimization enforcement, `AxClient` would expect the first few trials to be completed with data before generating more trials.\n", "\n", "When high parallelism is not required, it is best to enforce sequential optimization, as it allows for achieving optimal results in fewer (but sequential) trials. In cases where parallelism is important, such as with distributed training using Ray, we choose to forego minimizing resource utilization and run more trials in parallel." ] }, { "cell_type": "code", "execution_count": 3, "metadata": { "execution": { "iopub.execute_input": "2023-08-11T15:57:54.072311Z", "iopub.status.busy": "2023-08-11T15:57:54.072090Z", "iopub.status.idle": "2023-08-11T15:57:54.076050Z", "shell.execute_reply": "2023-08-11T15:57:54.075461Z" }, "originalKey": "a91e1cb2-999a-4b88-a2d2-85d0acaa8854" }, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 11:57:54] 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)" ] }, { "attachments": {}, "cell_type": "markdown", "metadata": { "originalKey": "1766919c-fb6f-4271-a8e1-6f972eee78f3" }, "source": [ "## 2. Set up experiment\n", "Here we set up the search space and specify the objective; refer to the Ax API tutorials for more detail." ] }, { "cell_type": "code", "execution_count": 4, "metadata": { "execution": { "iopub.execute_input": "2023-08-11T15:57:54.079082Z", "iopub.status.busy": "2023-08-11T15:57:54.078863Z", "iopub.status.idle": "2023-08-11T15:57:54.081902Z", "shell.execute_reply": "2023-08-11T15:57:54.081310Z" }, "originalKey": "37e367d4-d09d-425b-98f7-c8849d9be4b7" }, "outputs": [], "source": [ "MINIMIZE = False # Whether we should be minimizing or maximizing the objective" ] }, { "cell_type": "code", "execution_count": 5, "metadata": { "execution": { "iopub.execute_input": "2023-08-11T15:57:54.084866Z", "iopub.status.busy": "2023-08-11T15:57:54.084677Z", "iopub.status.idle": "2023-08-11T15:57:54.093013Z", "shell.execute_reply": "2023-08-11T15:57:54.092467Z" }, "originalKey": "777c8d33-2cd1-4425-b45f-2a44922dce7d" }, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 11:57:54] 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 08-11 11:57:54] 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 08-11 11:57:54] 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 08-11 11:57:54] ax.modelbridge.dispatch_utils: Using Models.GPEI since there are more ordered parameters than there are categories for the unordered categorical parameters.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 11:57:54] ax.modelbridge.dispatch_utils: Calculating the number of remaining initialization trials based on num_initialization_trials=None max_initialization_trials=None num_tunable_parameters=2 num_trials=None use_batch_trials=False\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 11:57:54] ax.modelbridge.dispatch_utils: calculated num_initialization_trials=5\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 11:57:54] ax.modelbridge.dispatch_utils: num_completed_initialization_trials=0 num_remaining_initialization_trials=5\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 11:57:54] ax.modelbridge.dispatch_utils: Using Bayesian Optimization generation strategy: GenerationStrategy(name='Sobol+GPEI', steps=[Sobol for 5 trials, GPEI for subsequent trials]). Iterations after 5 will take longer to generate due to model-fitting.\n" ] } ], "source": [ "ax.create_experiment(\n", " name=\"mnist_experiment\",\n", " parameters=[\n", " {\"name\": \"lr\", \"type\": \"range\", \"bounds\": [1e-6, 0.4], \"log_scale\": True},\n", " {\"name\": \"momentum\", \"type\": \"range\", \"bounds\": [0.0, 1.0]},\n", " ],\n", " objective_name=\"mean_accuracy\",\n", " minimize=MINIMIZE,\n", ")" ] }, { "cell_type": "code", "execution_count": 6, "metadata": { "execution": { "iopub.execute_input": "2023-08-11T15:57:54.097349Z", "iopub.status.busy": "2023-08-11T15:57:54.097124Z", "iopub.status.idle": "2023-08-11T15:57:54.103515Z", "shell.execute_reply": "2023-08-11T15:57:54.102896Z" }, "originalKey": "589e4d80-02ae-461d-babc-0f96718f623e" }, "outputs": [ { "data": { "text/plain": [ "False" ] }, "execution_count": 6, "metadata": {}, "output_type": "execute_result" } ], "source": [ "ax.experiment.optimization_config.objective.minimize" ] }, { "cell_type": "code", "execution_count": 7, "metadata": { "execution": { "iopub.execute_input": "2023-08-11T15:57:54.106786Z", "iopub.status.busy": "2023-08-11T15:57:54.106537Z", "iopub.status.idle": "2023-08-11T15:57:54.232898Z", "shell.execute_reply": "2023-08-11T15:57:54.232253Z" }, "originalKey": "773a2c32-4ff3-4e92-8996-325504ce953e" }, "outputs": [ { "data": { "text/plain": [ "(,\n", " ,\n", " )" ] }, "execution_count": 7, "metadata": {}, "output_type": "execute_result" } ], "source": [ "load_mnist(\n", " data_path=\"~/.data\"\n", ") # Pre-load the dataset before the initial evaluations are executed." ] }, { "attachments": {}, "cell_type": "markdown", "metadata": { "originalKey": "5fec848a-3538-489c-bcdd-a74051f48140" }, "source": [ "## 3. Define how to evaluate trials\n", "Since we use the Ax Service API here, we evaluate the parameterizations that Ax suggests, using RayTune. The evaluation function follows its usual pattern, taking in a parameterization and outputting an objective value. For detail on evaluation functions, see [Trial Evaluation](https://ax.dev/docs/runner.html). " ] }, { "cell_type": "code", "execution_count": 8, "metadata": { "execution": { "iopub.execute_input": "2023-08-11T15:57:54.236743Z", "iopub.status.busy": "2023-08-11T15:57:54.236344Z", "iopub.status.idle": "2023-08-11T15:57:54.240878Z", "shell.execute_reply": "2023-08-11T15:57:54.240209Z" }, "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", " )" ] }, { "attachments": {}, "cell_type": "markdown", "metadata": { "originalKey": "dda3574c-5967-43ea-8d23-7a151dc59ec9" }, "source": [ "## 4. Run optimization\n", "Execute the Ax optimization and trial evaluation in RayTune using [AxSearch algorithm](https://ray.readthedocs.io/en/latest/tune-searchalg.html#ax-search):" ] }, { "cell_type": "code", "execution_count": 9, "metadata": { "code_folding": [], "execution": { "iopub.execute_input": "2023-08-11T15:57:54.244299Z", "iopub.status.busy": "2023-08-11T15:57:54.244104Z", "iopub.status.idle": "2023-08-11T16:00:29.121153Z", "shell.execute_reply": "2023-08-11T16:00:29.120530Z" }, "hidden_ranges": [], "originalKey": "1d768bb2-d46b-4c4c-879e-3242af7555f4" }, "outputs": [ { "data": { "text/html": [], "text/plain": [ "" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 11:58:03] ax.service.ax_client: Generated new trial 0 with parameters {'lr': 1.4e-05, 'momentum': 0.897231}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 11:58:15] ax.service.ax_client: Generated new trial 1 with parameters {'lr': 0.24131, 'momentum': 0.343904}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 11:58:27] ax.service.ax_client: Generated new trial 2 with parameters {'lr': 3e-06, 'momentum': 0.115959}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 11:58:27] ax.service.ax_client: Completed trial 0 with data: {'mean_accuracy': (0.892667, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 11:58:27] ax.service.ax_client: Generated new trial 3 with parameters {'lr': 0.025762, 'momentum': 0.358718}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 11:58:38] ax.service.ax_client: Completed trial 1 with data: {'mean_accuracy': (0.107833, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 11:58:38] ax.service.ax_client: Generated new trial 4 with parameters {'lr': 0.000199, 'momentum': 0.033005}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 11:58:38] ax.service.ax_client: Completed trial 2 with data: {'mean_accuracy': (0.205833, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 11:58:38] ax.service.ax_client: Generated new trial 5 with parameters {'lr': 1e-06, 'momentum': 1.0}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 11:58:48] ax.service.ax_client: Completed trial 3 with data: {'mean_accuracy': (0.100333, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 11:58:49] ax.service.ax_client: Generated new trial 6 with parameters {'lr': 0.000521, 'momentum': 1.0}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 11:58:49] ax.service.ax_client: Completed trial 4 with data: {'mean_accuracy': (0.922, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 11:58:50] ax.service.ax_client: Generated new trial 7 with parameters {'lr': 5e-06, 'momentum': 0.684412}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 11:58:50] ax.service.ax_client: Completed trial 5 with data: {'mean_accuracy': (0.824667, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 11:58:50] ax.service.ax_client: Generated new trial 8 with parameters {'lr': 0.002333, 'momentum': 0.0}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 11:59:00] ax.service.ax_client: Completed trial 6 with data: {'mean_accuracy': (0.114167, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 11:59:01] ax.service.ax_client: Generated new trial 9 with parameters {'lr': 6e-06, 'momentum': 1.0}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 11:59:01] ax.service.ax_client: Completed trial 7 with data: {'mean_accuracy': (0.688167, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 11:59:01] ax.service.ax_client: Generated new trial 10 with parameters {'lr': 0.00015, 'momentum': 0.283856}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 11:59:01] ax.service.ax_client: Completed trial 8 with data: {'mean_accuracy': (0.960667, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 11:59:02] ax.service.ax_client: Generated new trial 11 with parameters {'lr': 0.000654, 'momentum': 0.0}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 11:59:12] ax.service.ax_client: Completed trial 9 with data: {'mean_accuracy': (0.875333, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 11:59:12] ax.service.ax_client: Generated new trial 12 with parameters {'lr': 0.000716, 'momentum': 0.10474}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 11:59:12] ax.service.ax_client: Completed trial 10 with data: {'mean_accuracy': (0.917333, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 11:59:13] ax.service.ax_client: Generated new trial 13 with parameters {'lr': 5.8e-05, 'momentum': 0.567161}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 11:59:13] ax.service.ax_client: Completed trial 11 with data: {'mean_accuracy': (0.943167, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 11:59:14] ax.service.ax_client: Generated new trial 14 with parameters {'lr': 0.00035, 'momentum': 0.164055}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 11:59:23] ax.service.ax_client: Completed trial 12 with data: {'mean_accuracy': (0.960833, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 11:59:24] ax.service.ax_client: Generated new trial 15 with parameters {'lr': 0.016238, 'momentum': 0.0}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 11:59:25] ax.service.ax_client: Completed trial 13 with data: {'mean_accuracy': (0.883833, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 11:59:26] ax.service.ax_client: Generated new trial 16 with parameters {'lr': 0.001292, 'momentum': 0.0}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 11:59:26] ax.service.ax_client: Completed trial 14 with data: {'mean_accuracy': (0.9405, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 11:59:27] ax.service.ax_client: Generated new trial 17 with parameters {'lr': 0.001393, 'momentum': 0.061957}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 11:59:35] ax.service.ax_client: Completed trial 15 with data: {'mean_accuracy': (0.103833, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 11:59:36] ax.service.ax_client: Generated new trial 18 with parameters {'lr': 4.3e-05, 'momentum': 0.232908}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 11:59:37] ax.service.ax_client: Completed trial 16 with data: {'mean_accuracy': (0.9565, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 11:59:38] ax.service.ax_client: Generated new trial 19 with parameters {'lr': 0.001778, 'momentum': 0.18241}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 11:59:38] ax.service.ax_client: Completed trial 17 with data: {'mean_accuracy': (0.958833, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 11:59:40] ax.service.ax_client: Generated new trial 20 with parameters {'lr': 3.3e-05, 'momentum': 1.0}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 11:59:47] ax.service.ax_client: Completed trial 18 with data: {'mean_accuracy': (0.842667, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 11:59:49] ax.service.ax_client: Generated new trial 21 with parameters {'lr': 0.00183, 'momentum': 0.0}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 11:59:49] ax.service.ax_client: Completed trial 19 with data: {'mean_accuracy': (0.9645, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 11:59:51] ax.service.ax_client: Generated new trial 22 with parameters {'lr': 0.002017, 'momentum': 0.093615}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 11:59:51] ax.service.ax_client: Completed trial 20 with data: {'mean_accuracy': (0.9095, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 11:59:52] ax.service.ax_client: Generated new trial 23 with parameters {'lr': 0.000983, 'momentum': 0.23737}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 12:00:00] ax.service.ax_client: Completed trial 21 with data: {'mean_accuracy': (0.955833, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 12:00:01] ax.modelbridge.base: Untransformed parameter 0.40000000000000013 greater than upper bound 0.4, clamping\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 12:00:01] ax.service.ax_client: Generated new trial 24 with parameters {'lr': 0.4, 'momentum': 1.0}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 12:00:02] ax.service.ax_client: Completed trial 22 with data: {'mean_accuracy': (0.962333, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 12:00:03] ax.service.ax_client: Generated new trial 25 with parameters {'lr': 0.001149, 'momentum': 0.159404}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 12:00:03] ax.service.ax_client: Completed trial 23 with data: {'mean_accuracy': (0.954667, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 12:00:05] ax.service.ax_client: Generated new trial 26 with parameters {'lr': 0.002527, 'momentum': 0.263142}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 12:00:12] ax.service.ax_client: Completed trial 24 with data: {'mean_accuracy': (0.088333, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 12:00:13] ax.service.ax_client: Generated new trial 27 with parameters {'lr': 0.000945, 'momentum': 0.131786}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 12:00:14] ax.service.ax_client: Completed trial 25 with data: {'mean_accuracy': (0.958833, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 12:00:16] ax.service.ax_client: Generated new trial 28 with parameters {'lr': 0.008234, 'momentum': 1.0}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 12:00:16] ax.service.ax_client: Completed trial 26 with data: {'mean_accuracy': (0.958, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 12:00:18] ax.service.ax_client: Generated new trial 29 with parameters {'lr': 0.002374, 'momentum': 0.158912}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 12:00:24] ax.service.ax_client: Completed trial 27 with data: {'mean_accuracy': (0.955833, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 12:00:27] ax.service.ax_client: Completed trial 28 with data: {'mean_accuracy': (0.101167, None)}.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-11 12:00:28] ax.service.ax_client: Completed trial 29 with data: {'mean_accuracy': (0.9425, 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.search.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", ")" ] }, { "attachments": {}, "cell_type": "markdown", "metadata": { "originalKey": "cb00f812-e9e5-4208-a680-adf6619d74c4" }, "source": [ "## 5. Retrieve the optimization results" ] }, { "cell_type": "code", "execution_count": 10, "metadata": { "execution": { "iopub.execute_input": "2023-08-11T16:00:29.125165Z", "iopub.status.busy": "2023-08-11T16:00:29.124874Z", "iopub.status.idle": "2023-08-11T16:00:29.400585Z", "shell.execute_reply": "2023-08-11T16:00:29.400004Z" }, "originalKey": "2ec54675-d0ad-4eac-aaf3-66b593037cce" }, "outputs": [ { "data": { "text/plain": [ "{'lr': 0.001778009374568242, 'momentum': 0.1824102837939323}" ] }, "execution_count": 10, "metadata": {}, "output_type": "execute_result" } ], "source": [ "best_parameters, values = ax.get_best_parameters()\n", "best_parameters" ] }, { "cell_type": "code", "execution_count": 11, "metadata": { "execution": { "iopub.execute_input": "2023-08-11T16:00:29.403733Z", "iopub.status.busy": "2023-08-11T16:00:29.403554Z", "iopub.status.idle": "2023-08-11T16:00:29.407620Z", "shell.execute_reply": "2023-08-11T16:00:29.406817Z" }, "originalKey": "50c764a6-a630-4935-9c07-ea84045e0ecc" }, "outputs": [ { "data": { "text/plain": [ "{'mean_accuracy': 0.9640855008051546}" ] }, "execution_count": 11, "metadata": {}, "output_type": "execute_result" } ], "source": [ "means, covariances = values\n", "means" ] }, { "attachments": {}, "cell_type": "markdown", "metadata": { "originalKey": "12a87817-4409-4f07-a912-8d60eff71d68" }, "source": [ "## 6. Plot the response surface and optimization trace" ] }, { "cell_type": "code", "execution_count": 12, "metadata": { "execution": { "iopub.execute_input": "2023-08-11T16:00:29.410661Z", "iopub.status.busy": "2023-08-11T16:00:29.410488Z", "iopub.status.idle": "2023-08-11T16:00:31.039786Z", "shell.execute_reply": "2023-08-11T16:00:31.039075Z" }, "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.24855810421379743, 0.2363251426981633, 0.23159278498329738, 0.23646491093974542, 0.2525097160736077, 0.2802226036777116, 0.31884799704156075, 0.3667344212672805, 0.42174664174941523, 0.4815341067836579, 0.5436912694989372, 0.6058614713931686, 0.6658220490192429, 0.7215744063768561, 0.7714498575746362, 0.8142230019362346, 0.8491918802917606, 0.8761845290297515, 0.8955307635922489, 0.9080834054177749, 0.9153281178640724, 0.9195580970210515, 0.9236722053512392, 0.9298109481137738, 0.9380903799923023, 0.9467127057623288, 0.9528966555110722, 0.9553927393151642, 0.9561646323159954, 0.9590981646289402, 0.9542230549118091, 0.9224634998174522, 0.8558294617457357, 0.7569759424314234, 0.6353598812984408, 0.5040117068440509, 0.3768541045322437, 0.2661933035329517, 0.18004310548018398, 0.1208567600825442, 0.08723142947649098, 0.07576497826765294, 0.082203219526365, 0.10210337573537398, 0.13121145024607395, 0.16568639516809103, 0.20225212138378013, 0.2383163742890494, 0.272049844549865, 0.30238208819165185 ], [ 0.25403275797712366, 0.2417467881153722, 0.23692495085955634, 0.24170961636419208, 0.25771593424927286, 0.2854634529863734, 0.3241831729560502, 0.37220342387497934, 0.42737168771434486, 0.4873202414381873, 0.5496236084919366, 0.6119015187576627, 0.6719054417049682, 0.7276123200539939, 0.7773362878570429, 0.8198504666116775, 0.8544738930667776, 0.8810742980916799, 0.9000296820977607, 0.9122431094871627, 0.9192499180217297, 0.9233879420229365, 0.9275833118364676, 0.933901953306764, 0.9421918244757563, 0.9502615044897835, 0.9552926754470553, 0.9567722551461268, 0.9571840693050921, 0.9602385692590619, 0.9559275065794528, 0.9249398866815769, 0.8590152982373835, 0.7607419365337548, 0.6395852910805728, 0.508593398519554, 0.38169430087584283, 0.2711831967874846, 0.1850611448682744, 0.1257910999343318, 0.0919881464749307, 0.08027469615346783, 0.08642255674201016, 0.10600944180228877, 0.13479210456009616, 0.1689295666461107, 0.20513760393200697, 0.24081446842980903, 0.27412995250602634, 0.3040271387127691 ], [ 0.26000289470719307, 0.24769779584849183, 0.2428095422725859, 0.24751387326901653, 0.2634689010418475, 0.29121812988391255, 0.32998247678298254, 0.3780757887919932, 0.43333300002126024, 0.49337233531892943, 0.5557500655999605, 0.6180628686252116, 0.6780362197786599, 0.7336222528095361, 0.7831177011021214, 0.8252946205440927, 0.8594949930594253, 0.8856295796038782, 0.9041287323398661, 0.9159510229948133, 0.9226889532592213, 0.9267323083050056, 0.9310282220518462, 0.9375626042574527, 0.9459083633836172, 0.9534532110735883, 0.9573369954721597, 0.9578753259746609, 0.958104791883376, 0.9612542789203586, 0.9573254001239471, 0.9270358868539382, 0.8618593705502063, 0.764294523333644, 0.6437841913233764, 0.5133591605123853, 0.3869155374952431, 0.2766964592823789, 0.1906658254633523, 0.13131462094023671, 0.09729724303757903, 0.0852767331204527, 0.09106255745675651, 0.11026100971338293, 0.1386450542582538, 0.1723772979824718, 0.20816726096412785, 0.24340426945192806, 0.2762573495940121, 0.3056835757012135 ], [ 0.2664720495653399, 0.2541832750752743, 0.2492534147526968, 0.25388608610882313, 0.26977719895381813, 0.29749362256911377, 0.3362507337885675, 0.384354273286856, 0.43963147616852183, 0.4996896076325831, 0.5620682831718766, 0.6243415709484366, 0.6842086962698242, 0.7395965460505355, 0.7887841946085968, 0.8305429729489187, 0.8642396714689281, 0.8898312981836931, 0.9078045977640602, 0.9191787546719448, 0.9256105900555319, 0.9295485621629629, 0.933952833948628, 0.9407234947022238, 0.9491564900401305, 0.956216715837068, 0.9590106102209661, 0.9587264903458419, 0.9589541348021363, 0.9621909715666248, 0.95846328276527, 0.9287696454275386, 0.8643608055134021, 0.7676214660303554, 0.6479370521505463, 0.5182839774149737, 0.39248801998862803, 0.28270058991864294, 0.19682707130697086, 0.1374000828556331, 0.10313397499789867, 0.09074848886003628, 0.096102402277908, 0.11483866146438448, 0.1427519549491384, 0.17601213806578986, 0.21132454947083912, 0.24607029256827528, 0.278417815648025, 0.30733869476134956 ], [ 0.27344191864804157, 0.2612061892692207, 0.2562609848099292, 0.26083209277746877, 0.27664690135598824, 0.30429452416529285, 0.3429907260875367, 0.39103999837588843, 0.44626676738448207, 0.5062703924538065, 0.5685753543051189, 0.6307334398941085, 0.6904172358476016, 0.7455278516950786, 0.7943264274797693, 0.8355838639017981, 0.868693533890884, 0.8936617698414933, 0.911035642722211, 0.9218999554053229, 0.927982598533998, 0.931795530162846, 0.9363032829460215, 0.9433136508774964, 0.9518489486292024, 0.9584766436204742, 0.9602959468990929, 0.9593496596461427, 0.9597465718410196, 0.9630796564141808, 0.959380235114199, 0.9301572734873083, 0.8665178726367403, 0.7707093057757377, 0.6520218069036818, 0.5233383784332271, 0.3983754401740724, 0.28915567172569595, 0.203507786610986, 0.14401448491665092, 0.1094690488365041, 0.09666384640227321, 0.10151859242733996, 0.11972094875369355, 0.14709291398948054, 0.17981543578438686, 0.21459198862995943, 0.24879633759171593, 0.2805966211825349, 0.3089794794853798 ], [ 0.2809122717871405, 0.2687672241526535, 0.26383401249782046, 0.2683548046484927, 0.28408118581522307, 0.31162277136004085, 0.3502030468150966, 0.39813236498270016, 0.45323723125039905, 0.5131121165840165, 0.5752678222400418, 0.6372340753710422, 0.6966563001753798, 0.7514091993297686, 0.7997357059511777, 0.8404065719889039, 0.8728434310980813, 0.8971048468252016, 0.9138020577465871, 0.9240904261756464, 0.9297750189303915, 0.9334338378393165, 0.93802697160117, 0.9452629069119822, 0.9539000400014176, 0.9601586031064127, 0.9611754910911414, 0.9597623569298498, 0.9604799744692953, 0.9639276224685611, 0.9600982002835661, 0.9312088817383047, 0.8683265276205376, 0.7735429129288122, 0.6560139105938058, 0.5284889142178458, 0.40453607420103577, 0.2960158279286584, 0.21066477954479568, 0.15111958305332174, 0.1162689586603931, 0.10299342075170015, 0.10728514934029798, 0.12488456264238379, 0.15164663983607152, 0.18376747203682497, 0.21795127511571488, 0.25156559165750314, 0.28277862304105306, 0.3105926929015408 ], [ 0.2888808853295494, 0.27686468657679764, 0.2719714295980653, 0.2764538671673825, 0.29207992032229513, 0.3194774306310633, 0.35788599040549135, 0.405628992784199, 0.46053989809263324, 0.5202112852034576, 0.5821416834454658, 0.6438388857449624, 0.7029204938951862, 0.7572340648521725, 0.8050040687994193, 0.8450014193766929, 0.8766775815010458, 0.9001460433658841, 0.9160859630261273, 0.9257281286779208, 0.9309599829283817, 0.9344260878471621, 0.9390734390009973, 0.9465040508252637, 0.9552300982189249, 0.961194688741126, 0.9616292308450877, 0.9599699770651047, 0.9611304433048687, 0.9647089395629365, 0.9606160215041741, 0.9319253041734272, 0.8697791354498324, 0.776105124853468, 0.6598864868504886, 0.5336987561719412, 0.4109239303461926, 0.30323054011938516, 0.21824980543160377, 0.1586725291646779, 0.12349640730133782, 0.10970486424538617, 0.11337385305906933, 0.13030453105108464, 0.15639061328541148, 0.1878476104278458, 0.22138341433210806, 0.25436074547199894, 0.2849483720252756, 0.3121649792654708 ], [ 0.29734349701607604, 0.28549443975793765, 0.2806692317286451, 0.2851254169322856, 0.300639298932893, 0.3278545642367734, 0.3660354872985865, 0.4135256845819687, 0.4681704522084775, 0.5275634755585439, 0.5891923940525718, 0.6505431108258963, 0.7092046099326561, 0.7629964399666317, 0.8101243728440318, 0.8493598742656925, 0.8801856846908588, 0.9027726440364, 0.9178714812395812, 0.9267931542774065, 0.9315116150887536, 0.93473695011666, 0.9393949759725794, 0.9469744538307445, 0.9557683117611377, 0.9615273687887747, 0.9616306574858393, 0.959959803300039, 0.9616486547064912, 0.9653628751853491, 0.9609077683018192, 0.9322960737513759, 0.8708635478874245, 0.7783765188622057, 0.6636105622088355, 0.538928368882897, 0.41748984784550275, 0.31074583843610204, 0.22621063090358695, 0.16662659223381449, 0.13111079586443763, 0.11676322132234196, 0.11975451521098845, 0.13595444134985923, 0.16130127890932655, 0.1920344660155986, 0.22486886765547376, 0.25716412339968087, 0.28709023293489927, 0.31368297638080617 ], [ 0.3062937842053421, 0.29464987813860505, 0.2899204467276428, 0.2943620265377438, 0.30975175740581196, 0.3367472003162142, 0.3746450881962531, 0.4218164178205921, 0.47612322846494803, 0.5351633386791326, 0.5964148791511582, 0.6573418440310178, 0.7155036723670181, 0.7686909013426514, 0.8150903786530417, 0.8534746507340918, 0.8833590250793134, 0.9049737969969578, 0.9191447933308446, 0.9272676986751114, 0.9314060179993899, 0.9343332377301597, 0.9389469201432715, 0.946617056249535, 0.9554535937334431, 0.9611068645227261, 0.9611417917645708, 0.9596949421288445, 0.9619601084490281, 0.9658022832683814, 0.9609248831972699, 0.9322988890737858, 0.8715626549780362, 0.7803353559161996, 0.6671553826075467, 0.5441362141411992, 0.4241825109564771, 0.31850537499835696, 0.23449206167407544, 0.17493192374573363, 0.1390687647258615, 0.12413132415297345, 0.12639528146549495, 0.1418066846450169, 0.16635425447788244, 0.19630609115184494, 0.2283877156962617, 0.2599578276892245, 0.2891885174497664, 0.31513343848865516 ], [ 0.3157233657009276, 0.30432194244721794, 0.2997151814300481, 0.3041528569528473, 0.3194062402433676, 0.34614541140574695, 0.3837059986792994, 0.43049336345910394, 0.48439122423875086, 0.5430046088688225, 0.6038035443399943, 0.6642300524870675, 0.7218129746436546, 0.7743126772378759, 0.8198968366479702, 0.8573398057557059, 0.8861905638064103, 0.9067405941960097, 0.9198941902549389, 0.9271360713422192, 0.9306213422003733, 0.933184036985866, 0.9376876575214509, 0.9453807958292105, 0.9542339243559421, 0.9598864163464412, 0.9601090563649738, 0.9591090473510872, 0.9619697224017723, 0.9659238260844552, 0.9606009542529288, 0.931900507274303, 0.8718544579598044, 0.7819577128765737, 0.6704888034565679, 0.5492794558853975, 0.4309493704026419, 0.326451391235117, 0.24303690627205776, 0.18353633623486, 0.14732476910941916, 0.13177021980511194, 0.13326295764396856, 0.1478327177812946, 0.17152455563057434, 0.20064017706466242, 0.2319198375113214, 0.26272389713985367, 0.2912276302853699, 0.31650336953621017 ], [ 0.32562182643428433, 0.31449917274664574, 0.3100407379396466, 0.3144839418239063, 0.3295885874423427, 0.356036483212873, 0.3932071604963372, 0.4395469309556424, 0.49296612609112245, 0.5510801204725354, 0.6113522888328992, 0.6712025937667208, 0.7281281105081072, 0.7798577077625513, 0.8245395738373954, 0.8609508322234719, 0.8886750158430525, 0.9080661396699622, 0.9201101309222568, 0.9263847529312801, 0.9291379392839128, 0.9312609463164352, 0.935578722546828, 0.9432207365577335, 0.9520650115371428, 0.9578195026191396, 0.9584625295605088, 0.9581072948752557, 0.9615695721182606, 0.9656175840237189, 0.9598577133322587, 0.9310587853852392, 0.8717126379094754, 0.7832178013670661, 0.6735777415235237, 0.5543146454775436, 0.43773747469151675, 0.3345255889652963, 0.2517868654310452, 0.19238607145731867, 0.15583167361523387, 0.13963961927405033, 0.14032335311951394, 0.15400333857817827, 0.17678683251849991, 0.20501426933956113, 0.23544510559765397, 0.2654444805214562, 0.29319222903910963, 0.31778016627979555 ], [ 0.3359767633342227, 0.3251677948674897, 0.3208817827324395, 0.32533851507940875, 0.34028190732119123, 0.36640514271611535, 0.4031353721496706, 0.4489658368248726, 0.5018383500410251, 0.5593818312132229, 0.6190545193736213, 0.6782542279773973, 0.7344449948360315, 0.7853226927855737, 0.8290155810366913, 0.8643047437651581, 0.8908089078641949, 0.908945605628872, 0.9197853123898577, 0.9250025034918641, 0.9269385908813428, 0.9285384429437014, 0.9325854653939211, 0.9400981459385648, 0.9489090052320011, 0.954859156714128, 0.9561197971393229, 0.956576687246425, 0.9606469251621473, 0.9647747124727838, 0.9586111517053637, 0.9297254843756152, 0.871107533684076, 0.7840884526906284, 0.6763886742229487, 0.5591983742670039, 0.44449421688975554, 0.3426699141842887, 0.2606833458915895, 0.20142654200737098, 0.16454135198672726, 0.14769835868624326, 0.14754163479349824, 0.16028896942282944, 0.18211561460768155, 0.20940599481602273, 0.23894359633719398, 0.2681020250886519, 0.2950673980932883, 0.31895177013962345 ], [ 0.34677384996092786, 0.33631183397096587, 0.332220549346529, 0.33669733320882556, 0.35146691562931304, 0.3772338148585434, 0.41347543920274743, 0.4587371932151933, 0.5109970938528274, 0.5679008512179077, 0.6269031642090668, 0.6853796240526703, 0.7407598716601976, 0.7907051194829966, 0.8333230960180014, 0.8674001395053672, 0.8925906115605957, 0.9093762743413323, 0.9189147532299654, 0.9229805181867854, 0.9240087985054155, 0.9249943474324629, 0.928677917452644, 0.9359805976212848, 0.9447336377076521, 0.950958914155002, 0.9529933494324897, 0.9543984282073468, 0.9590901654570044, 0.963292321959514, 0.9567771286090055, 0.927849423746606, 0.8700074023736566, 0.7845417333144327, 0.6788881698112514, 0.5638878852912261, 0.45116800269548923, 0.35082726143299403, 0.2696682018064358, 0.21060303634829258, 0.17340528053674986, 0.1559048631939336, 0.1548826847676431, 0.16665994406851226, 0.187485559330259, 0.21379329658828383, 0.2423958152521538, 0.27067948056992874, 0.29683883679293904, 0.3200068259338402 ], [ 0.3579969169562265, 0.3479132482232375, 0.344037057209525, 0.3485389747622093, 0.36312224142316596, 0.3885028848187046, 0.42421034415970743, 0.46884661231396535, 0.520430399419987, 0.5766274767312517, 0.6348906864149129, 0.6925733593356072, 0.747069307240989, 0.7960032612906275, 0.8374616518465154, 0.8702372259896874, 0.8940203472743644, 0.9093575623388801, 0.9174958847742885, 0.9203126237522259, 0.9203371106212652, 0.920610322686956, 0.9238314660244513, 0.9308420625648826, 0.9395118511004601, 0.9460746572903238, 0.948999123229338, 0.9514578226799999, 0.9567930686746541, 0.9610764055169022, 0.9542762665824606, 0.9253795973573091, 0.8683798186169563, 0.7845496458976926, 0.681043430704367, 0.5683416387572124, 0.457708844793261, 0.35894210529291093, 0.2786844089598406, 0.21986138198184402, 0.18237511559165176, 0.16421760440195488, 0.1623114548406549, 0.1730867923533882, 0.19287169983308683, 0.21815467275494316, 0.24578293578597787, 0.27316051906933314, 0.29849306172932233, 0.3209348445155402 ], [ 0.3696280450837553, 0.3599520756205849, 0.356309333166905, 0.3608401127803725, 0.37522470201778796, 0.4001909516071483, 0.435321426504299, 0.47927832213786004, 0.5301252231197404, 0.5855512274474359, 0.6430090959544446, 0.6998299118720117, 0.7533701669701762, 0.8012161430162322, 0.8414320300754443, 0.8728177745600788, 0.8951001545449516, 0.9088910225903051, 0.9155286374269191, 0.9169955072269114, 0.9159154548107549, 0.91537234088693, 0.9180273069458849, 0.9246629596756789, 0.9332218072445682, 0.9401666124297411, 0.9440623432976734, 0.9476509427346747, 0.9536583554042485, 0.9580438867798202, 0.9510380363119166, 0.9222679174546159, 0.8661930747126853, 0.7840848673293238, 0.6828228318218397, 0.5725198273832637, 0.46406888722271816, 0.36696106384705207, 0.287676677788275, 0.22914856493725322, 0.19140324666865782, 0.1725955425419392, 0.16979331114443463, 0.17954051757901823, 0.1982496867559762, 0.22246941333124481, 0.24908704896387646, 0.2755297713905477, 0.3000176219881201, 0.32172636490471784 ], [ 0.38164766759188684, 0.3724065876750771, 0.36901362658988207, 0.37357576027300815, 0.38774954940180667, 0.4122750654071437, 0.4467885650080544, 0.4900152893596112, 0.5400675119360342, 0.5946608863794454, 0.6512499599739022, 0.7071436452147202, 0.7596595760779702, 0.806343472512166, 0.8452361274131382, 0.8751450165251364, 0.8958338289709699, 0.9079803204170366, 0.9130155023592263, 0.9130289631512831, 0.9107394367253433, 0.9092710704946917, 0.9112527163155747, 0.9174301678035489, 0.9258471244164412, 0.9332010018598247, 0.9381194422335409, 0.942888323343113, 0.9496005256762365, 0.954124020707511, 0.9470032959300454, 0.9184713524745716, 0.8634174671810538, 0.7831214773904545, 0.6841964366107642, 0.5763848384014928, 0.47020286219026536, 0.3748333967514731, 0.29659201119832423, 0.23841330613126188, 0.2004433175298289, 0.18099854501571744, 0.17729436259944398, 0.1859928614813957, 0.20359601883890033, 0.2267178284584337, 0.2522914185188252, 0.2777730803813564, 0.30140132387861157, 0.32237310985988904 ], [ 0.39403467879207893, 0.3852534447001627, 0.38212461254241, 0.3867194902282291, 0.4006706903995273, 0.4247309452782928, 0.4585903562244051, 0.5010393451806617, 0.550242283188019, 0.6039445412245168, 0.659604410984889, 0.7145087859350441, 0.765934865283318, 0.8113855446682376, 0.8488767958862907, 0.8772234994415545, 0.8962268277118624, 0.9066311801736555, 0.9099615482832863, 0.9084160623783886, 0.9048085698289815, 0.9023021591296085, 0.9035011813186282, 0.9091370089812426, 0.9173772015017377, 0.9251511885539305, 0.9311186686436803, 0.9370965147392976, 0.9445477996380591, 0.9492590535264868, 0.9421247390159467, 0.9139533676686948, 0.8600263904889442, 0.7816356382815508, 0.6851364751646979, 0.5799016594892048, 0.47606848063683077, 0.3825114378752156, 0.30538021224024425, 0.2476065965200337, 0.2094507065283885, 0.18938777343199054, 0.18478176741636065, 0.19241655209815534, 0.208888257276992, 0.23088146000920273, 0.25538073098519853, 0.2798777720004266, 0.30263445644490544, 0.3228681272972568 ], [ 0.4067665460556786, 0.398467848597155, 0.39561558010703196, 0.40024363203048324, 0.41396088273978093, 0.43753317622399723, 0.47070428482303617, 0.5123313107861297, 0.5606337058384634, 0.6133896262686043, 0.6680631527434673, 0.7219193943997112, 0.7721935034449208, 0.8163431259031754, 0.8523576800052328, 0.8790589253673253, 0.8962861479739181, 0.9048513018545536, 0.9063743832322606, 0.9031631300231435, 0.8981264159416926, 0.8944664070910048, 0.8947724230095011, 0.8997832081022281, 0.9078075320231225, 0.9159983757349333, 0.9230203457244291, 0.9302183697304646, 0.9384431578504997, 0.9434042570522826, 0.9363663850908498, 0.9086847254074076, 0.855997196918133, 0.779606194702874, 0.6856177714456954, 0.5830382264036998, 0.48162675713582864, 0.3899509596146859, 0.31399434310042645, 0.2566821925362046, 0.21838295595833712, 0.19772603198817618, 0.19222401260327937, 0.19878553037843305, 0.21410521916569136, 0.23494326833321122, 0.2583413227521484, 0.28183294489620425, 0.30370899943618757, 0.3232059091150378 ], [ 0.4198194228392348, 0.41202369017429585, 0.4094586047236419, 0.41411944624364044, 0.42759190907198835, 0.45065538589250026, 0.4831068829015697, 0.5238711195256776, 0.5712251815651551, 0.6229829639919456, 0.6766164637964166, 0.7293693296675575, 0.7784330197998768, 0.8212173267017945, 0.8556830536933442, 0.8806579810921954, 0.8960201835819294, 0.9026502492102765, 0.9022640667717445, 0.8972796568321905, 0.8907006389135335, 0.8857698384980037, 0.8850723368378403, 0.8893748289697992, 0.8971399532612685, 0.9057319872395906, 0.9137968678132967, 0.9222126580048, 0.9312446152977569, 0.936527587093396, 0.9297029247607168, 0.9026437932617892, 0.8513118155097483, 0.7770151746960026, 0.6856181097713419, 0.5857657107822183, 0.4868422694812787, 0.3971114638595399, 0.3223911250465918, 0.26559706521074256, 0.22720013847426146, 0.20597807115911015, 0.19959116234475127, 0.20507515207882987, 0.2192271461228401, 0.2388877866577741, 0.26116135933997287, 0.28362976800408535, 0.30461878385164215, 0.3233824794942965 ], [ 0.4331682608030907, 0.4258936890348387, 0.42362470451036427, 0.4283172796940907, 0.4415347308612967, 0.46407040182513615, 0.49577387657830196, 0.5356379335788729, 0.5819994240322239, 0.6327108056806304, 0.685254198816343, 0.7368522095712372, 0.7846509185164162, 0.8260094676913419, 0.8588576568321329, 0.8820281638429549, 0.8954385645056007, 0.9000393129642654, 0.8976429871234272, 0.8907782016308557, 0.8825429872882968, 0.8762236834711041, 0.8744128706599301, 0.8779241843036404, 0.885382807769156, 0.8943498303099868, 0.9034324826316644, 0.9130533267304581, 0.9229249195750571, 0.9286091453264461, 0.9221190583148287, 0.895816522326984, 0.8459571477122768, 0.773848181516798, 0.6851185341227294, 0.588058747471192, 0.49168335370904825, 0.40395639451486043, 0.3305312434845693, 0.27431176251067213, 0.2358651491051198, 0.21411084225576305, 0.20685507217440346, 0.21126236230840822, 0.22423584520377626, 0.24270123776133334, 0.2638309438366693, 0.2852616434152933, 0.30535957360029686, 0.3233954470327908 ], [ 0.44678691955073835, 0.4400495249099839, 0.4380839812210393, 0.44280670273656647, 0.4557596239971429, 0.47775039047202555, 0.508680319036857, 0.5476102534370468, 0.5929385350720016, 0.6425588705061165, 0.6939657879829257, 0.7443613671724711, 0.7908445881372269, 0.8307209427390011, 0.8618865311137146, 0.8831776035906376, 0.8945519834987237, 0.8970313538501898, 0.8925257168987332, 0.8836742824576336, 0.8736692226823805, 0.865844287117963, 0.8628118551741109, 0.8654497173437836, 0.8725510139576503, 0.8818581030746464, 0.8919229062240833, 0.9027285723076445, 0.9134708593716383, 0.9196405283800603, 0.9136088454170398, 0.8881962249188489, 0.8399252713537673, 0.7700946753390867, 0.684103577164889, 0.5898956018255164, 0.4961222362204636, 0.4104532694240953, 0.33837950979217796, 0.28279060798097433, 0.2443439158364239, 0.2220937004795991, 0.21398956701706995, 0.2173258409812855, 0.22911480044737298, 0.24637161070376656, 0.26634214641296916, 0.2867241030022067, 0.30592905699918477, 0.3232440188428265 ], [ 0.4606482729585309, 0.45446195998350564, 0.4528057469065235, 0.45755663052976137, 0.4702362978638285, 0.49166697932518727, 0.5218007098072606, 0.5597660190345759, 0.6040240767618246, 0.6525123826943415, 0.7027402347824412, 0.7518898048262228, 0.7970112081838213, 0.8353530811682843, 0.8647748550217399, 0.8841148824253597, 0.8933720132115289, 0.8936406303959583, 0.8869288560891984, 0.8759862537355364, 0.8640990061052631, 0.8546529607430635, 0.8502927980412011, 0.8519758538787366, 0.8586660519203144, 0.8682712824611255, 0.8792748125345269, 0.8912398143348925, 0.902882335745363, 0.9096241020270631, 0.9041750668414421, 0.8797832373488488, 0.8332134893405692, 0.7657481500248876, 0.6825614188969579, 0.5912582785808473, 0.5001351059665071, 0.416573734929926, 0.34590487853226887, 0.2910017297622511, 0.25260552975325845, 0.22989855641919477, 0.2209705823605559, 0.22324611835405683, 0.23384925467157036, 0.24988869889042253, 0.2686889671083392, 0.28801463323211746, 0.3063267666040542, 0.3229289789799263 ], [ 0.4747243114687478, 0.4691009522740643, 0.467758637592641, 0.4725354301005503, 0.48493399954876837, 0.5057913635560067, 0.5351091004850906, 0.572082701778889, 0.6152371386368678, 0.6625561065615537, 0.7115661126900511, 0.7594301470766309, 0.8031476548472193, 0.839907010436988, 0.8675277779622352, 0.884848851349439, 0.8919109164389878, 0.8898826159419827, 0.880870866704953, 0.86773516830257, 0.853855750491541, 0.842675788871301, 0.8368846501741911, 0.8375328249045396, 0.8437558741234419, 0.8536119151351964, 0.8655052329451823, 0.8786006270550981, 0.8911713082460233, 0.8985722242020705, 0.8938285952360248, 0.8705845191599473, 0.825824258003685, 0.7608062144540069, 0.6804839773946632, 0.5921325750473465, 0.503702131022504, 0.42229355194939033, 0.3530803732025365, 0.2989170013076076, 0.26062230393848074, 0.23749997817967827, 0.22777626895199987, 0.22900566070898587, 0.23842626233037856, 0.25324410367292194, 0.27086725528408473, 0.2891325135254699, 0.3065539594645883, 0.3224526369828621 ], [ 0.48898624007383495, 0.48393576053360077, 0.48291071543422154, 0.4877110149396491, 0.49982160480405924, 0.5200943985347661, 0.5485791873614017, 0.5845373870581242, 0.6265583995108968, 0.6726743793372059, 0.720431561270015, 0.7669745935554246, 0.8092504073778234, 0.8443835203139932, 0.8701502538377603, 0.8853884448828959, 0.8901814516221718, 0.8857738087042183, 0.8743719012263955, 0.8589446243049763, 0.8429664454782875, 0.8299434032475134, 0.8226215505746582, 0.8221564612232373, 0.8278547510539317, 0.8379103284518322, 0.8506408945417916, 0.8648356640700612, 0.8783606921594213, 0.8865064365468466, 0.882587771990896, 0.8606132181155577, 0.8177650252594202, 0.7552705902232225, 0.6778669360825333, 0.5925080823979871, 0.506807425058529, 0.42759252596804465, 0.35988296851856555, 0.306511948480641, 0.26836977503768433, 0.24487524815870088, 0.2343870624220188, 0.23458892704196288, 0.2428347152269288, 0.25643120943189235, 0.2728746074606979, 0.2900786691873844, 0.30661348365976404, 0.3218187540619908 ], [ 0.5034045720235845, 0.4989350414113091, 0.4982295608937969, 0.5030509288510059, 0.5148676973323552, 0.5345466795791561, 0.5621843916027371, 0.5971068470552094, 0.6379681835745473, 0.6828511418210416, 0.7293242822770551, 0.7745148729783685, 0.8153154565387507, 0.8487829295666262, 0.8726468747457535, 0.8857424939627659, 0.8881966753223668, 0.881331538116701, 0.8674536262573533, 0.8496405978415184, 0.8314614592888906, 0.81649073251936, 0.8075425544680903, 0.8058879619773665, 0.8110030612113125, 0.8212042759323176, 0.8347175199635126, 0.8499795999771493, 0.864483255701789, 0.8734566418201268, 0.8704777887707104, 0.8498882173948545, 0.8090480029602257, 0.7491470383226142, 0.6747097133653828, 0.5923781396545426, 0.5094389699860622, 0.43245439392500806, 0.3662934507319109, 0.31376563863035123, 0.2758266616909596, 0.25200437966398914, 0.24078572006121046, 0.23998239828461942, 0.24706534357443966, 0.25944513653217083, 0.2747102576928413, 0.29085553699203237, 0.3065096452189906, 0.3210324545259957 ], [ 0.5179492185402623, 0.5140669398455695, 0.5136823565505109, 0.5185224207737891, 0.5300406379407028, 0.5491186102399602, 0.5758979277162055, 0.6097676038790064, 0.6494465106069116, 0.6930699670270856, 0.7382315363704315, 0.7820421992474973, 0.8213382163007935, 0.8531049562970389, 0.8750217060496475, 0.8859195377284279, 0.8859697431449742, 0.8765737704326807, 0.8601390427174752, 0.8398512628550274, 0.8193743218465661, 0.8023567341190933, 0.7916913482092591, 0.7887736394277478, 0.79324703381545, 0.8035385302610784, 0.817779106601023, 0.8340761042238412, 0.8495805465940531, 0.8594602818012613, 0.8575300738854539, 0.838433674373847, 0.7996898923088371, 0.7424452271307134, 0.6710153812953226, 0.5917397455586553, 0.5115885013651542, 0.43686667934951456, 0.37229626371352204, 0.3206605558937055, 0.2829747915498133, 0.2588700990662207, 0.2469573275737056, 0.245174581108631, 0.25111069529124685, 0.2622826779961849, 0.2763749677670266, 0.2914669416409433, 0.3062480812913924, 0.3201001289223086 ], [ 0.5325895750341243, 0.5292991737994417, 0.5292359641842208, 0.5340925123106324, 0.5453086251006151, 0.5637804603940189, 0.5896928610833558, 0.6224959831515842, 0.6609731402718428, 0.7033140870492371, 0.747140141060026, 0.7895472305747016, 0.8273134398175646, 0.8573485932522564, 0.8772781248774586, 0.8859276349566672, 0.8835137105841794, 0.8715189167009854, 0.8524523041324144, 0.8296068001306958, 0.8067414926329906, 0.7875841130264387, 0.775115953397872, 0.7708646423046154, 0.7746384515911267, 0.7849644353817036, 0.7998771985970068, 0.8171768564228111, 0.8337018644035008, 0.8445615272789587, 0.8437816849039284, 0.8262785565932604, 0.7897115765820552, 0.7351785531543884, 0.6667905403325295, 0.5905934338444849, 0.513251363035088, 0.44082052466258337, 0.3778793442132425, 0.3271824649349389, 0.2897990054495165, 0.2654577991148954, 0.2528892790055426, 0.2501559887174367, 0.2549650965392064, 0.26494222467316697, 0.277870920253342, 0.29191798145300735, 0.3058356412833621, 0.31902933376042436 ], [ 0.5472946044776519, 0.5445991145636113, 0.5448569968089282, 0.5497280597289091, 0.5606397484755902, 0.5785024153820998, 0.6035421553680468, 0.6352681582852533, 0.6725276105841788, 0.7135664184380338, 0.7560364704902959, 0.797020032445536, 0.8332351406031187, 0.8615119895979608, 0.8794186651261867, 0.885774176379748, 0.880841335869879, 0.8661856466871776, 0.8444185348294099, 0.8189391974183244, 0.7936021162276187, 0.7722190306140441, 0.7578684218008511, 0.7522166598929847, 0.755234320047377, 0.7655394277468818, 0.781070161500215, 0.7993406079291773, 0.8169032865601895, 0.8288104887106069, 0.829274709634194, 0.8134561785416303, 0.7791377917976482, 0.7273639246961598, 0.6620451572675571, 0.588943117516161, 0.5144263370022785, 0.44431050724404103, 0.3830339484787068, 0.3333202649126098, 0.2962870446842724, 0.27175546860506794, 0.2585712332115785, 0.25491910123395456, 0.2586245964284877, 0.26742368249064496, 0.27920161525436926, 0.29221492177122965, 0.3052802758980977, 0.3178286910964613 ], [ 0.5620329187270204, 0.5599338639242593, 0.5605118873515675, 0.5653958122510455, 0.576002037038514, 0.5932546174078384, 0.6174187106114837, 0.6480601857674227, 0.6840892707298762, 0.7238095864019409, 0.7649064576322827, 0.8044500451421241, 0.8390965197226866, 0.8655923407233449, 0.8814448730619628, 0.8854657012009285, 0.8779648895165675, 0.8605927128078514, 0.8360636499910039, 0.807882042688721, 0.7799977678943515, 0.7563108055997497, 0.7400045219746514, 0.7328896087191861, 0.7350965087721191, 0.7453265351520112, 0.7614224664326519, 0.7806322912449326, 0.7992467505851936, 0.8122624534435455, 0.8140556778704033, 0.8000037418640623, 0.7679967832629386, 0.7190215172870348, 0.6567923731067742, 0.5867959076159384, 0.5151154540161778, 0.44733444407726036, 0.3877544720113887, 0.33906583532064466, 0.30242942551941315, 0.2777536029623332, 0.26399505021882375, 0.2594583083598838, 0.2620868985872057, 0.2697283843071988, 0.2803717706834666, 0.29236509468891353, 0.30459093329932496, 0.3165077899358995 ], [ 0.5767728586789579, 0.5752703295402382, 0.5761669556862088, 0.5810624685101873, 0.5913635035130274, 0.6080072004105643, 0.631295392834646, 0.6608480318800073, 0.6956373085178137, 0.7340259481342228, 0.773735599390904, 0.8118260564374935, 0.8448898996893901, 0.8695857875903044, 0.8833571780947671, 0.8850077293006949, 0.8748959822793416, 0.8547587882436607, 0.8274141794995955, 0.7964703124016714, 0.7659721910331513, 0.739911608194839, 0.7215834178859175, 0.7129473033353335, 0.7142913693816273, 0.7243938599332687, 0.741003988167948, 0.7611221765092363, 0.7807991917586093, 0.7949771531467743, 0.7981749862525427, 0.7859618810815298, 0.7563199539934893, 0.7101745084194323, 0.6510482872699644, 0.5841619116921813, 0.5153237895997227, 0.44989318854149035, 0.39203826405553427, 0.3444138752559428, 0.30821930393221453, 0.2834450996536593, 0.26915471071069186, 0.2637698369398168, 0.26535128199685387, 0.27185899804102776, 0.28138722548027106, 0.2923768038051971, 0.3037774613612556, 0.31507709042349186 ], [ 0.5914825742251756, 0.590575299898576, 0.5917884757368801, 0.5966947331088654, 0.6066921870486355, 0.622730319657387, 0.6451450559829308, 0.6736075914651535, 0.7071507728349014, 0.7441976155104599, 0.7825089650411394, 0.8191361799586213, 0.850606665634938, 0.8734873269548825, 0.8851547827146035, 0.8844046329143328, 0.8716454298559164, 0.8487023226880452, 0.8184970973123822, 0.7847401564456125, 0.7515710278034201, 0.7230761477955123, 0.7026673393153006, 0.6924571122804772, 0.6928893338852796, 0.7028140517068062, 0.7198893195099139, 0.7408850727396288, 0.7616317334995905, 0.7770180633414042, 0.7816863383365703, 0.771374216616374, 0.744141509600534, 0.7008487979282586, 0.6448317238848333, 0.5810540167915037, 0.5150592496519506, 0.45199042209633056, 0.395885438298975, 0.3493617375814774, 0.31365233287803074, 0.28882514171957524, 0.274046221638486, 0.26785166593850485, 0.2684185131753173, 0.27381943213612914, 0.2822548450223051, 0.29225923281709926, 0.302850514892508, 0.3135478311008017 ], [ 0.6061301050191907, 0.605815520223922, 0.6073427443500286, 0.6122593752652316, 0.6219561962823398, 0.6373941774173828, 0.6589405570787856, 0.6863146996847259, 0.7186085915690302, 0.7543064772927046, 0.7912112082742108, 0.8263678395896705, 0.8562372142032482, 0.8772907335289504, 0.8868355738746894, 0.8836595590461453, 0.8682231623192731, 0.8424414176774959, 0.8093396577777595, 0.7727286811463772, 0.7368415437698151, 0.7058613539744061, 0.6833212433781513, 0.6714895998474247, 0.6709644963467751, 0.6806637733201594, 0.6981571027375074, 0.719999570441262, 0.7418189266606532, 0.7584517356110984, 0.7646462016288031, 0.7562869167415353, 0.731498103261403, 0.6910727193311615, 0.6381639853463952, 0.5774876613479505, 0.514332349147814, 0.45363244306129713, 0.3992986811682263, 0.35390925937222406, 0.31872651395123563, 0.29389107219531885, 0.27866751070141843, 0.2717034311619888, 0.2712907514827645, 0.27561473901251904, 0.282982427969635, 0.2920223568428674, 0.3018214667216779, 0.31193193905377764 ], [ 0.6206834631057702, 0.6209577707080183, 0.6227961536047069, 0.6277232915423918, 0.6371237552289295, 0.6519690464260541, 0.6726547655047962, 0.6989451382990086, 0.729989585545725, 0.7643342208048344, 0.7998265829564861, 0.83350776014768, 0.8617709105233228, 0.8809884949203979, 0.8883960561197354, 0.8827743856042448, 0.86463816703734, 0.8359937217047634, 0.7999692399185212, 0.7604737314708968, 0.7218323470369248, 0.6883260500642904, 0.6636124660909227, 0.6501181538153892, 0.6485941798515885, 0.6580231623083636, 0.675889377589575, 0.6985473215716335, 0.7214380334531793, 0.7393471621654184, 0.7471132829784971, 0.7407482699386577, 0.7184284836871876, 0.6808767465567088, 0.6310685976846693, 0.573480599864344, 0.5131559869402671, 0.4548279543265412, 0.4022830590117666, 0.3580585899483539, 0.32344204503642243, 0.2986422617526481, 0.2830183121528763, 0.2753263218452535, 0.27397144905252613, 0.27725101688339493, 0.28357861381487903, 0.2916768554495075, 0.30070232156116977, 0.31024194247963033 ], [ 0.6351107184846599, 0.635968948401674, 0.6381152681699116, 0.6430535746065018, 0.6521632547030073, 0.6664252937844559, 0.6862605674601386, 0.7114746388500429, 0.7412724790726414, 0.7742623527996595, 0.8083389624688763, 0.8405419644075165, 0.8671960535837249, 0.8845717601098616, 0.8898313055906282, 0.8817496958185087, 0.8608984521530184, 0.8293763440871231, 0.7904132003440497, 0.7480136733056528, 0.7065931020398267, 0.670530618271015, 0.643610362545295, 0.6284185988259504, 0.6258584899398915, 0.6349752889104032, 0.653170944252018, 0.6766123525382162, 0.7005683516298398, 0.719775171852516, 0.7291480233949292, 0.7248082690363528, 0.7049731484965742, 0.670293199749936, 0.6235710516817934, 0.5690526638024471, 0.5115452192220316, 0.45558785157014053, 0.4048458253773197, 0.3618140177157096, 0.32780116535421755, 0.30307997154160204, 0.2871000461106289, 0.27872297101241134, 0.276465246618703, 0.27873531016900877, 0.28405279047356236, 0.29123402642761265, 0.2995056316035752, 0.30849088501886135 ], [ 0.6493800886910813, 0.65081615407641, 0.6532669092293879, 0.6582175898249412, 0.6670433120723842, 0.680733410034423, 0.6997308674026317, 0.7238788861102908, 0.7524359076835309, 0.7840722189190532, 0.816731862190793, 0.8474557763767459, 0.8724998503916241, 0.8880303023874464, 0.8911349441662982, 0.880584768213375, 0.8570110261980034, 0.8226057862094489, 0.7806987351788434, 0.7353871764951726, 0.6911742379592768, 0.6525366550035405, 0.6233859339162962, 0.6064687945912902, 0.6028398548443739, 0.6116056106060321, 0.6300887390426394, 0.6542804058538536, 0.6792905747300172, 0.6998078564141541, 0.7108121130882082, 0.7085182083952093, 0.6911740050315573, 0.6593559532320035, 0.6156985431180734, 0.5642255216405446, 0.509517033822454, 0.4559250133582453, 0.4069962295015001, 0.3651817969495311, 0.3318079991625574, 0.30720721292723446, 0.2909156932845361, 0.2818973413032392, 0.2787778663265593, 0.28007550866261594, 0.2844150013260715, 0.2907056994201757, 0.29824441284229297, 0.3066922410869971 ], [ 0.6634600334788647, 0.6654667853173579, 0.6682182463721309, 0.6731830612807911, 0.6817328419098768, 0.6948640509864465, 0.7130385953339888, 0.7361335257249257, 0.7634584236250166, 0.7937450207576766, 0.8249884643072004, 0.8542338305176774, 0.8776683995027129, 0.891352498134695, 0.892299134097267, 0.8792775844671181, 0.8529818944662668, 0.8156978890954474, 0.7708527512327507, 0.7226329992029484, 0.6756266516451662, 0.6344066149711225, 0.6030114392298376, 0.5843482176335192, 0.5796225520930747, 0.588001422176253, 0.6067312199395547, 0.6316383062324655, 0.6576861845715122, 0.6795180256898523, 0.6921680273403386, 0.6919302953103169, 0.6770740403678404, 0.6481001481842684, 0.6074797150180717, 0.559022440630831, 0.5070901271881898, 0.4558540943424595, 0.40874532704264926, 0.3681699755711377, 0.3354683992545393, 0.3110286055867193, 0.2944696667950068, 0.2848546077632524, 0.2809160024695741, 0.2812802455854111, 0.2846758512093034, 0.2901041485712788, 0.2969320611413565, 0.30485983137351774 ], [ 0.6773193556906287, 0.6798886370564468, 0.6829368986896753, 0.6879181684415206, 0.6962011394588425, 0.7087880998342837, 0.7261567436623457, 0.7482141795090557, 0.7743184995940088, 0.8032618291016749, 0.833091643632186, 0.8608600863749503, 0.8826866849128577, 0.8945253235936417, 0.8933145949326917, 0.8778248587302268, 0.8488160743266147, 0.808667796849557, 0.760901746574844, 0.7097897741150038, 0.6600014049756269, 0.6162034425860863, 0.5825599895538343, 0.5621375247654345, 0.5562922203024897, 0.5642512994603964, 0.5831877587520234, 0.6087733472554705, 0.6358368726975289, 0.6589786905601401, 0.6732785836932722, 0.6750972767145227, 0.6627170020490691, 0.636561912208808, 0.5989444043133361, 0.5534680524015723, 0.5042846856167099, 0.4553913226280482, 0.41010579399945546, 0.37078822488288704, 0.3387897912902966, 0.31455023524281495, 0.29776768254174685, 0.28760103891855326, 0.28288721099361114, 0.28235879469014125, 0.28484641095392904, 0.2894420034187448, 0.2955822671069928, 0.303007737635291 ], [ 0.6909273093964745, 0.6940500106974232, 0.6973910461276087, 0.7023916542892051, 0.7104179778462714, 0.7224767511983748, 0.7390584368945647, 0.7600964704016948, 0.7849945313360475, 0.8126035914749673, 0.8410239925395941, 0.8673178477844216, 0.8875385819896181, 0.8975343727865501, 0.8941706459243804, 0.876222092386574, 0.8445176319440916, 0.8015299360035765, 0.7508717006733394, 0.6968957970475268, 0.6443494167609404, 0.597990189353179, 0.5621051220747826, 0.5399180960428374, 0.5329353543010923, 0.5404445342734807, 0.5595480365909616, 0.585772695270238, 0.6138239881322646, 0.6382625726348055, 0.654206520890084, 0.6580720821892562, 0.6481470908929186, 0.6247780875697725, 0.590123394940721, 0.5475881242033432, 0.5011221720684567, 0.45455430226067944, 0.41109174467033666, 0.3730476721411045, 0.3417810199035947, 0.31777951215224737, 0.300816629395736, 0.2901438773043115, 0.2846997985391192, 0.28332096662759304, 0.2849381201766035, 0.2887321573176939, 0.2942089288348274, 0.3011502158867032 ], [ 0.7042537163806446, 0.7079198329252265, 0.7115495519052643, 0.716572945218275, 0.7243537189195874, 0.7359016125025323, 0.7517170138704168, 0.7717560576653152, 0.7954648401312868, 0.8217511317884454, 0.8487678423490681, 0.8735897855156934, 0.8922068782020511, 0.9003639009815904, 0.8948552782521639, 0.874463658430763, 0.8400897427242341, 0.7942980110346685, 0.740787974282137, 0.683988818638904, 0.6287211496345455, 0.5798296162566682, 0.5417203514068437, 0.5177715544470258, 0.5096387810829506, 0.5166705573523316, 0.5359014393774617, 0.5627228078981686, 0.5917280095401108, 0.6174416400019143, 0.635014100010543, 0.640907484224528, 0.6334086670633032, 0.6127859696296273, 0.5810481790487957, 0.5414093372921287, 0.49762511967323036, 0.45336182166237776, 0.411718554421725, 0.3749607367634785, 0.34445219743408356, 0.320725031332205, 0.3036244403258632, 0.2924912204865494, 0.2863627117513563, 0.28417700487059677, 0.28496268817026116, 0.28798767275528814, 0.2928260616214737, 0.2993016070708643 ], [ 0.7172690920575897, 0.7214677852329529, 0.7253820965360802, 0.7304322824553932, 0.7379794367123391, 0.7490348175359729, 0.7641061162830162, 0.7831686826169635, 0.8057076770996645, 0.8306851398477695, 0.8563052776128338, 0.8796579618738813, 0.8966733130186859, 0.9029968994754806, 0.8953552623377738, 0.8725429196576223, 0.83553477736582, 0.786985016262515, 0.7306752192554935, 0.6711058399923298, 0.6131662928607908, 0.561783780723538, 0.5214786955020341, 0.4957792590988107, 0.48648911349763385, 0.4930183457199881, 0.5123364504759454, 0.5397088654458575, 0.569628040704463, 0.5965866687311202, 0.6157627282920927, 0.6236557766122713, 0.6185459704688756, 0.6006230567493047, 0.571750727685732, 0.5349590736749644, 0.49381693286027545, 0.4518336687381439, 0.4120026879480094, 0.3765409708848246, 0.34681455604981604, 0.3233964353913764, 0.30619996543248323, 0.29465190350924936, 0.28788542756973584, 0.2849374815919839, 0.28493199289840226, 0.2872216830136801, 0.29144770374018186, 0.2974762442810713 ], [ 0.7299447819073653, 0.7346644451407718, 0.7388593236353164, 0.7439408641674546, 0.7512670519627539, 0.7618491496432628, 0.7761997851144874, 0.7943102260387422, 0.8157012327464832, 0.8393861491196242, 0.8636181386656893, 0.8855038556123356, 0.9009186436219382, 0.9054152088876298, 0.8956562962206616, 0.8704523846628186, 0.8308544147124157, 0.7796032640162022, 0.7205572984317286, 0.6582829133722072, 0.5977334426294334, 0.5439136085975348, 0.5014521737685218, 0.4740217683669587, 0.4635721780276554, 0.469575810516621, 0.48894003822234416, 0.516814214638885, 0.5476013291209915, 0.5757668302354929, 0.5965126062032193, 0.6063684718079763, 0.603602856427055, 0.5883268127110233, 0.5622632720847109, 0.5282652122108397, 0.4897216968789038, 0.44999045327203013, 0.4119615336219668, 0.37780290489442286, 0.3488803039420153, 0.32580428072805784, 0.30855284774014313, 0.2966353836096689, 0.28927784520648653, 0.2856131940129885, 0.2848579782967318, 0.28644728977208783, 0.29008781738824296, 0.29568835558566325 ], [ 0.7422531095378956, 0.7474814400178297, 0.7519529972629145, 0.7570709967991827, 0.7641894757419846, 0.7743181738774195, 0.787972567425566, 0.8051567797289169, 0.8254236571812179, 0.8478345032108563, 0.8706880065280033, 0.8911083859673207, 0.9049227460768052, 0.9075996795000432, 0.8957432014569043, 0.8681839051305524, 0.8260497815955483, 0.7721644284321137, 0.7104572156361393, 0.6455549493275563, 0.5824697821861655, 0.5262784527614308, 0.48171127558381177, 0.452578268822449, 0.44097241248539965, 0.4464291611884412, 0.4657970372389242, 0.4941198254404111, 0.5257228084139851, 0.5550493050182043, 0.5773223984254342, 0.5890960180468069, 0.5886225474201041, 0.5759344425411836, 0.5526180964412005, 0.5213559348572858, 0.4853639963311617, 0.447853437134414, 0.4116132444537441, 0.3787618985104584, 0.35066248619472073, 0.32795990776441725, 0.3106934024979181, 0.29845162797000224, 0.2905501805336279, 0.28621506187148865, 0.28475255032523206, 0.2856774564344236, 0.2887601839253395, 0.2939519614905945 ], [ 0.7541675375106116, 0.7598916143366952, 0.7646361699732461, 0.7697962535157262, 0.7767207599411193, 0.7864163780287968, 0.7993996358816983, 0.8156847357396684, 0.83485309866653, 0.8560103161906775, 0.8774961627964935, 0.8964519370583865, 0.9086647650563956, 0.9095303882527563, 0.8956001732497342, 0.8657289168790437, 0.8211216185286148, 0.764679603555982, 0.7003970557145103, 0.632955531894142, 0.5674207650353782, 0.5089356416398, 0.46232439850468043, 0.4315259656271786, 0.4187722289712143, 0.42366224206234, 0.44298952411807535, 0.4717037632634373, 0.5040646661940922, 0.534498923729536, 0.5582489294847309, 0.5718875369501645, 0.5736474016617495, 0.5634826824491415, 0.5428473428853361, 0.5142595436781869, 0.4807687432099282, 0.4454443727308676, 0.4109765860979365, 0.37943399787076953, 0.3521748508556668, 0.3298753158008811, 0.31263250064356257, 0.3001110052095038, 0.29171286361170395, 0.28675402679941076, 0.2846274724986239, 0.2849248972567167, 0.28747829254799334, 0.29228076605118447 ], [ 0.7656628421084166, 0.77186921105538, 0.7768833599697813, 0.7820916369171973, 0.7888362519942814, 0.7981193222282754, 0.8104569231646896, 0.8258708973725082, 0.8439677699817283, 0.8638934405847931, 0.8840235155686639, 0.9015143914493963, 0.9121233283739292, 0.9111869226102052, 0.8952110914715115, 0.8630787254236325, 0.8160704684278081, 0.7571593736338275, 0.6903979343349081, 0.6205167437905463, 0.5526298053961762, 0.49194002281732907, 0.44335725741386117, 0.41093942967876207, 0.39705133696638056, 0.40135583798588453, 0.42059619046514396, 0.44964068059395396, 0.4826959398395501, 0.5141778368116882, 0.5393469048400514, 0.554790582301625, 0.5587186990860928, 0.5510076044547148, 0.5329828291864621, 0.5070042890761877, 0.47596101482020925, 0.4427853500376146, 0.41007079227331855, 0.3798357990468477, 0.353431720661373, 0.3315630429955907, 0.31438145700576464, 0.3016241812634788, 0.29277644010601905, 0.28724095453615406, 0.28449426195004485, 0.28420196276966514, 0.28625522160859795, 0.2906880406163789 ], [ 0.7767153032825458, 0.7833900675523426, 0.7886707347212539, 0.7939337424572686, 0.8005127507343145, 0.8094037961477409, 0.8211212730299756, 0.8356926158796621, 0.8527460526321127, 0.8714634694112635, 0.8902504811911587, 0.9062751991892258, 0.9152768438103427, 0.9125487414531682, 0.8945598987876775, 0.8602248341035074, 0.8108968835416421, 0.7496138926572593, 0.6804799571025895, 0.6082690037424645, 0.5381379810168366, 0.4753435093723963, 0.4248722689986711, 0.3908898967911796, 0.3758860209838244, 0.37958694731704523, 0.39869171954455107, 0.4280013338222342, 0.46168214344326597, 0.4941452142856468, 0.5206686582713673, 0.537850920600781, 0.543876445264385, 0.5385444361444485, 0.5230558795823117, 0.4996182095807378, 0.4709659018596398, 0.4398986524885516, 0.4089154278883582, 0.3799843183177523, 0.3544478707992289, 0.33303605189999574, 0.31595192374304426, 0.3030020202401882, 0.29375147734025003, 0.2876865410292336, 0.28436408743995406, 0.28352052259236077, 0.28510351194223854, 0.28918649915518807 ], [ 0.7873029110890643, 0.794431825945777, 0.7999762970284717, 0.805300918282424, 0.8117286597163239, 0.8202479817694568, 0.8313706091979708, 0.8451279560821354, 0.8611666472613866, 0.878699809429358, 0.896156833700613, 0.9107135349016756, 0.9181038927572547, 0.9135956223115947, 0.893631050993329, 0.8571593087586697, 0.8056016435774491, 0.7420529694619706, 0.6706621873445385, 0.596240918214718, 0.523983754261317, 0.459194639108279, 0.406927920792623, 0.3714445147132319, 0.3553483667597799, 0.35842802394737666, 0.3773461769006226, 0.40685213278811544, 0.441084929760349, 0.4744569774102086, 0.5022639264016161, 0.5211123339194881, 0.5291591936445751, 0.5261273958752302, 0.5130971689970881, 0.4921289834073609, 0.4658083668413573, 0.43680662190407904, 0.4075302600973572, 0.37989686947453905, 0.35523841302224757, 0.334307620912154, 0.3173557894467635, 0.30425549079044334, 0.29464847572737235, 0.28810122356920176, 0.2842476710827503, 0.2828918475522492, 0.2840350319279654, 0.28778816407506513 ], [ 0.7974055900174635, 0.8049741562855618, 0.8107800678389211, 0.8161734165910843, 0.8224641337855806, 0.8306316182632009, 0.8411841224163904, 0.854155892869799, 0.8692087741098541, 0.8855818595894058, 0.9017217579351271, 0.9148086049289091, 0.9205837256656402, 0.9143082026654954, 0.8924100422257055, 0.8538751672744849, 0.8001859758388759, 0.7344861540582802, 0.6609626217561906, 0.5844591498761995, 0.5102027179540208, 0.44353815938571267, 0.38957814090176635, 0.3526655358408497, 0.3355054295399589, 0.3379461967168521, 0.3566244301250865, 0.3862547319804227, 0.42096179135010264, 0.455165563998021, 0.48417965112898986, 0.5046164454809502, 0.5146038863963565, 0.5137895436282373, 0.503136580798772, 0.4845637919017595, 0.46051311296033093, 0.43353153258304755, 0.405935137448675, 0.37959094836194945, 0.35581868636777403, 0.33539124194240477, 0.3186050842671778, 0.3053955784646795, 0.29547778628802474, 0.28849509815935204, 0.2841551958856137, 0.2823264940646987, 0.28306083484814254, 0.2865042213956817 ], [ 0.8070054427237483, 0.8149989881304717, 0.8210642582283643, 0.8265335312023361, 0.8327012142292297, 0.8405361637318343, 0.8505424745510517, 0.862756538966778, 0.8768524201178655, 0.8920893032992496, 0.9069243852665895, 0.9185401219073505, 0.9226968468687728, 0.9146686208981869, 0.8908840018897454, 0.8503667751454514, 0.7946517663655183, 0.7269228204966817, 0.6513981729852667, 0.5729483050437396, 0.4968273726890698, 0.42841465229277537, 0.37287169336354736, 0.33460945982391105, 0.3164183376164427, 0.3182024867323858, 0.33658561783080276, 0.3662656732415344, 0.4013658051719536, 0.4363197290919712, 0.46645981063052044, 0.48840256825899997, 0.5002457140258795, 0.5015626476063102, 0.49320307814391373, 0.47694919489294735, 0.45510446342972166, 0.43009547461497377, 0.4041498772259166, 0.3790841248049931, 0.3562041546705037, 0.33630052452268305, 0.3197118913544379, 0.3064332044660672, 0.2962495349129495, 0.2888778443155258, 0.2840962214201812, 0.2818341948995743, 0.28219101096755256, 0.2853448640885349 ], [ 0.8160870148085922, 0.8244907399237095, 0.8308134212699991, 0.8363657159446292, 0.8424239476702843, 0.849944946679461, 0.8594280153327476, 0.8709114025668422, 0.8840786203290074, 0.8982024871102813, 0.9117444824946999, 0.9218888869625488, 0.9244256518002072, 0.9146612599724062, 0.8890423454189333, 0.8466302205299806, 0.789001750008434, 0.7193722415241313, 0.6419846581718542, 0.5617308421340159, 0.48388694207131194, 0.4138602158985788, 0.3568516335900074, 0.31732614828985156, 0.29814132413773986, 0.2992510627302374, 0.3172826917846739, 0.346936089965631, 0.38234542462258575, 0.4179643824819515, 0.4491452794273455, 0.47250757675121047, 0.4861179938028263, 0.4894770665627331, 0.48332458886452856, 0.4693110178990968, 0.4496062512469808, 0.4265202464109675, 0.4021941610271356, 0.37839394201119747, 0.3564103110018675, 0.33704910652947045, 0.3206882648396414, 0.3073791511355612, 0.29697355394630565, 0.28925865841691656, 0.28407961001401216, 0.28142376154636034, 0.2814345405565114, 0.28431912233273177 ], [ 0.8246375824276045, 0.833436525139695, 0.8400145736079851, 0.8456566788326574, 0.8516184840622552, 0.8588432985582043, 0.8678249996536284, 0.8786036705581443, 0.8908697525758748, 0.9039028356097619, 0.9161630621287074, 0.9248373820381821, 0.9257550523973203, 0.9142735916391522, 0.8868774262208919, 0.8426636363751409, 0.7832396674963913, 0.7118436506239609, 0.6327367924783113, 0.5508270027942653, 0.47140723159414477, 0.39990621679106325, 0.3415548655205849, 0.30085797853842366, 0.28072068410414835, 0.2811385999952197, 0.2987620575752688, 0.32831148193656134, 0.3639443223750678, 0.4001404641792024, 0.43227371777615786, 0.45696580191738506, 0.47225206691587274, 0.4775616477469291, 0.4735279037669769, 0.46167425105906057, 0.4440417192892519, 0.4228272563975004, 0.400087438575184, 0.3775378234867502, 0.35645258911289873, 0.3376505716313664, 0.32154615451464974, 0.3082439944245185, 0.2976593215610919, 0.28964619657808444, 0.2841134656974283, 0.2811030040027128, 0.2807991605822401, 0.2834346793701981 ] ], "zauto": true, "zmax": 0.9659238260844552, "zmin": -0.9659238260844552 }, { "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.1411536501036732, 0.10765958447274303, 0.0739727619111766, 0.04656461073231413, 0.04287281109068212, 0.06294711649839936, 0.08615496370263585, 0.1044548374306604, 0.11548577126345116, 0.1186766164764799, 0.11447237285104914, 0.1042373913509756, 0.09035388735612557, 0.07621661583911633, 0.06535464786693133, 0.058844641330028556, 0.05367906125179472, 0.045783824540370596, 0.0335611770322456, 0.018563710366569883, 0.006653708049452874, 0.010809147006453728, 0.01434659233315268, 0.012274321090156899, 0.0059939509932108856, 0.0034101668308653492, 0.005428012848070668, 0.0029298829903535344, 0.0024777726288572957, 0.002179205075740319, 0.005988474882848702, 0.017414651101564097, 0.030273401036225268, 0.03966534969577922, 0.041947386974304106, 0.035137711450980505, 0.019184343266974328, 0.005196609259225156, 0.03174029570437571, 0.05906665202058437, 0.08385184041295901, 0.10408674303544116, 0.11851920159673676, 0.12674337534722913, 0.12939154319107596, 0.1283565413292985, 0.12685399557241933, 0.12881833679734722, 0.13721904156970702, 0.15242914119242892 ], [ 0.1391711330280132, 0.10516394750268804, 0.07033192306736204, 0.040383857442321085, 0.03576562783882339, 0.05810814504117381, 0.08246704418068422, 0.10120845770485472, 0.11232301258879084, 0.1153559366932832, 0.11077474953157937, 0.09993525587332847, 0.08524403654633414, 0.07029084265083589, 0.059127706494009745, 0.05326545078119102, 0.049271715789003245, 0.04243238660641495, 0.030977222324221426, 0.016459025866386763, 0.003848334828619165, 0.0091868948323153, 0.012772751605711294, 0.011202891083759147, 0.005711530506716488, 0.003041058435383014, 0.005017546286082303, 0.0026097905295647318, 0.0022194841743304813, 0.002026198870522888, 0.0060627535821437956, 0.017290838818239167, 0.03010238623557394, 0.03966635874702497, 0.04231030359124698, 0.036027502850410516, 0.020855406611485657, 0.006246778678638289, 0.029971213611912673, 0.05669354477622085, 0.08109555416068523, 0.10099902051603848, 0.1150344217471102, 0.12269961962816128, 0.12457224868809565, 0.12258012376480719, 0.12014426556073127, 0.1215895448029772, 0.13019174336921044, 0.14620938898396585 ], [ 0.13748289784871653, 0.10312755085580506, 0.06738725605717516, 0.03489157449656236, 0.02894890494525797, 0.05379825004460617, 0.07915506752661773, 0.09822595931112038, 0.10936945815211967, 0.11223062568269211, 0.10728394368551843, 0.09585722958907089, 0.08034850568636347, 0.06450480018570416, 0.052956692110770615, 0.047803943732814234, 0.045103884935768376, 0.039393842390184085, 0.028797977878403946, 0.015076199490721549, 0.0031744678433233233, 0.008259955203732707, 0.01134810056297434, 0.010239885161808555, 0.005676818296695372, 0.0028902512102614393, 0.004723787194963616, 0.0025826668987310843, 0.0022472316128295017, 0.002204696438088899, 0.006520744832352847, 0.017445244987113844, 0.030173544995451794, 0.0399289932474246, 0.04300604605462432, 0.03740169574015221, 0.02337692328140636, 0.009857892531576798, 0.028811470282508, 0.0545312142437681, 0.07843853834649182, 0.09798029170520467, 0.11161575448367932, 0.1187216467494561, 0.11980258551855123, 0.11680582270525361, 0.11336256840695473, 0.1142421626427389, 0.12308110150722965, 0.1399845361700482 ], [ 0.13608240927993007, 0.10155337619452903, 0.06519395538798, 0.030378159616911458, 0.022566342491124408, 0.050095002981468996, 0.07622857433568744, 0.09550300688838519, 0.10662063772648067, 0.10930133760127417, 0.10400993111363442, 0.09202769388625977, 0.07570906051921625, 0.05890322664538315, 0.046861493857615344, 0.042484414487227624, 0.04120085538027003, 0.036662881157604944, 0.026972096772757876, 0.014303391337684363, 0.004649938904985764, 0.007910778797506061, 0.00997343781748951, 0.009285299900928032, 0.005695913985623211, 0.002749730163396484, 0.0044435041932592125, 0.002621542783556857, 0.0023451665130242703, 0.002397092897863894, 0.0070918956279759325, 0.017745697387710146, 0.03040181184107165, 0.04038026745248369, 0.04394540102955874, 0.03910510849244666, 0.026314247420739588, 0.013782797897254317, 0.028141579012158593, 0.05251841596649034, 0.07584707787358748, 0.0950155680263414, 0.10826182372043937, 0.11481891638741978, 0.11510047538289887, 0.1110546499719813, 0.10652369644987124, 0.10678434047289559, 0.11590268378681583, 0.13377882866484064 ], [ 0.1349574576743693, 0.10043228569618219, 0.0637783582315614, 0.0272107287797541, 0.01690856865338628, 0.04706537909428856, 0.07368618450947026, 0.0930288036375924, 0.10406769263253159, 0.10656516658789315, 0.10095956899059542, 0.08846921489844606, 0.0713703637891533, 0.05354097111964891, 0.040865877298295945, 0.03733779903243902, 0.03759153158399535, 0.03422820004113686, 0.02542895153994058, 0.013937576918099626, 0.006454289515005527, 0.007924538770788053, 0.00856680302784217, 0.008282347054264295, 0.005699047060315527, 0.0026035242366255046, 0.004141141885465908, 0.002622290176588107, 0.002430934993436941, 0.002544493776860961, 0.007621588822936011, 0.018081115105178295, 0.030711988939383, 0.040954506998595736, 0.045047031225781915, 0.04100164515736793, 0.029374659151917323, 0.017497269753579847, 0.027807006382188134, 0.05058786948643862, 0.07328664044438708, 0.09209079146020971, 0.10497282462105446, 0.11100304309865869, 0.11048707966740277, 0.10535203283731974, 0.09964590408128715, 0.09922552284925681, 0.10867499538422738, 0.12762002579147616 ], [ 0.13409033453492725, 0.09974278361980507, 0.06313017417155374, 0.025729405194767428, 0.012636450869490305, 0.04475269197052699, 0.07151419407958841, 0.09078601997611906, 0.10169739613664165, 0.10401548215294047, 0.09813602576788588, 0.08520130828403574, 0.06737860557248702, 0.0484853803061148, 0.03499895173903005, 0.03240473698686806, 0.034308426296264086, 0.0320732646050927, 0.024086640803385646, 0.01374376032922428, 0.007974758582800539, 0.008093989571821038, 0.007081812235596695, 0.007238031082163466, 0.005725070093246844, 0.0025964070559036786, 0.0038303975147442816, 0.002565548821421572, 0.0024857183831417913, 0.0026844153237191195, 0.008030907803841216, 0.018366604181304633, 0.031043260877781222, 0.04159703981396688, 0.04624205907973045, 0.04298190795621237, 0.03237966555576806, 0.020863190970985504, 0.027643941650295892, 0.048670098493355095, 0.07072370739571816, 0.08919394298962662, 0.10175117843713656, 0.10728819458242592, 0.10598723242561811, 0.09972868162109814, 0.09275182323764669, 0.09157655262406711, 0.10142010582080234, 0.12153978569006563 ], [ 0.13345825272033665, 0.09945173498460708, 0.06320036911739597, 0.026036578776660824, 0.0109924243760475, 0.043162883907671624, 0.0696860904222154, 0.08875108917719425, 0.09949237457125568, 0.10164190766262714, 0.0955382982502572, 0.08223906304844467, 0.06377923540116207, 0.04381861416245244, 0.029297916959091407, 0.027740543328146176, 0.031386566557001574, 0.030177632023189408, 0.02286232032434418, 0.013513304808859442, 0.009081163073771083, 0.008293143563416434, 0.005538941839952437, 0.006255297627676201, 0.005880976810781281, 0.002897196255872503, 0.0035445055151965637, 0.0024765406556206777, 0.0025096052170984593, 0.0028319011354115647, 0.008271015838851946, 0.0185421580864043, 0.03135138525280037, 0.0422661596210892, 0.047476131393563575, 0.04496380385225952, 0.03522496178587689, 0.023833328403861955, 0.027501012946170956, 0.04669714532369404, 0.06812771301438678, 0.08631624104758949, 0.09860222103849092, 0.10369147297542303, 0.10162984026569612, 0.09422159017310873, 0.08586973371128599, 0.0838497826252571, 0.09416449688408095, 0.11557404202547132 ], [ 0.13303398093052937, 0.0995159628059664, 0.06390591636353686, 0.027877015581007976, 0.012582537731908046, 0.04225549362710754, 0.06816318432799343, 0.08689486989457673, 0.09743152784031686, 0.09943045755423681, 0.09316086878149603, 0.0795917335323471, 0.06061365039775152, 0.039638741152201284, 0.02381385945030264, 0.02342341449739234, 0.028860547804506823, 0.028518657058376827, 0.02168237474029066, 0.013090478369486609, 0.00975569128350134, 0.008489519186520694, 0.0041200294080153115, 0.005582688004827022, 0.006286759343150417, 0.0035158401304397698, 0.003304425116934224, 0.0024148680769382823, 0.0025312426540987903, 0.002953831851731525, 0.008299658769459458, 0.018570213769750817, 0.03160956017397354, 0.04293385944070071, 0.04870978308321229, 0.04688992297725907, 0.037852977174164616, 0.02639426516536145, 0.027251887272821077, 0.04460581865742335, 0.06547305828739176, 0.08345341121777329, 0.09553490096408186, 0.10023324640251068, 0.09744819431302947, 0.08887514366112181, 0.07903536269017758, 0.07605920015941582, 0.08694023523718229, 0.1097633281061527 ], [ 0.13278664289283518, 0.09988449795898321, 0.06513993280066113, 0.03078285475671278, 0.016126468266451442, 0.041944316703822045, 0.06689634830979645, 0.08518363193772212, 0.09549063011663479, 0.09736383652740979, 0.09099355046903022, 0.07726145575926138, 0.05791490992521734, 0.03605711242729143, 0.018625601105077726, 0.01956742641287903, 0.02675902969928519, 0.027073276865953073, 0.020490697901738308, 0.01237318994094382, 0.010029368224901716, 0.008729487864282577, 0.0034305446088157337, 0.005594060856185417, 0.007017707045835543, 0.004340032437050088, 0.003099447950420675, 0.0024640133283245313, 0.002637409122075255, 0.0030146560527118133, 0.008075765633081223, 0.018435085440349795, 0.03180877120011731, 0.043585804796038144, 0.04991784464696095, 0.048724046369120255, 0.04023691642690554, 0.028551836624350384, 0.026799873772564577, 0.042340336011508946, 0.06274120985126666, 0.0806070097927044, 0.0925624539832943, 0.09693738581996386, 0.09348011240424449, 0.08374225346179011, 0.07229447665442887, 0.06822057468146159, 0.07978662636445938, 0.10415297501108228 ], [ 0.1326826200755065, 0.10050117054955479, 0.0667839012047546, 0.034299041247985634, 0.020330800371023687, 0.042108571166824385, 0.06582862986435424, 0.0835802852834479, 0.09364307602900375, 0.0954218903518896, 0.0890215551700206, 0.07524227321140926, 0.055702920703537356, 0.033187912297756667, 0.013877330469769219, 0.016339132308376428, 0.025096688480600118, 0.025819521036749997, 0.019254700619105104, 0.011304273402509888, 0.009974862168602269, 0.009115614218281073, 0.004254969111132218, 0.006510451318480738, 0.008082039321545218, 0.005274429576631392, 0.0029029465503281806, 0.0026987698311452084, 0.002968391003094356, 0.0030293044917093378, 0.0075654651607981105, 0.018145466076430822, 0.03195802156944945, 0.044220860403340306, 0.05108839788010217, 0.05044785565182123, 0.042371839144923845, 0.03032698153117399, 0.02607814401744797, 0.03985442677473341, 0.059922948810139, 0.07778578092444684, 0.08970300858213791, 0.09383134804667191, 0.08976779733895919, 0.07888533998916994, 0.06570664954506192, 0.06035165044598558, 0.07275258341170156, 0.098793069013985 ], [ 0.1326864938449961, 0.10130722520494406, 0.06871872680287228, 0.03808451522038332, 0.02460127639812335, 0.04261012621214021, 0.06489835400820451, 0.08204575062239233, 0.09186072695438827, 0.0935821851626033, 0.08722579864327512, 0.07351965109594301, 0.053979980444137446, 0.031125997213047367, 0.00989122740059766, 0.013961378578248541, 0.023865253792078798, 0.024737449269048167, 0.01796975132300234, 0.009863556125486275, 0.009716331882997233, 0.009773580059257653, 0.0062408938361704375, 0.008192844389862146, 0.009444672303887763, 0.006285323086260098, 0.002736622683953794, 0.0031644922893538396, 0.003638216390434548, 0.0031034763008158397, 0.006757088311449874, 0.017740087919753816, 0.03208444053970774, 0.04485031049464917, 0.052221549259653645, 0.052058165464856906, 0.0442696262294299, 0.03175490233147694, 0.025048937030911596, 0.03711314992236673, 0.057020892053790274, 0.07500701465580337, 0.0869800595175138, 0.0909460316709588, 0.08635726518335585, 0.07437682349614937, 0.05935072052092445, 0.05247243257656792, 0.06590004611617954, 0.09373800159895428 ], [ 0.1327619679834756, 0.10224370168868926, 0.07083276229413007, 0.041909449368282795, 0.02868741824981968, 0.04331034223850607, 0.06404228855080281, 0.08054036594835079, 0.09011480754135577, 0.09182068210076105, 0.08558343288449702, 0.0720706078155105, 0.05272785816240719, 0.029915131210816084, 0.007443015641141409, 0.01265125727278558, 0.023027078338688473, 0.02380937487173751, 0.016663166034981896, 0.00806655511314468, 0.009446084994860108, 0.010809452731367939, 0.008773202359929061, 0.010383510757537776, 0.011061310380156154, 0.007391692329816264, 0.002767090116438822, 0.003898179675071695, 0.004669848387528181, 0.0034383923206471496, 0.005693917982049735, 0.017295612418112383, 0.0322329042546819, 0.04549677326086296, 0.05332812011493284, 0.05356465206464368, 0.04595599651533461, 0.03288544362711907, 0.023704268823157123, 0.03409489562040543, 0.0540524620559491, 0.07229784369593323, 0.08442272463119775, 0.08831532231321301, 0.0832971793271682, 0.07029855780963519, 0.053332472742813386, 0.044605682509176826, 0.059308885632291995, 0.08904539115773134 ], [ 0.1328727232365812, 0.1032534155504863, 0.07302647806208848, 0.04562367119530189, 0.03247153207319736, 0.04408214316291728, 0.06319851370893556, 0.07902523612317645, 0.08837680429643545, 0.09011246823668685, 0.08406857155610156, 0.07086450292153562, 0.051907455167230554, 0.02952073220238699, 0.007552895850432459, 0.012452921813653013, 0.02251490316691028, 0.023019448261483697, 0.01539842392127851, 0.005982899889968052, 0.009427661345275555, 0.012276393513722578, 0.01159517943430398, 0.012897831329380232, 0.012896137422178183, 0.00864445258847945, 0.003293889417123583, 0.004942154287652614, 0.006032893107919037, 0.004234970645280856, 0.004566594317018113, 0.016933728116723407, 0.03246451831553638, 0.04619272211742428, 0.05442824981170748, 0.05498792304527343, 0.047468517823298854, 0.033783794509226785, 0.022070435710390454, 0.030794414099107964, 0.051053507607363956, 0.06969636126373104, 0.08206567578108981, 0.08597524440419102, 0.08063694327193148, 0.06673940222359641, 0.04779456848467529, 0.036777930735385225, 0.053083714371023744, 0.08477412120056767 ], [ 0.13298316931837809, 0.10428246890182644, 0.07521440374397033, 0.04912910079863236, 0.03589193470327749, 0.04481636240669867, 0.062308769878921796, 0.07746345571827196, 0.08661932477381225, 0.08843250333935136, 0.08265315505407028, 0.06986441379212464, 0.0514614414772263, 0.029826940516332, 0.009685519846849181, 0.013125364332631145, 0.02223888735486307, 0.022352890309690076, 0.014278415727994194, 0.0038527789575188254, 0.00994108997159785, 0.014170460293090275, 0.01460277356887328, 0.015626453855783696, 0.014924352266368837, 0.010102797698031837, 0.0044718324352264185, 0.006330943476238989, 0.007696721881690468, 0.005568025877078205, 0.003954179041869189, 0.016820222182506648, 0.032853181916479984, 0.046978497990425895, 0.05554985876458725, 0.05635774486443985, 0.04885496668708055, 0.034530837649061265, 0.020219410387327486, 0.027228581560656516, 0.04808271891429887, 0.06725235225441746, 0.07994861442283706, 0.08396265759769081, 0.0784239858638167, 0.06379003136889667, 0.042926702658924, 0.02902194948171503, 0.047362512162542565, 0.08098126676351267 ], [ 0.13305907396816896, 0.10528129716155352, 0.07732525435733535, 0.052361450615187814, 0.038914450098461464, 0.045423627686325685, 0.06132019864194139, 0.07582116316884394, 0.08481688571244447, 0.08675634481862068, 0.08130789039833597, 0.06902893900682154, 0.051319352953117445, 0.030663342477073172, 0.012503238742314729, 0.014277045285389022, 0.02209820779965892, 0.021795314278079243, 0.013442085989927067, 0.002781346908582271, 0.011161490943059828, 0.01644954938940579, 0.017741118881827028, 0.018502751920915897, 0.017128347614092626, 0.011813427546944569, 0.006222181329801074, 0.008078057352640201, 0.009644816132228274, 0.007406746834805356, 0.004743643545112654, 0.017144627423058164, 0.03347965221218019, 0.04789973438748526, 0.05672690949707571, 0.05771126022055811, 0.05017160543518655, 0.03522236855013729, 0.01829184882846756, 0.023448874044812214, 0.045226698428477555, 0.06502730511610373, 0.07811515826437863, 0.08231348664428298, 0.07670033760179085, 0.06153442957490674, 0.038968350540867065, 0.021384215711785615, 0.04232502353892779, 0.07771782477144779 ], [ 0.13306806129140825, 0.1062053055283631, 0.07930104464885174, 0.0552789986547881, 0.0415207601724239, 0.04583361512608067, 0.0601865030506309, 0.07406841062327404, 0.08294660930672874, 0.08506081898026885, 0.08000319903252302, 0.06831421105524457, 0.05140393744407555, 0.03184450204237666, 0.015341145688325288, 0.015562672211485395, 0.021992805271482223, 0.021332601222183074, 0.013042954143177587, 0.004421225440502567, 0.01308629754342043, 0.01905505935837876, 0.02097339303893138, 0.02148211618466882, 0.01949292234832001, 0.013798784129513492, 0.008422787530886213, 0.010175570796657813, 0.011869963577895926, 0.009695205131881228, 0.006915586257747189, 0.018075214514597943, 0.034423234424899335, 0.04900422302698899, 0.05799742834719799, 0.05909106575786905, 0.05148107814650883, 0.03596626757997436, 0.016535544793829512, 0.019570768096030304, 0.04260477564425552, 0.06309323560736937, 0.07661103548494762, 0.08106055811345853, 0.07549883509700095, 0.06003861099344353, 0.03618693106365492, 0.013955359047339017, 0.038193783571204266, 0.07502346957219279 ], [ 0.13297998161811656, 0.1070151710081159, 0.08109575402240314, 0.05785579918291692, 0.04370318634219038, 0.04599314150639616, 0.058868619082247595, 0.07217985512302415, 0.08098881693409728, 0.08332461421742471, 0.07871011187852749, 0.0676758955292873, 0.05163738565863078, 0.03320132450030296, 0.017949416991039805, 0.016747229745193232, 0.021832134347158774, 0.02095167434904189, 0.013202158638173625, 0.007377904935024902, 0.015593484910103334, 0.021925335986704538, 0.024270250241403817, 0.024531163086395826, 0.022001568394378695, 0.01605562939066781, 0.010981590550500213, 0.01260043033336428, 0.014367134128936134, 0.012383676996203807, 0.009912006741315075, 0.019708676522371748, 0.03575236864275846, 0.050338407149118136, 0.05940130167160487, 0.060543077544375885, 0.05284974938990743, 0.036876803951667286, 0.015343749846531807, 0.01584713690304787, 0.040371032546168875, 0.06152977598298571, 0.0754815663358681, 0.08023122687852476, 0.07483953674123087, 0.0593388526186322, 0.034811469925362784, 0.007080422008626137, 0.03521212507027125, 0.07292099770926512 ], [ 0.13276716213061585, 0.10767688903304926, 0.08267387807862635, 0.06007752329249485, 0.045462179944866704, 0.045863992950207676, 0.05733501505900084, 0.07013529146331664, 0.07892751791584054, 0.08152877957871031, 0.07740106316660367, 0.06707099139189632, 0.05194643646389607, 0.03459634535114911, 0.020226854997992618, 0.01768576620182358, 0.021540204905985308, 0.020642280910519777, 0.013957721606585635, 0.010743746937178647, 0.018534870297827216, 0.025001398604011602, 0.027605533160537325, 0.02762201579493731, 0.024634266310222565, 0.01856016450350029, 0.013829020743734946, 0.015320671275138907, 0.017128615706057677, 0.015430185513167353, 0.013431066038753133, 0.02205097499126138, 0.03751640056776298, 0.05194385765871495, 0.060977929185951185, 0.06211418588292097, 0.0543444620340239, 0.0380658937772706, 0.015210487245511987, 0.012840418234708145, 0.03870856449908427, 0.060419093982427105, 0.07476855699130448, 0.079845082314281, 0.07472706852669567, 0.05943318395430521, 0.034933577251032945, 0.004142045795005564, 0.033581424914498115, 0.07141155620290582 ], [ 0.1324045517523435, 0.10816163580497855, 0.08400903970047574, 0.0619388404408957, 0.046805060463342756, 0.04542093849295592, 0.05556173280019341, 0.06792005558308299, 0.07675079667499825, 0.07965711926469626, 0.07605054959617732, 0.06645930872529067, 0.05226590751465712, 0.03592655356729136, 0.022131598034392123, 0.018292400326170945, 0.021057843817833738, 0.020399604671039615, 0.015255080245367378, 0.014297205236777863, 0.02178147857206965, 0.02822856657665194, 0.030954269231342646, 0.030729118287912967, 0.02736659910113598, 0.021274928339317482, 0.01690665119831079, 0.0182995581725095, 0.020141681070386497, 0.018797122578644288, 0.017338259704591994, 0.02503994633162973, 0.03974086600264009, 0.05385419405751813, 0.0627638872594593, 0.0638497857860465, 0.0560288799709859, 0.039632413291583235, 0.016495754433485624, 0.011613364647874443, 0.037809524185185565, 0.05983865641296509, 0.07450691829366246, 0.07991208616565984, 0.07514953077881799, 0.06027959914066383, 0.036447159317317124, 0.009369373295795696, 0.03336896633525046, 0.07047190538555503 ], [ 0.13186977576376072, 0.10844550473067967, 0.08508273151772444, 0.0634417058632244, 0.047745374065605875, 0.044650106192921396, 0.053532266812711886, 0.06552533094993578, 0.07445110487735607, 0.07769647938253323, 0.07463563649027682, 0.06580456609553786, 0.05254067820394845, 0.037120046984974404, 0.023651879675024193, 0.01851936134829272, 0.020343573458020323, 0.020227264853726383, 0.016986522396908336, 0.01794878818598046, 0.025230976444899154, 0.03155652440111907, 0.03429167410284459, 0.03382742457023617, 0.030169803892997806, 0.024154692810362362, 0.02016164903385151, 0.021498026271197374, 0.02338808673734731, 0.02244889240746693, 0.021558762259914474, 0.02858337569676997, 0.042427372925439175, 0.0560928928838826, 0.0647908045744861, 0.06579134934874585, 0.05795977537604358, 0.04165207764113244, 0.019190235195139564, 0.013084274982130478, 0.03783869585257891, 0.0598526773177095, 0.07472149495506897, 0.08043147060269086, 0.07607926193346945, 0.06180195212818919, 0.039089286869171555, 0.015883823680362206, 0.03445244478073139, 0.0700546311490712 ], [ 0.1311431159379742, 0.10850916181441617, 0.08588320579819618, 0.0645941816066566, 0.04830257870055118, 0.04354776569491964, 0.05123735609058812, 0.06294839080947208, 0.07202546599625635, 0.07563692750867292, 0.07313630582156873, 0.06507510451457171, 0.052726415363931335, 0.03813084260845957, 0.0247953969549668, 0.018345405792166657, 0.019374366162336502, 0.02014003224327742, 0.01903847153621177, 0.02164417111302994, 0.028802988506995753, 0.03493898523398517, 0.03759268731067505, 0.036891414628284575, 0.03301138423251034, 0.02715060631245363, 0.023544505056699, 0.02487612788973729, 0.026844649949188473, 0.026350790180845216, 0.026040246243291834, 0.032586740927379045, 0.04555737154201789, 0.05867226462669894, 0.06708366052828502, 0.06797425870060723, 0.060183751185638276, 0.0441708835569103, 0.02301515945101351, 0.016823517630321135, 0.03889147979571828, 0.06050401905114466, 0.07542466474754085, 0.081391603047396, 0.07747529108911833, 0.06390125796646659, 0.042543204249770844, 0.022351154248546067, 0.03655973730977342, 0.07009142992669164 ], [ 0.13020743125418852, 0.10833745286698572, 0.08640450067118903, 0.06540956764271247, 0.048501903720617044, 0.04211951146611994, 0.04867474321001531, 0.06019280788320381, 0.06947559854159716, 0.07347182836556117, 0.07153565132141619, 0.06424425235010267, 0.05278940342492114, 0.03893382577160206, 0.02558505284128412, 0.017770254800470456, 0.0181473899250412, 0.020165398791424222, 0.02131685073718984, 0.025343745090471742, 0.032433405723139234, 0.038333353518427905, 0.040831829771089415, 0.039894646147633585, 0.035855987121000105, 0.030212830990875548, 0.027008204790252253, 0.02839395953742726, 0.03048433258185871, 0.03046862862373092, 0.03074031864877503, 0.036965576719264315, 0.04909793681847473, 0.06159362935464555, 0.06965967317740143, 0.07042612200119765, 0.06273488854323162, 0.04720397374484668, 0.02766409015664877, 0.021872223877352555, 0.04096954370234147, 0.06180875142436767, 0.07661517489816083, 0.08277083441689619, 0.07928691687236798, 0.06646841283781968, 0.04652029529112251, 0.028591286234808257, 0.039368291248646416, 0.07049869690173266 ], [ 0.12904803293331024, 0.10791898579423197, 0.0866455809299564, 0.06590570372868464, 0.04837429233373696, 0.0403798384781179, 0.04584894050696261, 0.05726866122761939, 0.06680796122335557, 0.0711978205148758, 0.06981993317938219, 0.06329039565269357, 0.052705799577976234, 0.03952042787628916, 0.026057045066651192, 0.016813009592737415, 0.0166840878533035, 0.020343007029394136, 0.023752343214810512, 0.0290165256162414, 0.036070141330889566, 0.04170047893872467, 0.043983269712766976, 0.04280966428726713, 0.03866634657332827, 0.0332921468441397, 0.030508009428897122, 0.03201232499029995, 0.03427747120955347, 0.03476875774984826, 0.03562184117679831, 0.041648220694910344, 0.05300766221774971, 0.06484847970543517, 0.07252785691199913, 0.0731657417777751, 0.06563365158373181, 0.05073959327935831, 0.0329063002524752, 0.027641370004860777, 0.04398992778127704, 0.06375499636784115, 0.0782784265831472, 0.08453915404836788, 0.08145768223118052, 0.06939494747159836, 0.05079175892262969, 0.03454126384904738, 0.04258488131566157, 0.07118409846347169 ], [ 0.12765252600059043, 0.1072457041649711, 0.08660956983115296, 0.06610435103689646, 0.04795635642075688, 0.03835212772737137, 0.04277103486177286, 0.05419276798493881, 0.06403371875405238, 0.06881469982460245, 0.06797850949093352, 0.06219681520539322, 0.052460553235099315, 0.03989501767942945, 0.026259700963202362, 0.015514071209869092, 0.015038830572601884, 0.02072105854458395, 0.026296711059166773, 0.03263769311189764, 0.03967027857279899, 0.04500449571534395, 0.04702102465585772, 0.04560814784430878, 0.04140417916062527, 0.03634091848532027, 0.03400149474811937, 0.03569325959336766, 0.03819295827779725, 0.03921827531217698, 0.04065103432708612, 0.04657462880098317, 0.05724148486501083, 0.06842027296658686, 0.07568922567923077, 0.07620280686233151, 0.06888711691680058, 0.05474605596133086, 0.038584491324232306, 0.033843862929608996, 0.04781883934211645, 0.06630622048884834, 0.08038808714219858, 0.08666034363077463, 0.08392909530068642, 0.07258026682702193, 0.055187666826773944, 0.040165347776403376, 0.04597657915889998, 0.07205281467205393 ], [ 0.12601062804686528, 0.10631246346069616, 0.08630305092451576, 0.0660305911910238, 0.047290272077406235, 0.036069106290705366, 0.03945856278114811, 0.05098896521274262, 0.061168620869333855, 0.06632521603778449, 0.06600366425959087, 0.0609513500894001, 0.05204615034610069, 0.04007180326322839, 0.02625220095352017, 0.01394179022793473, 0.013316152447492041, 0.021349481373866618, 0.02891713645905374, 0.0361872601613365, 0.04319816797778331, 0.04821272182647085, 0.04991924845674796, 0.0482612034364195, 0.04403097685586867, 0.03931368935031231, 0.03744869915585053, 0.03940047510236106, 0.04219928747616487, 0.043785317543377576, 0.04579667380201093, 0.05169423458886241, 0.061754067086478806, 0.07228647098925764, 0.0791375265364522, 0.07953826570423554, 0.07249032472123045, 0.05917927200975003, 0.0445905135714479, 0.040330493546831526, 0.052307747477180214, 0.06940762611883912, 0.08290863442727033, 0.08909428759447155, 0.08664367975264362, 0.07593546340517968, 0.05958491058191167, 0.045438346418154384, 0.04936958808956328, 0.07301256558212695 ], [ 0.12411397446338993, 0.10511661846391429, 0.08573542367713609, 0.06571219853347057, 0.04642352746372988, 0.033573917020405866, 0.03593550010142847, 0.04768846182720273, 0.05823277940425872, 0.06373478951334727, 0.06389035307434292, 0.05954594192736303, 0.0514612837786223, 0.04007203121908141, 0.02610253239415201, 0.012207607858405183, 0.011701675860786185, 0.02227095764793221, 0.031591128502446275, 0.039649148075367326, 0.046624120783419855, 0.0512955970822642, 0.05265256658855064, 0.05073974291497521, 0.04650867994442417, 0.04216756443649549, 0.04081231795747046, 0.04309975296471533, 0.04626543782135263, 0.04843937028181722, 0.05102975347162773, 0.05696396672048581, 0.06650187350931924, 0.07642051953070172, 0.08286033372048729, 0.0831652438453392, 0.07642836999880902, 0.0639891444283378, 0.05084645986382558, 0.04701279635639377, 0.05731723055804305, 0.07299359208585612, 0.08579831427884396, 0.0917991489074447, 0.08954719584594069, 0.07938459407163685, 0.06389476932532247, 0.05034099788383264, 0.052637034443978166, 0.07397708448970729 ], [ 0.12195591822075041, 0.10365762872265459, 0.08491830235438651, 0.06517895484943878, 0.045408406268652564, 0.030922028864445276, 0.03223244603194009, 0.044330267829316664, 0.05525031888815021, 0.061051156554833765, 0.06163588811560518, 0.057976107113342994, 0.050709513026446565, 0.03992132444075381, 0.025884073212195144, 0.01049685587014725, 0.010499921817961055, 0.02351232843120495, 0.03430253710686323, 0.0430104454102409, 0.049923475171798654, 0.054226647569381545, 0.05519643380447298, 0.053014897701466335, 0.04880023336584938, 0.044862475911074146, 0.04405791807480521, 0.04675929951860507, 0.05036160143499874, 0.05315156819514472, 0.05632335928366048, 0.062346699922528746, 0.07144427892595677, 0.08079357322391385, 0.08684032221055726, 0.0870703153718319, 0.08067880809501665, 0.06912417868770565, 0.05729313285592628, 0.053831334904891746, 0.06272729451471308, 0.0769944056944519, 0.08901203286207164, 0.09473321879422146, 0.09259006831815912, 0.08286441746690028, 0.06805323916955469, 0.054858368741997225, 0.055686401644983397, 0.07486812909988132 ], [ 0.11953133125307797, 0.10193668855760617, 0.08386495375117664, 0.0644618880993249, 0.04430105673799211, 0.028184324785136376, 0.02838716600664766, 0.04096167635535022, 0.05224886541157658, 0.058283954082469495, 0.05923958426793036, 0.05624037788131425, 0.04979795581796814, 0.03964707672010356, 0.025670363622721723, 0.009117368838475333, 0.010110675979785093, 0.02507923894411895, 0.037038609741271045, 0.04626077914559404, 0.05307590488148163, 0.05698247117334187, 0.05752749739433856, 0.05505843863067295, 0.05087003947294027, 0.04736138675088504, 0.047154164010747145, 0.05035007015394075, 0.05445977248189349, 0.057894965180473344, 0.06165264032609768, 0.06781012056471894, 0.07654404246713119, 0.08537588168220694, 0.09105656372517454, 0.09123493244025847, 0.08521401598240871, 0.07453438530696957, 0.06388338391065865, 0.060742079563377196, 0.06843902962864278, 0.08134134204271883, 0.09250385209704148, 0.09785635448365908, 0.09572816269650435, 0.08632336826965369, 0.07201423327536538, 0.058979233098942395, 0.058449762059426716, 0.07561634341505326 ], [ 0.11683641366606497, 0.09995638834803469, 0.08258977568070258, 0.06359243050799872, 0.04315997166181338, 0.02545172662271237, 0.024445863761355397, 0.037638701746031185, 0.049258827576283075, 0.05544425807246547, 0.05670238802475257, 0.05433974766824666, 0.04873604515062002, 0.03927590463687411, 0.02552808885054947, 0.00850528747013882, 0.01081841668815991, 0.0269555465716993, 0.03978792273662575, 0.049391785063947626, 0.05606489658799266, 0.05954274374757456, 0.059623956775425244, 0.05684318175675828, 0.052684323411033795, 0.04963046573836423, 0.05007305346851993, 0.05384606662936156, 0.058534217803288845, 0.06264476769114831, 0.0669948224659434, 0.07332591516940408, 0.08176740731961528, 0.09013783158551923, 0.09548573124535498, 0.09563684776867908, 0.09000327366925392, 0.08017287292011466, 0.07057825157322661, 0.06771009606042058, 0.07437236399861212, 0.08596992317804117, 0.09622892910726219, 0.10113100255953784, 0.09892308261894141, 0.08972026390030559, 0.07574498717783208, 0.06269583908146646, 0.06087691793441268, 0.07616133296872936 ], [ 0.11386851626550695, 0.09772041461202592, 0.08110782445882564, 0.06260150821188884, 0.04204371508146421, 0.022841306092460947, 0.020466089695269918, 0.034426224711594094, 0.046312414826209465, 0.05254409544217763, 0.054026510592577674, 0.05227715199733664, 0.04753438282554104, 0.03883123492651585, 0.025509131385734723, 0.009002560781732493, 0.012556682695325484, 0.02910687521156702, 0.0425390388214189, 0.05239668283280507, 0.05887735517778646, 0.06189024841649519, 0.061465916345938, 0.058343369829266516, 0.05421142721649675, 0.05163925553953963, 0.0527901647033929, 0.05722461036448081, 0.06256184844752793, 0.06737852762338085, 0.07232923664686394, 0.07886919123560875, 0.0870840002257618, 0.09505068473477628, 0.10010314484181605, 0.10025141420983849, 0.09501445456334434, 0.08599656546878046, 0.07734466463399031, 0.07470639006477782, 0.08046272633031715, 0.0908216495815646, 0.10014488152026878, 0.10452285682574429, 0.1021421466502984, 0.0930230147609339, 0.07922299693865245, 0.06600385837341681, 0.06293078205757804, 0.07645126844428457 ], [ 0.11062598125175488, 0.0952332975373784, 0.07943440579812028, 0.06151859500799792, 0.04100781495362349, 0.020501996252049126, 0.016523732308823282, 0.031397307914161045, 0.043442337578090746, 0.04959595606581009, 0.051215086064867875, 0.05005701292733007, 0.046203720780035755, 0.038331166636984305, 0.025643471662838674, 0.010530157936170539, 0.015020890142272121, 0.03148632538498088, 0.045279769541580646, 0.05526996498694386, 0.06150331412481552, 0.06401093204977995, 0.06303573358041042, 0.059535026224458214, 0.05542204717149096, 0.05336085000242768, 0.055284919564813, 0.06046659361759846, 0.06652250823239425, 0.07207629406980724, 0.07763734677349257, 0.0844180591246928, 0.09246663732257362, 0.10008707005255353, 0.10488363128715474, 0.10505269645315961, 0.10021530834592927, 0.09196639130888014, 0.08415402716068048, 0.08170621353074538, 0.08665786330781275, 0.09584464725333405, 0.10421264713787044, 0.10800122191474434, 0.1053581697221168, 0.09620746244092257, 0.08243398414999917, 0.0689024403084717, 0.0645843238085031, 0.07644225098730699 ], [ 0.10710800529709846, 0.09250021607027836, 0.07758474933584247, 0.060370785479537586, 0.04010093401987681, 0.01861290700343783, 0.012731462776179266, 0.028630684036318847, 0.040680148872112, 0.04661234045979843, 0.04827187462498661, 0.0476848729394657, 0.04475410168489958, 0.03778677780728084, 0.025935066674560702, 0.012720644336986744, 0.017911772048694208, 0.03404035763343307, 0.04799693350620182, 0.058007205801838393, 0.06393573759090196, 0.06589399358227506, 0.06431836852785149, 0.06039628355060899, 0.05628942696998639, 0.054772094940908005, 0.057540867194419046, 0.06355670953107617, 0.07039919197372586, 0.07672072461069258, 0.08290276869915185, 0.08995332338433676, 0.09789109658099635, 0.10522128841691454, 0.10980219817911621, 0.11001437189315237, 0.10557437675926759, 0.09804718342943146, 0.09098131164258541, 0.08868809246754146, 0.09291520907603018, 0.1009936399250155, 0.10839694330730956, 0.11153915599852549, 0.10854913818098962, 0.09925638623844864, 0.08537054162990892, 0.07139433883945814, 0.06581857795860534, 0.07609759326192123 ], [ 0.10331452858035492, 0.08952687250734556, 0.07557379224207972, 0.05918196494011712, 0.03936073335002875, 0.017359033341957104, 0.009293005445045528, 0.02620489707335944, 0.03805423024492425, 0.04360538953875211, 0.04520102939379264, 0.045167143259830504, 0.04319418880426118, 0.03720103463085041, 0.026362082977201554, 0.015238251602012967, 0.02101637648959388, 0.03671368363256523, 0.050676503970515506, 0.06060498983819478, 0.06617040517234946, 0.06753200887186575, 0.06530174449645804, 0.06090769352540587, 0.056789517384407365, 0.05585382739573558, 0.059545993804805984, 0.06648366083852861, 0.07417820265628247, 0.08129715740143531, 0.0881112754196485, 0.09545824734388542, 0.10333588819931154, 0.11042948159294982, 0.11483454011184639, 0.11511042668982376, 0.11106160770009209, 0.10420743982872362, 0.09780445260681234, 0.0956332308185807, 0.09919983977846791, 0.10622955323978495, 0.11266643418051124, 0.11511345701218685, 0.11169783642465525, 0.10215867527389162, 0.08803123053238576, 0.07348610005274513, 0.0666213796323603, 0.07538710811670506 ], [ 0.09924615267278318, 0.08631945102797527, 0.07341610182458001, 0.05797217058586733, 0.0388101724370827, 0.016871128975292377, 0.006664263975478514, 0.024187541467799237, 0.03558750621456349, 0.04058665627642691, 0.04200694389605781, 0.042510993022937066, 0.04153081155933555, 0.0365684051198527, 0.02688126521264017, 0.017861428135464676, 0.024192247123562046, 0.03945282788982945, 0.053304040838606834, 0.06306095290702111, 0.06820587150305021, 0.06892109633235642, 0.06597713310349351, 0.0610525287048726, 0.05690111164239387, 0.05659117130524599, 0.06129306387593152, 0.06924034545100553, 0.077849253823496, 0.08579364546056784, 0.0932507856401727, 0.10091836596714664, 0.10878203741416792, 0.11568970605123753, 0.1199574021632491, 0.12031566962429797, 0.11664873692502137, 0.11041903008602179, 0.10460392276709217, 0.10252511983101821, 0.10548292316514156, 0.11151895259037972, 0.11699369919373284, 0.11870454361247433, 0.1147914596447436, 0.10490864421276255, 0.09041997736009678, 0.07518830637755142, 0.06698661291329884, 0.07428645361179292 ], [ 0.09490408944771815, 0.08288467830180046, 0.07112597075711345, 0.05675724453418731, 0.038455173570152094, 0.017154210811845615, 0.005747044793905566, 0.022619631818333163, 0.0332950944133511, 0.037567096819826035, 0.038694195759936566, 0.039724411621166925, 0.039768748349216315, 0.035875191149024425, 0.027434796783629152, 0.02044925800143394, 0.027341497613396493, 0.042208504165431, 0.0558653081787392, 0.06537392169387403, 0.07004349243320128, 0.07006112666634379, 0.06633958035656973, 0.060817090995089695, 0.056605964789402635, 0.056973912780473916, 0.06277999723461697, 0.07182401509925444, 0.08140552088062548, 0.09020095447867103, 0.09831133414192497, 0.10632132972600612, 0.11421288489360006, 0.12098194223779668, 0.12514882757955073, 0.1256060933656161, 0.1223094993863057, 0.11665689426201926, 0.111362423027041, 0.10934926431819111, 0.11174055153450928, 0.11683343424928075, 0.12135507523784458, 0.12229626880913824, 0.11782123089401554, 0.10750546397140605, 0.0925456688962562, 0.07651587705754267, 0.06691384728440006, 0.07277655585299449 ], [ 0.09029014244180107, 0.07923001022847438, 0.06871772174644802, 0.05554887058007483, 0.03828443569035804, 0.018072108198767593, 0.006878264189073932, 0.02149912016381955, 0.03118224311671425, 0.03455738486720298, 0.035267602723427285, 0.03681649175231378, 0.03791076407499758, 0.03510049654546824, 0.027957597249329096, 0.02290754588703386, 0.030394216822907643, 0.04493711216461038, 0.05834699000282561, 0.06754413305698935, 0.0716875079474874, 0.07095597853750739, 0.06638839428864078, 0.060191047595090356, 0.05588890509068596, 0.05699698625612841, 0.0640102843591116, 0.07423640067370801, 0.08484364284854992, 0.09451252529920616, 0.10328502319307958, 0.111656767625242, 0.11961390510014272, 0.12628806122849023, 0.1303883146346758, 0.1309591135083241, 0.12801972063012731, 0.12289875664171196, 0.11806464534385712, 0.11609297781881238, 0.1179528596322164, 0.12214903380544931, 0.12573042475538032, 0.12587569282538522, 0.12078203013597358, 0.10995267822880138, 0.0944218737192837, 0.0774884247604577, 0.06640829751998432, 0.07084311515197039 ], [ 0.08540672137616358, 0.07536397880513966, 0.06620626162203293, 0.05435506102356269, 0.038271680778878624, 0.019409629642201658, 0.00900098411298538, 0.020771754091211042, 0.02924302584299185, 0.03156869734911754, 0.03173241305836794, 0.03379801484000444, 0.03595792027594969, 0.03421767221274151, 0.028383565854806062, 0.02517020424989776, 0.03329952240876614, 0.04760164681273328, 0.06073743264591906, 0.06957351038107189, 0.07314516975271104, 0.07161383969642858, 0.06612771905302796, 0.059167823545586584, 0.05473794630001194, 0.05666111450681204, 0.06499343813119829, 0.07648379489158229, 0.08816367437616118, 0.09872440206514405, 0.10816595482289228, 0.11691616122340776, 0.12497254081157992, 0.13159176399429626, 0.1356569041163041, 0.1363537130055841, 0.13375732677993044, 0.12912486361409795, 0.12469708340332301, 0.12274521970452582, 0.12410335051343581, 0.1274456816312481, 0.13010286526324288, 0.1294328328969331, 0.12367203657522874, 0.11225777863017017, 0.09606663729935382, 0.07813066571718101, 0.06548108968698015, 0.06847619262405698 ], [ 0.08025688994119919, 0.07129675019772154, 0.06360792860102205, 0.05318112059970336, 0.038379956261543086, 0.020950297522887587, 0.011273703861848668, 0.020336298234063386, 0.02746028500704958, 0.028614200774676305, 0.028094673609105277, 0.030682494635843743, 0.033910186991720416, 0.033196042147096386, 0.02865018746754716, 0.027190233935971125, 0.03602095194459398, 0.05017223880176956, 0.063027358741022, 0.07146597226679298, 0.0744268987248126, 0.07204754946047348, 0.06556722519899456, 0.057745093689181216, 0.053144411961683236, 0.055973661948605494, 0.06574547307087733, 0.07857707953617556, 0.09136898654332827, 0.10283512695015236, 0.11295014421902276, 0.12209272409364892, 0.1302780511916762, 0.1368785035724341, 0.14093721493851, 0.14177051538599086, 0.1395023012480645, 0.13531774800206356, 0.13124787546589844, 0.12929645864656178, 0.13017837221204914, 0.13270671556443625, 0.13445848320520687, 0.13296040131246875, 0.12649238211215366, 0.11443181454956787, 0.09750230804002417, 0.07847287492296587, 0.06414985704612769, 0.06566987063538639 ], [ 0.0748444466187213, 0.06704097482170676, 0.06094168109099437, 0.052031067954357024, 0.038567125380346734, 0.022517878948794666, 0.013351621719710088, 0.020062838331665785, 0.025807194441328146, 0.025711622261435266, 0.02436188084314729, 0.027487996131132262, 0.031767417608645626, 0.03200272198822047, 0.02870161953432058, 0.02893559896989051, 0.03853414346603401, 0.052626468454457315, 0.06521051293886737, 0.07322774796271099, 0.07554645420189314, 0.07227497288726321, 0.06472295044517938, 0.0559254394797684, 0.051103087992842834, 0.05494978278880488, 0.06628939142158148, 0.08053168099369268, 0.09446611421544994, 0.10684560244926423, 0.1176354148832356, 0.12718128301764683, 0.13552137073641102, 0.1421353969544836, 0.14621344165798547, 0.14719180562184267, 0.1452366080528947, 0.1414620187468878, 0.13770666942606852, 0.13573855320133638, 0.13616670384903976, 0.13791845075436424, 0.1387860461706644, 0.13645353863327087, 0.12924681225028345, 0.11648901647727954, 0.09875535690569198, 0.07855136748957568, 0.06243973138132319, 0.062421979715450486 ], [ 0.06917403856048464, 0.06261306245505734, 0.05823068056040295, 0.0509094490719369, 0.038791564658811686, 0.023984317926254797, 0.015086169391712284, 0.019815025208254202, 0.024250569780455665, 0.02288757874850219, 0.020544204549000418, 0.02424040687403801, 0.02953081896952642, 0.03060438601270972, 0.028490720106488114, 0.0303876106872466, 0.04082572132139085, 0.05494953449914815, 0.06728421154652636, 0.07486767389389196, 0.07652109343753269, 0.07231938859875812, 0.06361832788467474, 0.05371727460068822, 0.04861243010611362, 0.05361397341433737, 0.06665563767927501, 0.08236743458500691, 0.0974645475209392, 0.11075892242418771, 0.12222127652827368, 0.13217815854911236, 0.14069497670321557, 0.1473511311195313, 0.15147132447052383, 0.15260151335766736, 0.15094409540135045, 0.14754417340467565, 0.14406450363447704, 0.14206464393413973, 0.1420592215890431, 0.14306980187019006, 0.14307672159827406, 0.1399095462383751, 0.13194135053998896, 0.11844641533338768, 0.09985615552739494, 0.07840897055744384, 0.06038484227956453, 0.058733885714372686 ], [ 0.06325130997795438, 0.058035107902503824, 0.055504319560607536, 0.04982343685289532, 0.03901731733591821, 0.02526397174005462, 0.016401936552997657, 0.01946734627626591, 0.02275581900470895, 0.02018483561723801, 0.016657172518399734, 0.02097966905531344, 0.027205192720243614, 0.02896890451295507, 0.027980565914901695, 0.03154071277793827, 0.04289281831763166, 0.057134316608155204, 0.06924977657281237, 0.07639744602898517, 0.07737169542792205, 0.07220985999728609, 0.06228543527314313, 0.05113621026153848, 0.045674873686550495, 0.0520021683157864, 0.06688245786454676, 0.08410833592113638, 0.10037646550183205, 0.1145801734997966, 0.12670878704073726, 0.1370810435813524, 0.14579276305452044, 0.15251586605572676, 0.1566980996651834, 0.1579851696820078, 0.15661038870291075, 0.15355243049295705, 0.15031369924164675, 0.14826905366650298, 0.14784862337134516, 0.14815195116168986, 0.1473238063257145, 0.14332762069671273, 0.1345839632205816, 0.12032344335578754, 0.10083867859323475, 0.07809542555454556, 0.05803049030393747, 0.05461033397796308 ], [ 0.05708309052230717, 0.05333785761962279, 0.0528007253755717, 0.048785076058408955, 0.0392183213543064, 0.026306151553319227, 0.017258466807603835, 0.018914395150717342, 0.021293364072400418, 0.01767430131386283, 0.012729003488333668, 0.017772445089206362, 0.024802506570775384, 0.027066850508089553, 0.027146016247611808, 0.032403154666589586, 0.044742915776163225, 0.05918134141453455, 0.07111283951506676, 0.07783180341379534, 0.07812281900205344, 0.07198154265946433, 0.06076648204440493, 0.04820714929035956, 0.042297338408853906, 0.050164537458940464, 0.0670160668137579, 0.08578215712736557, 0.10321641121337548, 0.11831620899191579, 0.13110040018078908, 0.14188887931172464, 0.1508099194042308, 0.15762113658901192, 0.16188243648238493, 0.16332984578803192, 0.1622227790273324, 0.15947657881102095, 0.1564477612405485, 0.15434719374605044, 0.1535291974150435, 0.15315805573363087, 0.15152246908741765, 0.14670859161939895, 0.13718422182966672, 0.12214150584261342, 0.10174009751484327, 0.07766762713318973, 0.05543621167473183, 0.05005935314297098 ], [ 0.05067763926226944, 0.04856540088370147, 0.050169700527466346, 0.04781349544380987, 0.03938164080771144, 0.0270898679622535, 0.01763843193451732, 0.01807393284335613, 0.01984660101568688, 0.015473323966251057, 0.008827175044576368, 0.014739134515615787, 0.022347904163643524, 0.024872967118822815, 0.025975946259336812, 0.03299829391205509, 0.04639379668613626, 0.061098641737494463, 0.07288350237657576, 0.07918861896610843, 0.07880266102601478, 0.07167585874443846, 0.05911550568728783, 0.044967609485304066, 0.038492120477676424, 0.048169113627401984, 0.06711048880942094, 0.08741990840622894, 0.10600090956174071, 0.12197539829399448, 0.13539980103869448, 0.1466017285825647, 0.15574281389206776, 0.16265975419495532, 0.16701436477768092, 0.1686240796650668, 0.16777011085651677, 0.16530784116248443, 0.16246128631201645, 0.1602954750503152, 0.15909662380570758, 0.15808298800305762, 0.15566950679644354, 0.15005466432453626, 0.13975296297964732, 0.12392351711799651, 0.1026002354899859, 0.07718956445923819, 0.052679968946530334, 0.04509223323060328 ], [ 0.04404498595849753, 0.0437827757854323, 0.04767588839449171, 0.04693685677178745, 0.03950978199121452, 0.027621234240458113, 0.017545526090990728, 0.01688698270581835, 0.018421978656119848, 0.013766094140220462, 0.005201295601408942, 0.01211008557063169, 0.019890292949059963, 0.022367834441211758, 0.02447703484736381, 0.033366329899474176, 0.04787345005685181, 0.06290148488836597, 0.07457634395156747, 0.08048887482840872, 0.07944287777535429, 0.07134044369640938, 0.05740015279536574, 0.04147315315152469, 0.034278610183943015, 0.046106215039728525, 0.06722690238978975, 0.08905513218756297, 0.10874803194015364, 0.12556735552414336, 0.13961173161232845, 0.15122064703774404, 0.16058887930114366, 0.16762570958128709, 0.17208519674175357, 0.17385779529536924, 0.1732426715285558, 0.17103875028452767, 0.16834987619255734, 0.16611122294786407, 0.16454780152529444, 0.16292310419625577, 0.15976311481225597, 0.15336916865184747, 0.14230194610220323, 0.12569339873431365, 0.10346086085301724, 0.07673178954800977, 0.049863591145814914, 0.03972362117392498 ], [ 0.0371974846998265, 0.03908847093702643, 0.04540159245335434, 0.046193733763557586, 0.03962216415368932, 0.027933006254762784, 0.01700806560312456, 0.015317922575342032, 0.01706224341497561, 0.012800015579037637, 0.0033242559403839867, 0.010310429574826894, 0.01752128371301677, 0.019540317225172757, 0.022680637126452543, 0.03356618128767461, 0.04921977123364771, 0.06461193691564096, 0.0762102596166386, 0.08175650174769027, 0.08007823246379826, 0.07102874585929381, 0.05570324089987947, 0.037806443771928926, 0.029686929174449112, 0.04409316107399459, 0.06743230574475746, 0.09072302887209235, 0.11147691512111697, 0.12910265217553588, 0.14374180919444018, 0.15574755289315723, 0.16534650206893095, 0.17251407660456228, 0.177087445081724, 0.17902221759197726, 0.17863208381439064, 0.17666303516155546, 0.17411005569900226, 0.17179259576711153, 0.16988069545791126, 0.16767603667102254, 0.16380267114293626, 0.1566563154465469, 0.14484351159870165, 0.12747554308771697, 0.10436480749185634, 0.07637021139253596, 0.04711913052255778, 0.033971854288436014 ], [ 0.030150932004884383, 0.03463462970308833, 0.043448057896879944, 0.04563351929289234, 0.039755681458657585, 0.028085461530173716, 0.016088941465576573, 0.013357814132193883, 0.01586314661777808, 0.01280461354416625, 0.005585046329167683, 0.009913776277224376, 0.015407056215790981, 0.016392419958896325, 0.020655613040999672, 0.033676966590141875, 0.050479895029309586, 0.06625822578549678, 0.07780812407770576, 0.08301806585804251, 0.08074603655238316, 0.07079914508140328, 0.054123508569522034, 0.034092400164128726, 0.02476657199270251, 0.042277750490984506, 0.06779734949297175, 0.09245942995474625, 0.11420724562930502, 0.13259251944547898, 0.1477963405443202, 0.16018509639556258, 0.17001491411924952, 0.1773209179637631, 0.1820147394542354, 0.18410978540676035, 0.18393120244844585, 0.18217551623913109, 0.17973919482770429, 0.17733850653423805, 0.1750941994525487, 0.17234050670691028, 0.1677885344904325, 0.1599209624817548, 0.14739024337956144, 0.12929425109528564, 0.10535492887752199, 0.0761840291886509, 0.04461459581380676, 0.02785989953405693 ], [ 0.02292753773874248, 0.03065673478378879, 0.04193322798390622, 0.04531538804991178, 0.039964095348381495, 0.028167461669228618, 0.01490574324941381, 0.01103811474389543, 0.014988667412368168, 0.013848026748789292, 0.009406838543274926, 0.01116437546471989, 0.013828079786911062, 0.012952131383776622, 0.01853225204303508, 0.03379812802375702, 0.05170899551590318, 0.06787386931871074, 0.07939627008813031, 0.08430229273397562, 0.08148536392670105, 0.07071346657319451, 0.05277458452214606, 0.030522587391545643, 0.01961016585298007, 0.04083723491201193, 0.06839328519979603, 0.09429965487693615, 0.11695872457349502, 0.13604854675040606, 0.1517821350442053, 0.16453653024621265, 0.17459408766431572, 0.18204319305438182, 0.18686174249695173, 0.18911406428119287, 0.1891340150429619, 0.18757200834514898, 0.1852354345414955, 0.18274854787818592, 0.18018801263239695, 0.17691615514524114, 0.1717218561110113, 0.1631683918263998, 0.14995464110169365, 0.13117315795955461, 0.1064729153289663, 0.07625270434760495, 0.04255510960785402, 0.021418240137272705 ], [ 0.01556705651936696, 0.0275042755542224, 0.04098355453801511, 0.04530538612845263, 0.040315820095106265, 0.028295840260168768, 0.01366683253820383, 0.008480848499385745, 0.014665721571446456, 0.01579984771676688, 0.013561300447410843, 0.013694623326308494, 0.01317420557254452, 0.009319036418394837, 0.016543668223810946, 0.03404676858036609, 0.05296840994158517, 0.06949654536487782, 0.08100378323629931, 0.08563942835618014, 0.08233603690951327, 0.07083481876484021, 0.051780896672122066, 0.027388941816453138, 0.014432314026586977, 0.03996774152807581, 0.06928816204890806, 0.09627730949044533, 0.11975053117467971, 0.13948238356940554, 0.15570632018449895, 0.1688055823995655, 0.17908463329503008, 0.18667866834147817, 0.19162406648524025, 0.19402966014056727, 0.1942355475747759, 0.19284923036854637, 0.19059761599333874, 0.18802292008832372, 0.18516252693594412, 0.18140338887054375, 0.17560440556013507, 0.16640410083363488, 0.15254880839893295, 0.1331346657637649, 0.10775803005889456, 0.07665205110027662, 0.04117234834451745, 0.014696259447151376 ], [ 0.008198787562049267, 0.02562957880858094, 0.04071855934970923, 0.0456715002424445, 0.040889640727593844, 0.028610401349180463, 0.012719239029138837, 0.006101383725886051, 0.015127601467982652, 0.018451323127900692, 0.017850717622598374, 0.01701142288337643, 0.013784349597475348, 0.0058936117654424325, 0.015077041274919548, 0.03455063775736652, 0.05432301648003011, 0.07116670394895828, 0.08266162417030913, 0.08706044988317813, 0.08333741137891318, 0.0712247914473535, 0.05126937597039298, 0.025108774597999747, 0.009888805824560804, 0.039859843917690575, 0.0705426438148081, 0.0984231023070947, 0.12260080547221801, 0.14290545210579553, 0.15957616276424832, 0.17299633271602194, 0.1834877017980459, 0.1912258306011605, 0.19629819140973903, 0.1988521347951653, 0.1992317744902494, 0.19800472094500135, 0.19582521303014128, 0.19316236236505233, 0.1900187244462644, 0.1858032416110729, 0.17943841047847228, 0.16963360898446284, 0.1551841639412113, 0.135199405045579, 0.10924584383405678, 0.07744978567759495, 0.04069462123422972, 0.007836532707183059 ], [ 0.002741793415480348, 0.025452546041494602, 0.04123053362396731, 0.0464771387375684, 0.04176819478914871, 0.02926174745876472, 0.012547923606450443, 0.005231393895677024, 0.01651415582683927, 0.02162576943408531, 0.02223340528882583, 0.020807704086204762, 0.01570385024782189, 0.004555484919025755, 0.014657608523963162, 0.035436071831014236, 0.055837928955994945, 0.07292595394003869, 0.08440160487616144, 0.0885961551768111, 0.0845270223083192, 0.07194020783498209, 0.051356897816532715, 0.024176719255216944, 0.008100186605585839, 0.04066289409856347, 0.07220603571624129, 0.10076376498408059, 0.12552617145367895, 0.14632867824122267, 0.16339889911975047, 0.17711309495380434, 0.18780489021409605, 0.19568380337541594, 0.20088138510188044, 0.20357792387137605, 0.2041195333934872, 0.2030367595598133, 0.20091826788548064, 0.19816808733547717, 0.19475808347378054, 0.19011724791101947, 0.18322641062915998, 0.17286228275026333, 0.15787118218013863, 0.13738574896990818, 0.11096706489468783, 0.07870114210960587, 0.04129893554518718, 0.002741893882323687 ] ] }, { "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.892667 (SEM: None)
lr: 1.44692e-05
momentum: 0.897231", "Arm 1_0
mean_accuracy: 0.107833 (SEM: None)
lr: 0.24131
momentum: 0.343904", "Arm 2_0
mean_accuracy: 0.205833 (SEM: None)
lr: 2.64546e-06
momentum: 0.115959", "Arm 3_0
mean_accuracy: 0.100333 (SEM: None)
lr: 0.0257622
momentum: 0.358718", "Arm 4_0
mean_accuracy: 0.922 (SEM: None)
lr: 0.000198921
momentum: 0.0330048", "Arm 5_0
mean_accuracy: 0.824667 (SEM: None)
lr: 1e-06
momentum: 1", "Arm 6_0
mean_accuracy: 0.114167 (SEM: None)
lr: 0.000521432
momentum: 1", "Arm 7_0
mean_accuracy: 0.688167 (SEM: None)
lr: 4.54485e-06
momentum: 0.684412", "Arm 8_0
mean_accuracy: 0.960667 (SEM: None)
lr: 0.00233277
momentum: 0", "Arm 9_0
mean_accuracy: 0.875333 (SEM: None)
lr: 5.8513e-06
momentum: 1", "Arm 10_0
mean_accuracy: 0.917333 (SEM: None)
lr: 0.000149801
momentum: 0.283856", "Arm 11_0
mean_accuracy: 0.943167 (SEM: None)
lr: 0.000654138
momentum: 0", "Arm 12_0
mean_accuracy: 0.960833 (SEM: None)
lr: 0.000715747
momentum: 0.10474", "Arm 13_0
mean_accuracy: 0.883833 (SEM: None)
lr: 5.82057e-05
momentum: 0.567161", "Arm 14_0
mean_accuracy: 0.9405 (SEM: None)
lr: 0.000350195
momentum: 0.164055", "Arm 15_0
mean_accuracy: 0.103833 (SEM: None)
lr: 0.0162381
momentum: 0", "Arm 16_0
mean_accuracy: 0.9565 (SEM: None)
lr: 0.00129202
momentum: 0", "Arm 17_0
mean_accuracy: 0.958833 (SEM: None)
lr: 0.00139325
momentum: 0.0619567", "Arm 18_0
mean_accuracy: 0.842667 (SEM: None)
lr: 4.32904e-05
momentum: 0.232908", "Arm 19_0
mean_accuracy: 0.9645 (SEM: None)
lr: 0.00177801
momentum: 0.18241", "Arm 20_0
mean_accuracy: 0.9095 (SEM: None)
lr: 3.25657e-05
momentum: 1", "Arm 21_0
mean_accuracy: 0.955833 (SEM: None)
lr: 0.00183026
momentum: 0", "Arm 22_0
mean_accuracy: 0.962333 (SEM: None)
lr: 0.00201722
momentum: 0.0936148", "Arm 23_0
mean_accuracy: 0.954667 (SEM: None)
lr: 0.0009834
momentum: 0.23737", "Arm 24_0
mean_accuracy: 0.0883333 (SEM: None)
lr: 0.4
momentum: 1", "Arm 25_0
mean_accuracy: 0.958833 (SEM: None)
lr: 0.00114907
momentum: 0.159404", "Arm 26_0
mean_accuracy: 0.958 (SEM: None)
lr: 0.00252673
momentum: 0.263142" ], "type": "scatter", "x": [ 1.4469244090385614e-05, 0.24131026831028152, 2.645463982933228e-06, 0.025762218208683164, 0.0001989214361701626, 1e-06, 0.0005214318044360372, 4.544846862994512e-06, 0.002332769501576321, 5.851300205456823e-06, 0.000149800550619582, 0.0006541378392350282, 0.000715746712685956, 5.820570985929763e-05, 0.00035019539326974774, 0.016238086950484405, 0.0012920212954280253, 0.0013932450516707235, 4.3290422247349153e-05, 0.001778009374568242, 3.256574914666281e-05, 0.001830264774509137, 0.002017224119182524, 0.0009834003383764657, 0.4, 0.0011490690991569589, 0.0025267294214729496 ], "xaxis": "x", "y": [ 0.8972308039665222, 0.34390448965132236, 0.11595908924937248, 0.3587183253839612, 0.03300475422292948, 1.0, 1.0, 0.6844120367445373, 0.0, 1.0, 0.28385556962906644, 0.0, 0.10473972503872318, 0.5671608417196706, 0.1640548699809401, 0.0, 0.0, 0.06195667945561635, 0.23290777602235363, 0.1824102837939323, 1.0, 0.0, 0.0936147944978947, 0.23736974821173837, 1.0, 0.15940369941953317, 0.26314245565988054 ], "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.892667 (SEM: None)
lr: 1.44692e-05
momentum: 0.897231", "Arm 1_0
mean_accuracy: 0.107833 (SEM: None)
lr: 0.24131
momentum: 0.343904", "Arm 2_0
mean_accuracy: 0.205833 (SEM: None)
lr: 2.64546e-06
momentum: 0.115959", "Arm 3_0
mean_accuracy: 0.100333 (SEM: None)
lr: 0.0257622
momentum: 0.358718", "Arm 4_0
mean_accuracy: 0.922 (SEM: None)
lr: 0.000198921
momentum: 0.0330048", "Arm 5_0
mean_accuracy: 0.824667 (SEM: None)
lr: 1e-06
momentum: 1", "Arm 6_0
mean_accuracy: 0.114167 (SEM: None)
lr: 0.000521432
momentum: 1", "Arm 7_0
mean_accuracy: 0.688167 (SEM: None)
lr: 4.54485e-06
momentum: 0.684412", "Arm 8_0
mean_accuracy: 0.960667 (SEM: None)
lr: 0.00233277
momentum: 0", "Arm 9_0
mean_accuracy: 0.875333 (SEM: None)
lr: 5.8513e-06
momentum: 1", "Arm 10_0
mean_accuracy: 0.917333 (SEM: None)
lr: 0.000149801
momentum: 0.283856", "Arm 11_0
mean_accuracy: 0.943167 (SEM: None)
lr: 0.000654138
momentum: 0", "Arm 12_0
mean_accuracy: 0.960833 (SEM: None)
lr: 0.000715747
momentum: 0.10474", "Arm 13_0
mean_accuracy: 0.883833 (SEM: None)
lr: 5.82057e-05
momentum: 0.567161", "Arm 14_0
mean_accuracy: 0.9405 (SEM: None)
lr: 0.000350195
momentum: 0.164055", "Arm 15_0
mean_accuracy: 0.103833 (SEM: None)
lr: 0.0162381
momentum: 0", "Arm 16_0
mean_accuracy: 0.9565 (SEM: None)
lr: 0.00129202
momentum: 0", "Arm 17_0
mean_accuracy: 0.958833 (SEM: None)
lr: 0.00139325
momentum: 0.0619567", "Arm 18_0
mean_accuracy: 0.842667 (SEM: None)
lr: 4.32904e-05
momentum: 0.232908", "Arm 19_0
mean_accuracy: 0.9645 (SEM: None)
lr: 0.00177801
momentum: 0.18241", "Arm 20_0
mean_accuracy: 0.9095 (SEM: None)
lr: 3.25657e-05
momentum: 1", "Arm 21_0
mean_accuracy: 0.955833 (SEM: None)
lr: 0.00183026
momentum: 0", "Arm 22_0
mean_accuracy: 0.962333 (SEM: None)
lr: 0.00201722
momentum: 0.0936148", "Arm 23_0
mean_accuracy: 0.954667 (SEM: None)
lr: 0.0009834
momentum: 0.23737", "Arm 24_0
mean_accuracy: 0.0883333 (SEM: None)
lr: 0.4
momentum: 1", "Arm 25_0
mean_accuracy: 0.958833 (SEM: None)
lr: 0.00114907
momentum: 0.159404", "Arm 26_0
mean_accuracy: 0.958 (SEM: None)
lr: 0.00252673
momentum: 0.263142" ], "type": "scatter", "x": [ 1.4469244090385614e-05, 0.24131026831028152, 2.645463982933228e-06, 0.025762218208683164, 0.0001989214361701626, 1e-06, 0.0005214318044360372, 4.544846862994512e-06, 0.002332769501576321, 5.851300205456823e-06, 0.000149800550619582, 0.0006541378392350282, 0.000715746712685956, 5.820570985929763e-05, 0.00035019539326974774, 0.016238086950484405, 0.0012920212954280253, 0.0013932450516707235, 4.3290422247349153e-05, 0.001778009374568242, 3.256574914666281e-05, 0.001830264774509137, 0.002017224119182524, 0.0009834003383764657, 0.4, 0.0011490690991569589, 0.0025267294214729496 ], "xaxis": "x2", "y": [ 0.8972308039665222, 0.34390448965132236, 0.11595908924937248, 0.3587183253839612, 0.03300475422292948, 1.0, 1.0, 0.6844120367445373, 0.0, 1.0, 0.28385556962906644, 0.0, 0.10473972503872318, 0.5671608417196706, 0.1640548699809401, 0.0, 0.0, 0.06195667945561635, 0.23290777602235363, 0.1824102837939323, 1.0, 0.0, 0.0936147944978947, 0.23736974821173837, 1.0, 0.15940369941953317, 0.26314245565988054 ], "yaxis": "y2" } ], "layout": { "annotations": [ { "font": { "size": 14 }, "showarrow": false, "text": "Mean", "x": 0.25, "xanchor": "center", "xref": "paper", "y": 1, "yanchor": "bottom", "yref": "paper" }, { "font": { "size": 14 }, "showarrow": false, "text": "Standard Error", "x": 0.8, "xanchor": "center", "xref": "paper", "y": 1, "yanchor": "bottom", "yref": "paper" } ], "autosize": false, "height": 450, "hovermode": "closest", "legend": { "orientation": "h", "x": 0, "y": -0.25 }, "margin": { "b": 100, "l": 35, "pad": 0, "r": 35, "t": 35 }, "template": { "data": { "bar": [ { "error_x": { "color": "#2a3f5f" }, "error_y": { "color": "#2a3f5f" }, "marker": { "line": { "color": "#E5ECF6", "width": 0.5 }, "pattern": { "fillmode": "overlay", "size": 10, "solidity": 0.2 } }, "type": "bar" } ], "barpolar": [ { "marker": { "line": { "color": "#E5ECF6", "width": 0.5 }, "pattern": { "fillmode": "overlay", "size": 10, "solidity": 0.2 } }, "type": "barpolar" } ], "carpet": [ { "aaxis": { "endlinecolor": "#2a3f5f", "gridcolor": "white", "linecolor": "white", "minorgridcolor": "white", "startlinecolor": "#2a3f5f" }, "baxis": { "endlinecolor": "#2a3f5f", "gridcolor": "white", "linecolor": "white", "minorgridcolor": "white", "startlinecolor": "#2a3f5f" }, "type": "carpet" } ], "choropleth": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "type": "choropleth" } ], "contour": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0.0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1.0, "#f0f921" ] ], "type": "contour" } ], "contourcarpet": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "type": "contourcarpet" } ], "heatmap": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0.0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1.0, "#f0f921" ] ], "type": "heatmap" } ], "heatmapgl": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0.0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1.0, "#f0f921" ] ], "type": "heatmapgl" } ], "histogram": [ { "marker": { "pattern": { "fillmode": "overlay", "size": 10, "solidity": 0.2 } }, "type": "histogram" } ], "histogram2d": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0.0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1.0, "#f0f921" ] ], "type": "histogram2d" } ], "histogram2dcontour": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0.0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1.0, "#f0f921" ] ], "type": "histogram2dcontour" } ], "mesh3d": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "type": "mesh3d" } ], "parcoords": [ { "line": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "parcoords" } ], "pie": [ { "automargin": true, "type": "pie" } ], "scatter": [ { "fillpattern": { "fillmode": "overlay", "size": 10, "solidity": 0.2 }, "type": "scatter" } ], "scatter3d": [ { "line": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scatter3d" } ], "scattercarpet": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scattercarpet" } ], "scattergeo": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scattergeo" } ], "scattergl": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scattergl" } ], "scattermapbox": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scattermapbox" } ], "scatterpolar": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scatterpolar" } ], "scatterpolargl": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scatterpolargl" } ], "scatterternary": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scatterternary" } ], "surface": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0.0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1.0, "#f0f921" ] ], "type": "surface" } ], "table": [ { "cells": { "fill": { "color": "#EBF0F8" }, "line": { "color": "white" } }, "header": { "fill": { "color": "#C8D4E3" }, "line": { "color": "white" } }, "type": "table" } ] }, "layout": { "annotationdefaults": { "arrowcolor": "#2a3f5f", "arrowhead": 0, "arrowwidth": 1 }, "autotypenumbers": "strict", "coloraxis": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "colorscale": { "diverging": [ [ 0, "#8e0152" ], [ 0.1, "#c51b7d" ], [ 0.2, "#de77ae" ], [ 0.3, "#f1b6da" ], [ 0.4, "#fde0ef" ], [ 0.5, "#f7f7f7" ], [ 0.6, "#e6f5d0" ], [ 0.7, "#b8e186" ], [ 0.8, "#7fbc41" ], [ 0.9, "#4d9221" ], [ 1, "#276419" ] ], "sequential": [ [ 0.0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1.0, "#f0f921" ] ], "sequentialminus": [ [ 0.0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1.0, "#f0f921" ] ] }, "colorway": [ "#636efa", "#EF553B", "#00cc96", "#ab63fa", "#FFA15A", "#19d3f3", "#FF6692", "#B6E880", "#FF97FF", "#FECB52" ], "font": { "color": "#2a3f5f" }, "geo": { "bgcolor": "white", "lakecolor": "white", "landcolor": "#E5ECF6", "showlakes": true, "showland": true, "subunitcolor": "white" }, "hoverlabel": { "align": "left" }, "hovermode": "closest", "mapbox": { "style": "light" }, "paper_bgcolor": "white", "plot_bgcolor": "#E5ECF6", "polar": { "angularaxis": { "gridcolor": "white", "linecolor": "white", "ticks": "" }, "bgcolor": "#E5ECF6", "radialaxis": { "gridcolor": "white", "linecolor": "white", "ticks": "" } }, "scene": { "xaxis": { "backgroundcolor": "#E5ECF6", "gridcolor": "white", "gridwidth": 2, "linecolor": "white", "showbackground": true, "ticks": "", "zerolinecolor": "white" }, "yaxis": { "backgroundcolor": "#E5ECF6", "gridcolor": "white", "gridwidth": 2, "linecolor": "white", "showbackground": true, "ticks": "", "zerolinecolor": "white" }, "zaxis": { "backgroundcolor": "#E5ECF6", "gridcolor": "white", "gridwidth": 2, "linecolor": "white", "showbackground": true, "ticks": "", "zerolinecolor": "white" } }, "shapedefaults": { "line": { "color": "#2a3f5f" } }, "ternary": { "aaxis": { "gridcolor": "white", "linecolor": "white", "ticks": "" }, "baxis": { "gridcolor": "white", "linecolor": "white", "ticks": "" }, "bgcolor": "#E5ECF6", "caxis": { "gridcolor": "white", "linecolor": "white", "ticks": "" } }, "title": { "x": 0.05 }, "xaxis": { "automargin": true, "gridcolor": "white", "linecolor": "white", "ticks": "", "title": { "standoff": 15 }, "zerolinecolor": "white", "zerolinewidth": 2 }, "yaxis": { "automargin": true, "gridcolor": "white", "linecolor": "white", "ticks": "", "title": { "standoff": 15 }, "zerolinecolor": "white", "zerolinewidth": 2 } } }, "title": { "text": "mean_accuracy" }, "width": 950, "xaxis": { "anchor": "y", "autorange": false, "domain": [ 0.05, 0.45 ], "exponentformat": "e", "range": [ -6.0, -0.3979400086720376 ], "tickfont": { "size": 11 }, "tickmode": "auto", "title": { "text": "lr" }, "type": "log" }, "xaxis2": { "anchor": "y2", "autorange": false, "domain": [ 0.6, 1 ], "exponentformat": "e", "range": [ -6.0, -0.3979400086720376 ], "tickfont": { "size": 11 }, "tickmode": "auto", "title": { "text": "lr" }, "type": "log" }, "yaxis": { "anchor": "x", "autorange": false, "domain": [ 0, 1 ], "exponentformat": "e", "range": [ 0.0, 1.0 ], "tickfont": { "size": 11 }, "tickmode": "auto", "title": { "text": "momentum" }, "type": "linear" }, "yaxis2": { "anchor": "x2", "autorange": false, "domain": [ 0, 1 ], "exponentformat": "e", "range": [ 0.0, 1.0 ], "tickfont": { "size": 11 }, "tickmode": "auto", "type": "linear" } } }, "text/html": [ "
" ] }, "metadata": {}, "output_type": "display_data" } ], "source": [ "render(\n", " plot_contour(\n", " model=ax.generation_strategy.model,\n", " param_x=\"lr\",\n", " param_y=\"momentum\",\n", " metric_name=\"mean_accuracy\",\n", " )\n", ")" ] }, { "cell_type": "code", "execution_count": 13, "metadata": { "execution": { "iopub.execute_input": "2023-08-11T16:00:31.048161Z", "iopub.status.busy": "2023-08-11T16:00:31.047920Z", "iopub.status.idle": "2023-08-11T16:00:31.108903Z", "shell.execute_reply": "2023-08-11T16:00:31.108328Z" }, "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": [ 89.26666666666667, 89.26666666666667, 89.26666666666667, 89.26666666666667, 92.2, 92.2, 92.2, 92.2, 96.06666666666666, 96.06666666666666, 96.06666666666666, 96.06666666666666, 96.08333333333333, 96.08333333333333, 96.08333333333333, 96.08333333333333, 96.08333333333333, 96.08333333333333, 96.08333333333333, 96.45, 96.45, 96.45, 96.45, 96.45, 96.45, 96.45, 96.45, 96.45, 96.45, 96.45 ] }, { "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": [ 89.26666666666667, 89.26666666666667, 89.26666666666667, 89.26666666666667, 92.2, 92.2, 92.2, 92.2, 96.06666666666666, 96.06666666666666, 96.06666666666666, 96.06666666666666, 96.08333333333333, 96.08333333333333, 96.08333333333333, 96.08333333333333, 96.08333333333333, 96.08333333333333, 96.08333333333333, 96.45, 96.45, 96.45, 96.45, 96.45, 96.45, 96.45, 96.45, 96.45, 96.45, 96.45 ] }, { "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": [ 89.26666666666667, 89.26666666666667, 89.26666666666667, 89.26666666666667, 92.2, 92.2, 92.2, 92.2, 96.06666666666666, 96.06666666666666, 96.06666666666666, 96.06666666666666, 96.08333333333333, 96.08333333333333, 96.08333333333333, 96.08333333333333, 96.08333333333333, 96.08333333333333, 96.08333333333333, 96.45, 96.45, 96.45, 96.45, 96.45, 96.45, 96.45, 96.45, 96.45, 96.45, 96.45 ] } ], "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": "Python 3 (ipykernel)", "language": "python", "name": "python3" }, "language_info": { "codemirror_mode": { "name": "ipython", "version": 3 }, "file_extension": ".py", "mimetype": "text/x-python", "name": "python", "nbconvert_exporter": "python", "pygments_lexer": "ipython3", "version": "3.9.17" }, "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": {} }, "nbformat": 4, "nbformat_minor": 2 }