{ "cells": [ { "cell_type": "markdown", "metadata": {}, "source": [ "# Tune a CNN on MNIST\n", "\n", "This tutorial walks through using Ax to tune two hyperparameters (learning rate and momentum) for a PyTorch CNN on the MNIST dataset trained using SGD with momentum.\n" ] }, { "cell_type": "code", "execution_count": 1, "metadata": {}, "outputs": [ { "data": { "text/html": [ "" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-10 23:22:36] 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 torch\n", "import numpy as np\n", "\n", "from ax.plot.contour import plot_contour\n", "from ax.plot.trace import optimization_trace_single_method\n", "from ax.service.managed_loop import optimize\n", "from ax.utils.notebook.plotting import render, init_notebook_plotting\n", "from ax.utils.tutorials.cnn_utils import load_mnist, train, evaluate, CNN\n", "\n", "init_notebook_plotting()" ] }, { "cell_type": "code", "execution_count": 2, "metadata": { "collapsed": true }, "outputs": [], "source": [ "torch.manual_seed(12345)\n", "dtype = torch.float\n", "device = torch.device(\"cuda\" if torch.cuda.is_available() else \"cpu\")" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "## 1. Load MNIST data\n", "First, we need to load the MNIST data and partition it into training, validation, and test sets.\n", "\n", "Note: this will download the dataset if necessary." ] }, { "cell_type": "code", "execution_count": 3, "metadata": { "scrolled": true }, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "Downloading http://yann.lecun.com/exdb/mnist/train-images-idx3-ubyte.gz\n", "Downloading http://yann.lecun.com/exdb/mnist/train-images-idx3-ubyte.gz to ./data/MNIST/raw/train-images-idx3-ubyte.gz\n", "Failed to download (trying next):\n", "HTTP Error 503: Service Unavailable\n", "\n", "Downloading https://ossci-datasets.s3.amazonaws.com/mnist/train-images-idx3-ubyte.gz\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "Downloading https://ossci-datasets.s3.amazonaws.com/mnist/train-images-idx3-ubyte.gz to ./data/MNIST/raw/train-images-idx3-ubyte.gz\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "99691403986944abafba748e58173553", "version_major": 2, "version_minor": 0 }, "text/plain": [ " 0%| | 0/9912422 [00:00, ?it/s]" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "Extracting ./data/MNIST/raw/train-images-idx3-ubyte.gz to ./data/MNIST/raw\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", "Downloading http://yann.lecun.com/exdb/mnist/train-labels-idx1-ubyte.gz\n", "Failed to download (trying next):\n", "HTTP Error 503: Service Unavailable\n", "\n", "Downloading https://ossci-datasets.s3.amazonaws.com/mnist/train-labels-idx1-ubyte.gz\n", "Downloading https://ossci-datasets.s3.amazonaws.com/mnist/train-labels-idx1-ubyte.gz to ./data/MNIST/raw/train-labels-idx1-ubyte.gz\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "5819a8908fa6438aa11ea427a000432c", "version_major": 2, "version_minor": 0 }, "text/plain": [ " 0%| | 0/28881 [00:00, ?it/s]" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "Extracting ./data/MNIST/raw/train-labels-idx1-ubyte.gz to ./data/MNIST/raw\n", "\n", "Downloading http://yann.lecun.com/exdb/mnist/t10k-images-idx3-ubyte.gz\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "Failed to download (trying next):\n", "HTTP Error 503: Service Unavailable\n", "\n", "Downloading https://ossci-datasets.s3.amazonaws.com/mnist/t10k-images-idx3-ubyte.gz\n", "Downloading https://ossci-datasets.s3.amazonaws.com/mnist/t10k-images-idx3-ubyte.gz to ./data/MNIST/raw/t10k-images-idx3-ubyte.gz\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "0a728316b68b4f8f9f4ecda9c4f431bd", "version_major": 2, "version_minor": 0 }, "text/plain": [ " 0%| | 0/1648877 [00:00, ?it/s]" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "Extracting ./data/MNIST/raw/t10k-images-idx3-ubyte.gz to ./data/MNIST/raw\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\n", "Downloading http://yann.lecun.com/exdb/mnist/t10k-labels-idx1-ubyte.gz\n", "Downloading http://yann.lecun.com/exdb/mnist/t10k-labels-idx1-ubyte.gz to ./data/MNIST/raw/t10k-labels-idx1-ubyte.gz\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "875b8bbd4fe649f0a6c727a1668ce816", "version_major": 2, "version_minor": 0 }, "text/plain": [ " 0%| | 0/4542 [00:00, ?it/s]" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "Extracting ./data/MNIST/raw/t10k-labels-idx1-ubyte.gz to ./data/MNIST/raw\n", "\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "/opt/hostedtoolcache/Python/3.7.11/x64/lib/python3.7/site-packages/torchvision/datasets/mnist.py:498: UserWarning:\n", "\n", "The given NumPy array is not writeable, and PyTorch does not support non-writeable tensors. This means you can write to the underlying (supposedly non-writeable) NumPy array using the tensor. You may want to copy the array to protect its data or make it writeable before converting it to a tensor. This type of warning will be suppressed for the rest of this program. (Triggered internally at /pytorch/torch/csrc/utils/tensor_numpy.cpp:180.)\n", "\n" ] } ], "source": [ "BATCH_SIZE = 512\n", "train_loader, valid_loader, test_loader = load_mnist(batch_size=BATCH_SIZE)" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "## 2. Define function to optimize\n", "In this tutorial, we want to optimize classification accuracy on the validation set as a function of the learning rate and momentum. The function takes in a parameterization (set of parameter values), computes the classification accuracy, and returns a dictionary of metric name ('accuracy') to a tuple with the mean and standard error." ] }, { "cell_type": "code", "execution_count": 4, "metadata": { "collapsed": true }, "outputs": [], "source": [ "def train_evaluate(parameterization):\n", " net = CNN()\n", " net = train(net=net, train_loader=train_loader, parameters=parameterization, dtype=dtype, device=device)\n", " return evaluate(\n", " net=net,\n", " data_loader=valid_loader,\n", " dtype=dtype,\n", " device=device,\n", " )" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "## 3. Run the optimization loop\n", "Here, we set the bounds on the learning rate and momentum and set the parameter space for the learning rate to be on a log scale. " ] }, { "cell_type": "code", "execution_count": 5, "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-10 23:22:38] 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-10 23:22:38] 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-10 23:22:38] ax.modelbridge.dispatch_utils: Using GPEI (Bayesian optimization) since there are more continuous parameters than there are categories for the unordered categorical parameters.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-10 23:22:38] 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" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-10 23:22:38] ax.service.managed_loop: Started full optimization with 20 steps.\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-10 23:22:38] ax.service.managed_loop: Running optimization trial 1...\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "/opt/hostedtoolcache/Python/3.7.11/x64/lib/python3.7/site-packages/torch/nn/functional.py:718: UserWarning:\n", "\n", "Named tensors and all their associated APIs are an experimental feature and subject to change. Please do not use them for anything important until they are released as stable. (Triggered internally at /pytorch/c10/core/TensorImpl.h:1156.)\n", "\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-10 23:22:45] ax.service.managed_loop: Running optimization trial 2...\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-10 23:22:51] ax.service.managed_loop: Running optimization trial 3...\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-10 23:22:58] ax.service.managed_loop: Running optimization trial 4...\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-10 23:23:05] ax.service.managed_loop: Running optimization trial 5...\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-10 23:23:12] ax.service.managed_loop: Running optimization trial 6...\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-10 23:23:19] ax.service.managed_loop: Running optimization trial 7...\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-10 23:23:26] ax.service.managed_loop: Running optimization trial 8...\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-10 23:23:33] ax.service.managed_loop: Running optimization trial 9...\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-10 23:23:40] ax.service.managed_loop: Running optimization trial 10...\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-10 23:23:47] ax.service.managed_loop: Running optimization trial 11...\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-10 23:23:55] ax.service.managed_loop: Running optimization trial 12...\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-10 23:24:02] ax.service.managed_loop: Running optimization trial 13...\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-10 23:24:09] ax.service.managed_loop: Running optimization trial 14...\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-10 23:24:16] ax.service.managed_loop: Running optimization trial 15...\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-10 23:24:24] ax.service.managed_loop: Running optimization trial 16...\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-10 23:24:31] ax.service.managed_loop: Running optimization trial 17...\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-10 23:24:39] ax.service.managed_loop: Running optimization trial 18...\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-10 23:24:46] ax.service.managed_loop: Running optimization trial 19...\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "[INFO 08-10 23:24:54] ax.service.managed_loop: Running optimization trial 20...\n" ] } ], "source": [ "best_parameters, values, experiment, model = optimize(\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", " evaluation_function=train_evaluate,\n", " objective_name='accuracy',\n", ")" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "We can introspect the optimal parameters and their outcomes:" ] }, { "cell_type": "code", "execution_count": 6, "metadata": {}, "outputs": [ { "data": { "text/plain": [ "{'lr': 0.00047421258363775917, 'momentum': 0.29383436493138776}" ] }, "execution_count": 6, "metadata": {}, "output_type": "execute_result" } ], "source": [ "best_parameters" ] }, { "cell_type": "code", "execution_count": 7, "metadata": {}, "outputs": [ { "data": { "text/plain": [ "({'accuracy': 0.9414024281379993},\n", " {'accuracy': {'accuracy': 0.0004582267310008474}})" ] }, "execution_count": 7, "metadata": {}, "output_type": "execute_result" } ], "source": [ "means, covariances = values\n", "means, covariances" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "## 4. Plot response surface\n", "\n", "Contour plot showing classification accuracy as a function of the two hyperparameters.\n", "\n", "The black squares show points that we have actually run, notice how they are clustered in the optimal region." ] }, { "cell_type": "code", "execution_count": 8, "metadata": {}, "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.26039423657452354, 0.26652891545242, 0.2782474552522859, 0.29643124694884954, 0.3216853676544395, 0.3542152684092071, 0.3937431552067745, 0.4394839507082911, 0.49018233648926224, 0.5441967160622332, 0.5996120592748855, 0.6543699377124435, 0.7064120448364115, 0.7538356116151922, 0.7950576749456987, 0.8290054551092418, 0.8553019536440637, 0.8743306779667959, 0.8870702646722681, 0.8946835437701779, 0.8979888127931048, 0.8959374157281994, 0.8835777816522812, 0.8526258165503868, 0.7949170601183417, 0.7068427623966115, 0.5915689635792449, 0.4580776603632967, 0.3187000505181397, 0.18651612902158488, 0.07271573737240267, -0.016217324669660527, -0.07914306953288197, -0.1182079086667106, -0.13710246587271724, -0.14000301025585693, -0.13096283405799314, -0.11359165296191465, -0.09091449902550008, -0.06533831077673835, -0.038679671187270226, -0.012224469107103952, 0.013197895982491104, 0.03713515496196018, 0.05943190232372786, 0.08014986713496608, 0.09948954305119917, 0.11771539721082414, 0.13508956531322658, 0.15182110111656633 ], [ 0.2567585697542865, 0.2625174950686559, 0.27402231655969694, 0.29221861034676055, 0.3177621627871948, 0.3508824636906977, 0.39129010450397483, 0.438151298481295, 0.4901304818087013, 0.5454832763032538, 0.6021784681049114, 0.6580365820427057, 0.710883048333769, 0.7587169716240353, 0.7998952553459843, 0.8333505466067075, 0.8588135799198289, 0.8769199010220516, 0.8890646957335153, 0.8969460272175698, 0.9018572589829998, 0.9028670556415467, 0.894575893782057, 0.8677740096067195, 0.8133059876696827, 0.7270172517212138, 0.6121331188331879, 0.477987282249863, 0.3372697606385019, 0.20333465323596267, 0.08755350202073131, -0.00344664614577872, -0.06839337044921456, -0.10935173148025357, -0.1299715211887511, -0.13441585557775082, -0.12674257252688426, -0.11057616497007516, -0.08896125031679858, -0.06432529751913141, -0.03850363506135157, -0.012797186134445582, 0.011954652473586513, 0.035295431485054984, 0.057071508592762665, 0.07735154253340548, 0.09634616788534256, 0.1143300317178012, 0.13157164020026035, 0.14827930728193595 ], [ 0.25329025845150366, 0.2586464451523351, 0.2699060751426146, 0.2880828103085914, 0.31388721715849854, 0.3475755808174594, 0.38884727190516616, 0.4368179157847576, 0.49006855082943135, 0.5467485791733177, 0.6047071850695109, 0.6616400879765838, 0.7152517798419078, 0.7634373685789766, 0.8044874206875219, 0.83733383344852, 0.8618095338335643, 0.8788034880983784, 0.8901470919014227, 0.898121092124127, 0.9045377362611069, 0.9085907526838866, 0.9044271203855676, 0.8819041842654751, 0.830869063789007, 0.7466310646134398, 0.632501440836468, 0.4981489936590361, 0.356563442282173, 0.22129272032529046, 0.1037999179628104, 0.01082891116379181, -0.056160041502745894, -0.09910089847263914, -0.12156966786988654, -0.12769530209550495, -0.12152728885103747, -0.10669742777313818, -0.0862660240975609, -0.06267948742540685, -0.037791744389925164, -0.012919445785701145, 0.011086916611661946, 0.033765547990431966, 0.05496360572921166, 0.07475610798974908, 0.09336370716031828, 0.11107139330492899, 0.12815411490449435, 0.14481900506380663 ], [ 0.25003077476358987, 0.2549593055422243, 0.2659430549188993, 0.28406769309657054, 0.31010285583644365, 0.3443346231394122, 0.38645166213758975, 0.43551720616012884, 0.4900259927354714, 0.5480183458246152, 0.6072213233367711, 0.6652031741897483, 0.7195439957783918, 0.7680305202798768, 0.8088822093130776, 0.8410248565731632, 0.8643876043227169, 0.8801110436221931, 0.8904746975781576, 0.8983689067586805, 0.9061495132032538, 0.9131513495203037, 0.9130745692205958, 0.8948641990007312, 0.8473853934870949, 0.7654297561621692, 0.6524163120015047, 0.51831439666695, 0.3763420019173254, 0.2401581789417354, 0.12124215795961824, 0.02643280779877688, -0.04258536834888249, -0.08756865491340626, -0.1119860826149317, -0.11991076529726485, -0.11537025083304164, -0.10199553482579127, -0.08285815112020156, -0.06042138562473687, -0.03655723063813354, -0.012598461105732262, 0.010592451234024636, 0.032547339610429105, 0.05311328320453479, 0.07237115474338973, 0.09055158453669587, 0.10795018868695161, 0.12484856042442238, 0.141452294424261 ], [ 0.24702447994732368, 0.25150309986923514, 0.26218154221021783, 0.2802213644378605, 0.3064557527589968, 0.3412038196868163, 0.3841441555830802, 0.4342858613798468, 0.49003475279441777, 0.5493198828990833, 0.6097446725670191, 0.6687484668241003, 0.7237849093888153, 0.7725296748802573, 0.8131281313757323, 0.8444961303392482, 0.8666534507217254, 0.8809878350949151, 0.8902299394048928, 0.8978837343716238, 0.906851675541128, 0.9166281300479926, 0.920486748756695, 0.9065127706791726, 0.8626357134382606, 0.7831575283110153, 0.671615283813867, 0.5382218372516183, 0.39634198328986103, 0.25966602640512915, 0.13963127584463242, 0.04315325923135105, -0.027841326032610247, -0.07489201846037041, -0.10132858657931543, -0.11114612686532976, -0.10833587181592297, -0.09651911376432276, -0.07877344777911632, -0.05757636953681966, -0.03481691417682242, -0.011843997276199114, 0.0104673197816052, 0.031641653212170495, 0.05152523481627047, 0.07020435964439808, 0.08791967930233724, 0.10497784294584234, 0.12166743334575925, 0.13819224425610055 ], [ 0.2443184886381662, 0.24832826265148417, 0.258673781879319, 0.27659624337182276, 0.3029970193522524, 0.3382317212341799, 0.3819695798974471, 0.4331638735702442, 0.49012919276269706, 0.5506818811761478, 0.6123013385800424, 0.6722979224881538, 0.7279982780231821, 0.7769660881703055, 0.8172716069446079, 0.847819000002609, 0.8687142378976318, 0.8815853736588708, 0.8896076826029452, 0.8968815476308596, 0.9068359519769112, 0.9191366135423921, 0.926663672622302, 0.9167287070446635, 0.8764131860153871, 0.7995697173797233, 0.6898426519202653, 0.5576067105886133, 0.41628675982987773, 0.2795322071394704, 0.15869561463833048, 0.06075281131432875, -0.012123744788771318, -0.061228124145701335, -0.0897212605624006, -0.10149813078927561, -0.10049861084981937, -0.09032456460679072, -0.07405368766672471, -0.05417432482681761, -0.032590957166245604, -0.01066820698339066, 0.010705995069047125, 0.031048421996251463, 0.050203816606991136, 0.06826353849892453, 0.08547838026969545, 0.10216655274272501, 0.11862412390165633, 0.13505292980744443 ], [ 0.24196246475199717, 0.2454884967757055, 0.25547590828373773, 0.27324905791750137, 0.29978224135570264, 0.33547124973331904, 0.3799767394883128, 0.4321945111340251, 0.49034598596018153, 0.5521342054046299, 0.614915392354779, 0.6758722707142736, 0.7322054965534694, 0.7813675032892435, 0.8213543842261701, 0.8510593212013067, 0.8706717960084858, 0.8820512997950029, 0.8888021756899616, 0.8955863761516041, 0.9063164577677096, 0.9208251116639391, 0.9316424914023167, 0.9254225666938767, 0.8885373856078937, 0.8144479014421054, 0.7068617937800702, 0.5762118627903646, 0.43589743727677527, 0.2994653577471857, 0.17815204643708504, 0.07897788764843106, 0.004354235513106541, -0.04674991392774952, -0.0773015726643943, -0.09107443528556347, -0.0919416335627733, -0.08347513264368689, -0.06874595982070508, -0.05024920501477015, -0.029902566916981677, -0.009085436212275755, 0.011301482565649112, 0.03076674346437469, 0.04915310064429712, 0.06655669114289886, 0.08323862967467022, 0.09952932864651165, 0.11573299203706444, 0.13204945645668276 ], [ 0.24000833893903856, 0.2430405482809299, 0.2526477965894458, 0.2702407681046939, 0.29687144970688384, 0.33297968724873944, 0.3782183895673611, 0.4314242472168706, 0.4907239804731441, 0.5537076757915467, 0.6176105366565393, 0.6794904948340701, 0.736424751555194, 0.7857567403886445, 0.8254111296623349, 0.854273316166641, 0.8726159060713035, 0.8825195059909788, 0.8879942558637505, 0.8942151534802776, 0.9055156868963508, 0.9218670715425907, 0.9355019331116303, 0.9325512786821576, 0.8988720682186901, 0.8276166123837742, 0.7224666673706207, 0.5937967523341716, 0.45490218953324013, 0.31917625246601283, 0.19771513731531998, 0.09756736591793602, 0.02136875715661457, -0.03164151076805344, -0.06421719182716912, -0.07999141325049164, -0.08275528581551006, -0.07603984653379448, -0.06290193219375817, -0.04583852639266095, -0.026777657412798916, -0.007112005984250436, 0.01224545362453211, 0.030794956329940337, 0.048376919969115084, 0.06509203335481484, 0.08121195233082223, 0.0970800221402276, 0.11300938723798082, 0.12919796564347907 ], [ 0.23850993728922437, 0.24104388412578187, 0.25025281790838283, 0.26763639950935575, 0.2943290087889137, 0.33081858776091017, 0.3767511385029244, 0.4309026266714639, 0.49130402202091605, 0.555433840993001, 0.6204097999479261, 0.6831693754531953, 0.7406702897706371, 0.790150495855747, 0.8294673828987358, 0.857503970291992, 0.8746182827335203, 0.8831012351178524, 0.8873394572828142, 0.8929618086912086, 0.9046457528825256, 0.9224488032403896, 0.9383637554959738, 0.9381353552921755, 0.9073473158230196, 0.83895885555785, 0.7364903530640261, 0.6101441377562448, 0.4730433096086559, 0.3383850090003856, 0.21710441443709128, 0.11625984414607848, 0.03869141364739337, -0.016093581372123467, -0.05062266112398772, -0.06837180018223188, -0.07303543777268862, -0.06809235611141418, -0.05657704153648624, -0.04098281159022277, -0.023244477692805465, -0.004765976120918447, 0.013528383781380549, 0.031130711675532496, 0.0478788996086329, 0.06387801009410887, 0.07941046455767042, 0.0948333321451108, 0.11046964719492558, 0.12651561808181866 ], [ 0.23752251129587915, 0.23956025761902128, 0.24835747952894277, 0.2655047677534802, 0.2922234024878659, 0.3290535920867165, 0.3756352588339845, 0.4306820544617206, 0.4921287261292366, 0.5573447419717825, 0.62333526837716, 0.6869231220545098, 0.7449518464054964, 0.7945584302099354, 0.8335380394986797, 0.8607783056011238, 0.8767277609936633, 0.8838777526156514, 0.8869577843225864, 0.8919827166089451, 0.903886560250535, 0.9227542303184171, 0.940388099092083, 0.9422732116622193, 0.9139836103277991, 0.8484250144058134, 0.7488083798348535, 0.6250633669893463, 0.4900816822118581, 0.3568262055075485, 0.236049931112232, 0.1347995629180071, 0.05609472700555651, -0.0002989249293187113, -0.03667608746416695, -0.056342286114968276, -0.06288175739118562, -0.059709706297526366, -0.04982963243583294, -0.035724996200867776, -0.019333216424263666, -0.00206689740981969, 0.015139691161146218, 0.03177103360402711, 0.047662468296606364, 0.0629232839755457, 0.07784685661801105, 0.09280478510418766, 0.10813106959711338, 0.12402054861774003 ], [ 0.23710216008233076, 0.2386531456404531, 0.24703092928289672, 0.26391807145773927, 0.29062689532426056, 0.3277541226864522, 0.3749343835836634, 0.430817485352847, 0.49324218753748944, 0.5594726656658258, 0.6264078671509898, 0.6907631170232776, 0.7492742683162681, 0.798982594423369, 0.8376264627637914, 0.8641057976784403, 0.8789671182637228, 0.8848950760665951, 0.8869257559006769, 0.8913857192611992, 0.9033726905368036, 0.9229494861188441, 0.9417591893577459, 0.9451366762423005, 0.918896183702431, 0.8560285853087528, 0.7593351822549771, 0.6383898508456433, 0.5057987192122311, 0.37425213590965417, 0.25429634589810246, 0.15294108272925688, 0.07335682009011124, 0.015551550493867694, -0.02253597602799029, -0.04403113886480792, -0.05239596994658946, -0.050971083371847414, -0.04272006869127243, -0.03010981331190632, -0.015075592234366386, 0.0009644414495043607, 0.017067870212217895, 0.032712364838855645, 0.04773084551785656, 0.062236692414197936, 0.07653434157507077, 0.09101068178160665, 0.10601185048898942, 0.12173178623744463 ], [ 0.23730513784685558, 0.23838704200157218, 0.24634430099808513, 0.2629513278659565, 0.28961504239485775, 0.3269929312707893, 0.37471506048390074, 0.43136599179893625, 0.49468961347605245, 0.5618498870274852, 0.6296472024059405, 0.6946977941590085, 0.7536373568904899, 0.8034172121894462, 0.841724239091785, 0.8674780643241067, 0.8813318885158178, 0.886161123808617, 0.8872709048871462, 0.891222645742171, 0.9031878462686433, 0.9231667739213287, 0.9426595058322551, 0.9469367245075153, 0.9222573987622922, 0.8618259511841243, 0.7680134754393505, 0.6499809547459582, 0.5199960892035198, 0.3904345098578691, 0.27160575354253225, 0.1704528706238656, 0.09026527498303982, 0.03127237163169316, -0.008358304776428738, -0.03156593209292302, -0.04168015486317034, -0.041956567956743185, -0.03530983961712297, -0.024183170601169257, -0.010504439214188643, 0.004306266032911621, 0.019300616453059694, 0.03395059325772476, 0.04808699878648437, 0.0618271665828114, 0.07548656263661979, 0.08946800295114354, 0.10413098165217882, 0.11966913177045291 ], [ 0.23818704268981805, 0.23882659276747037, 0.2463698763240444, 0.2626816218055834, 0.28926601796663987, 0.32684546787992336, 0.37504613251941066, 0.43238618461091427, 0.49651686697984443, 0.5645083976849494, 0.6330714737483258, 0.6987326715268407, 0.7580359480116816, 0.8078488091908466, 0.8458114983243177, 0.8708697049733339, 0.8837914401611812, 0.8876454377386367, 0.8879685010182086, 0.8914832749112876, 0.9033555224923446, 0.9234842149174721, 0.9432337987611839, 0.9478720055892368, 0.9242423674147973, 0.865884257365578, 0.774798169258431, 0.6597092171461988, 0.5324938190202441, 0.4051649741501395, 0.2877595227637054, 0.1871199708365896, 0.10662023060489478, 0.04668652712134269, 0.0057060980071419465, -0.019071435675925175, -0.030835123716470347, -0.03274592575426927, -0.027660682376579482, -0.017991533925544534, -0.005653296490094051, 0.00793606199905783, 0.021824938672523553, 0.0354810562429142, 0.04873356679230645, 0.06170360534338082, 0.07471745023524468, 0.08819426505578509, 0.10250809838973785, 0.11785298475699724 ], [ 0.23980188777166084, 0.24003556275009214, 0.2471800375333454, 0.2631871348620715, 0.28965972828127406, 0.32738903547496967, 0.3759979090834188, 0.4339374600039577, 0.49876990732418913, 0.5674796193229048, 0.6366974657044185, 0.702870556469312, 0.7624602438053494, 0.8122566686138889, 0.8498576587133647, 0.8742398311530889, 0.8862921537974311, 0.8892810145183129, 0.8889401535883235, 0.8920894428589468, 0.9038250492906432, 0.9239007643003758, 0.9435472962394826, 0.9480757278325049, 0.9249776404301508, 0.8682452268699988, 0.7796379381163637, 0.6674543397546415, 0.5431275197941072, 0.4182548781692874, 0.30255940252808644, 0.20274593721553058, 0.1222368051963656, 0.06162798148945137, 0.0195138386151974, -0.006667709627069862, -0.019958914786799675, -0.023417462786117005, -0.019833739269286665, -0.011581330124616485, -0.0005560099263022256, 0.01183080982386897, 0.02462725605794369, 0.03729852103648301, 0.049672745340929025, 0.06187469784698951, 0.07424101939630601, 0.08720731571000384, 0.10116326787023122, 0.11630410975119565 ], [ 0.24220106238278938, 0.24207562856640047, 0.24884598716969514, 0.26454591778592895, 0.2908766694280716, 0.3287016890593358, 0.377641088555082, 0.43607904816275683, 0.5014941177131564, 0.5707940999738308, 0.6405406228803102, 0.7071119378447985, 0.7668964131686663, 0.8166136000438614, 0.8538224662652356, 0.8775336579488604, 0.8887603713443815, 0.8909666839731869, 0.8900542375507274, 0.8928901714285422, 0.9044550868548783, 0.9243082641368326, 0.9435447044660192, 0.9475665397869037, 0.9244953475554677, 0.8688923367592658, 0.7824582239200092, 0.673095655558428, 0.5517455596052719, 0.42953471342627, 0.31582814997625314, 0.21715419687703286, 0.1369469420187689, 0.07594370543853557, 0.03293089352957079, 0.005531572203005597, -0.009145430793165876, -0.014046967036649871, -0.011888766218609015, -0.0049983802030663105, 0.004753647056779831, 0.015967204786227374, 0.027693478995864607, 0.039397141009119396, 0.05090613501072372, 0.0623486898355623, 0.07407109755880059, 0.08652505758242834, 0.10011670681891982, 0.1150433310125647 ], [ 0.2454321991049649, 0.2450050036787032, 0.2514362153297634, 0.26683436563995655, 0.2929964859934517, 0.33086083295037017, 0.38004539138377585, 0.4388688442895919, 0.5047335163282116, 0.5744811918520649, 0.6446152079489721, 0.7114555748988456, 0.7713274834569476, 0.8208870337524575, 0.8576572884144303, 0.8806838679503294, 0.8911029598353621, 0.8925690936248966, 0.8911285974100213, 0.8936604664004709, 0.9049994403015296, 0.9244652498591152, 0.9430192261629867, 0.9462058938616335, 0.9226948591142042, 0.8677275444545286, 0.7831492188760677, 0.6765067001292928, 0.5582069501787733, 0.43885361960586455, 0.32740990727666613, 0.2301889972791275, 0.15060077644594705, 0.08949526628205573, 0.045834200823329674, 0.017420555298180318, 0.0015167619107182562, -0.004706753374113082, -0.0038834057453325244, 0.0017126277443736404, 0.010242327812798102, 0.020321859674289233, 0.031009073729343584, 0.04177038984937553, 0.05243455227282234, 0.06313309123735023, 0.07422097331952482, 0.08616508775177856, 0.09938841580210533, 0.11409114312477708 ], [ 0.24953797361971253, 0.24887691571511, 0.2550147067428537, 0.270125353131907, 0.29609618055441556, 0.33394146411360454, 0.3832778651464158, 0.4423620156328828, 0.5085298564272958, 0.5785687102478213, 0.6489345330652139, 0.7158992801044317, 0.7757345495631816, 0.8250404836014028, 0.8613067439053806, 0.8836120765471301, 0.8932081597382311, 0.8939256758079333, 0.8919363029432019, 0.8941068290812407, 0.9051060258550778, 0.9239877023496608, 0.9416025291701419, 0.9436732145271077, 0.91932265595399, 0.864562792038499, 0.7815614118944971, 0.6775531105213106, 0.562380542227775, 0.44607926833891315, 0.33717051228996253, 0.2417160644052217, 0.1630676141057028, 0.10216002811230618, 0.05811292365855425, 0.028902391510721936, 0.011945461888720477, 0.004535176260687668, 0.00412746533743058, 0.00850861842490469, 0.01587743754783344, 0.02487148887319446, 0.03455911256122801, 0.04441097804965155, 0.054257809507735066, 0.06423432693934772, 0.07470295830599527, 0.08614423814104788, 0.09899771561586279, 0.11346722367457895 ], [ 0.2545548751898415, 0.25373797663159586, 0.25963890192120626, 0.2744859898817723, 0.3002479179023169, 0.33801400370526535, 0.3874008343987101, 0.44660940004921423, 0.512921634512767, 0.583082574402593, 0.6535112440874198, 0.720440870676529, 0.7800983205045758, 0.829035445415308, 0.8647108284963867, 0.8862309594834387, 0.8949484351684555, 0.8948499636185524, 0.8922150015154582, 0.8938810125891699, 0.9043376502775528, 0.9223748378337104, 0.9387829179171888, 0.9394834094801355, 0.9139876781624842, 0.8591291415051654, 0.7775097929311595, 0.6760944482100922, 0.5641458637659346, 0.45109832153892265, 0.3449978727717112, 0.25162307005447626, 0.17423659607166342, 0.11383201087846506, 0.06966940873360394, 0.03989018470719485, 0.02206568450886015, 0.013615849922165024, 0.012092306256166085, 0.015348556555096926, 0.021627426084569024, 0.029593073641646428, 0.038328312731788605, 0.04731075851396971, 0.05637447378186844, 0.06565733916234306, 0.07552785892442326, 0.08647800134930717, 0.09896266933660469, 0.11318983306122243 ], [ 0.2605119970710414, 0.2596265111432495, 0.26535746486933215, 0.2799749698201075, 0.3055163611079826, 0.3431416542065561, 0.3924694980881891, 0.4516557453971629, 0.5179430417324001, 0.5880464331935072, 0.6583576245941057, 0.7250792280831453, 0.7844009898800256, 0.8328338031800434, 0.8678076783838345, 0.888447354678576, 0.8961851849246657, 0.8951393488758607, 0.8916797100859722, 0.8926008998510915, 0.9022078288480547, 0.9190564473690535, 0.9339498650850635, 0.933042049996772, 0.9062087319305212, 0.8511020097135249, 0.7707860974721388, 0.671989828542426, 0.5633956364828983, 0.45381753016085385, 0.3508024719594402, 0.2598199738904197, 0.1840171107330696, 0.12442245315174572, 0.0804198654278353, 0.05030770518251482, 0.031810337914375264, 0.022477916496620565, 0.019963396171146508, 0.0221938177437222, 0.02746204651355133, 0.03446400939575689, 0.0423010683172127, 0.05046063035506243, 0.05878161903473067, 0.0674051589069512, 0.07670436442084994, 0.08717982597328544, 0.09929937138970091, 0.1132750868835044 ], [ 0.2674299050931488, 0.26657093517375063, 0.27220796810071674, 0.28663953546180587, 0.31195546917563227, 0.3493772208716927, 0.3985292423522381, 0.4575378836051814, 0.5236229101231378, 0.5934812806218931, 0.6634858763314041, 0.7298153621582165, 0.7886283193217417, 0.8364007993669846, 0.8705369755919542, 0.8901663013711332, 0.8967748760571563, 0.8945847353533288, 0.8900381342319379, 0.8898754230472706, 0.8982203290931725, 0.91344572776377, 0.9264562843395523, 0.9237136999622984, 0.8954746814095882, 0.8401369031301247, 0.7611769689155095, 0.6651065923197711, 0.5600397214435011, 0.45416541100116353, 0.3545180119394531, 0.26623927378311363, 0.19233899486154338, 0.1338601167051099, 0.09029479166381871, 0.06008988641622737, 0.041120727811965074, 0.03107011020649353, 0.02769722967183652, 0.02900850112028086, 0.03335257905700462, 0.039462236610771084, 0.046461480334396565, 0.05385045162563795, 0.0614745907515325, 0.06947847494956827, 0.07823837581114346, 0.0882602694276724, 0.10002108251194386, 0.1137360918331688 ], [ 0.2753196469507301, 0.27458829758781933, 0.2802146797618281, 0.294512200096237, 0.31960467903379286, 0.35675937142179903, 0.40561285570366384, 0.46428298095661713, 0.5299837178406224, 0.5994050679299645, 0.6689083284175443, 0.734653344959694, 0.7927716398824857, 0.8397085017116079, 0.8728437266380255, 0.8912957617625284, 0.8965761195775185, 0.8929813340948257, 0.887007140297334, 0.8853300966858946, 0.8919066032620444, 0.9049916050584512, 0.9156892905104822, 0.9108952950660816, 0.8813059453502713, 0.8259084920313361, 0.7484850087317885, 0.6553308026223365, 0.5540100244748913, 0.45209433166634444, 0.3561021471525565, 0.2708361689317238, 0.1991525501970829, 0.14209136351853957, 0.09923917108616187, 0.06918311960251955, 0.049946898725948374, 0.03934759144733291, 0.035254824079254954, 0.035759683285906285, 0.03927202040640798, 0.04456635746155957, 0.050793390559913054, 0.05746897246226801, 0.06444680521949742, 0.07187523987495914, 0.08013232924907343, 0.08972601547105541, 0.10113718668851535, 0.11458195855152242 ], [ 0.2841819620971916, 0.2836831064564083, 0.289386705012258, 0.3036076245667334, 0.3284844172836898, 0.36530852228538535, 0.4137380010724783, 0.4719070399394335, 0.53704072103054, 0.6058323196767454, 0.6746375319359492, 0.7396009848728115, 0.7968293485663455, 0.8427385989720142, 0.8746819082526731, 0.8917517122986905, 0.8954572226585886, 0.8901398118791757, 0.882328921013681, 0.8786304241881023, 0.8828581052996907, 0.8932249009556851, 0.901139652809878, 0.8940929167194007, 0.8633096845951547, 0.8081464850424465, 0.7325495279343862, 0.6425781609648974, 0.5452657643577542, 0.44758276032191974, 0.3555372193893492, 0.27358861668210527, 0.20442838790230877, 0.1490800284960807, 0.10721246382455629, 0.07754536210960972, 0.058247821380070675, 0.04727216879800933, 0.04260194057006783, 0.04241761443527092, 0.045195239514294605, 0.04975574051621068, 0.05528042429014146, 0.061303799599380704, 0.0676896059351969, 0.07459035989895979, 0.08238460352469501, 0.09157883203077821, 0.10265194299805169, 0.11581677584956718 ], [ 0.29400674131081267, 0.2938465474190877, 0.2997167510761561, 0.31392037063730893, 0.3385915671884431, 0.3750233407472167, 0.4229054295814636, 0.48041382505601127, 0.5448012703944767, 0.6127737591683002, 0.6806862082852574, 0.7446701612558291, 0.8008076827453952, 0.8454835397272311, 0.8760176793743134, 0.8914633566089833, 0.8933038146552568, 0.885897060980771, 0.8757855780101471, 0.8695013474609906, 0.8707513621734226, 0.8777925423472883, 0.88245335373483, 0.8729858316003463, 0.8412195138592284, 0.7866634412371922, 0.7132643105690579, 0.6268040106900852, 0.5337984823582976, 0.44063740368683973, 0.3528308810612957, 0.2744972475238267, 0.20815710242096874, 0.1548071048141243, 0.11418841048698924, 0.0851460760029652, 0.06599143716095135, 0.054812408687820224, 0.04970922259261079, 0.048955858524960316, 0.05109910131605355, 0.05501061567427856, 0.059906046374466615, 0.06534140129619703, 0.0711921967661755, 0.07761551409960832, 0.08498912688939775, 0.09381471133070629, 0.10456305446740521, 0.11743878312757283 ], [ 0.3047727665762572, 0.30505616371663546, 0.3111807114097533, 0.32542428118409245, 0.34989822299370743, 0.3858797921138279, 0.43309835014427095, 0.48979433022975466, 0.5532643471206112, 0.6202359435145137, 0.6870670337123468, 0.7498768056598255, 0.8047209176287268, 0.8479473246520766, 0.8768322691312611, 0.8903783271621489, 0.89002624225731, 0.8801259473571339, 0.8672111476280693, 0.8577417086038611, 0.8553645732355972, 0.8584762856567734, 0.8594488759844714, 0.8474379098675382, 0.8149131261653456, 0.761371936783742, 0.6905906092895797, 0.6080113729121024, 0.5196362381447894, 0.4312949631564243, 0.34801648630085036, 0.27358509421271265, 0.2103487691521092, 0.15927025390779026, 0.12015466657384, 0.09196601232663071, 0.07315457136793413, 0.06194364039099465, 0.05655225617064408, 0.05535138015276864, 0.05696256014297907, 0.06031216114036153, 0.06465363342398378, 0.06956715852636774, 0.07494166494074994, 0.08093913604205805, 0.08793528442444964, 0.09642359210919826, 0.10686095781781224, 0.11944010087229495 ], [ 0.3164477385614646, 0.31727601180054094, 0.32373810522216107, 0.33807363888828534, 0.3623549100870166, 0.3978332277311429, 0.44428303380512935, 0.5000268082393913, 0.5624203199405982, 0.6282209004917451, 0.6937922526944393, 0.755240555854239, 0.8085911940188655, 0.8501462104323394, 0.8771245782197911, 0.8884678099776145, 0.8855665371599827, 0.8727434356830415, 0.8565004137076929, 0.8432333524297897, 0.8365856778500542, 0.8351965543330709, 0.8321060242134605, 0.8174733705090853, 0.7844098961412366, 0.7322910213701892, 0.6645646335981665, 0.5862563494261622, 0.502846568431468, 0.4196232781234913, 0.3411531380705084, 0.2708970901409786, 0.2110322570330323, 0.16248314889562798, 0.1251122825184776, 0.0979968562319038, 0.0797227273246014, 0.06864786483186702, 0.06311155752264674, 0.06158458138471434, 0.0627667246943664, 0.06564258361535524, 0.06950656330016625, 0.07396546419828876, 0.07892309775027784, 0.08454656807885785, 0.09120816098612239, 0.09938985423010738, 0.10952988558320254, 0.12180718372099886 ], [ 0.3289885748407178, 0.3304572478039652, 0.337333233598624, 0.3518055062940587, 0.37589462362227477, 0.4108217449945211, 0.4564103417664123, 0.5110772784768176, 0.5722508909554541, 0.6367257497819697, 0.7008731159071785, 0.7607841095499401, 0.8124480208404832, 0.8521090101839854, 0.8769131262091563, 0.8857313441032351, 0.8799047610617495, 0.8637164218193645, 0.8436141412792811, 0.8259450293421047, 0.8144129131660105, 0.8080053538116431, 0.8005445584537624, 0.7832510759179705, 0.7498568834330748, 0.6995439007053392, 0.6352997093697791, 0.5616506322286182, 0.4835379480734869, 0.40572168696462046, 0.3323253006839259, 0.26649929799341887, 0.2102543473615972, 0.16447465877999323, 0.12907504321160734, 0.10324074745373768, 0.08568977355156515, 0.07491357620199357, 0.06937249400618195, 0.06763929215310749, 0.06849489640835349, 0.07098519216635057, 0.07444832104824906, 0.07851986780195785, 0.08311978680122079, 0.08842037244376844, 0.09478906727374559, 0.10269331312133045, 0.1125493330903421, 0.12452175945042154 ], [ 0.342341941549025, 0.34453905475386576, 0.3518968052859992, 0.3665424643256809, 0.39043627087038374, 0.4247694181440064, 0.46941769742129175, 0.522900358853248, 0.5827291717851955, 0.6457422824700635, 0.7083191354079538, 0.7665322837876672, 0.8163273809283489, 0.8538766838666375, 0.8762367039552452, 0.8822000191252684, 0.8730635446552808, 0.8530645188369274, 0.8285806363794298, 0.8059316478142313, 0.7889495419193365, 0.7770730346934958, 0.7650024855130683, 0.7450422461170918, 0.7115108349809841, 0.6633496595456584, 0.602983914556535, 0.5343612048408702, 0.4618596577445336, 0.38972050801547353, 0.3216419166920243, 0.2604778408479254, 0.20807865343626186, 0.1652878809041396, 0.13206868020559648, 0.10770969017545617, 0.09105753618174339, 0.08073550568555465, 0.07532514477353036, 0.07350271808586206, 0.07413258295831204, 0.0763244655046178, 0.07946261860597503, 0.08321325888131437, 0.08751350485847931, 0.09254076221818519, 0.09865624012284169, 0.10631032824982645, 0.11589531468732939, 0.12756190184684524 ], [ 0.3564449676558524, 0.35944979815643446, 0.3673477736729276, 0.38219524441691777, 0.4058875095898875, 0.4395890326494666, 0.48323110357297483, 0.5354402505846159, 0.5938198200682646, 0.65525646765321, 0.7161371441989838, 0.7725107668646634, 0.8202703498513291, 0.8555010018564704, 0.8751531899153052, 0.8779356403660785, 0.8651075509886423, 0.8408592731653094, 0.8114938086675543, 0.7833296616330206, 0.760394572782602, 0.742672558124402, 0.7258163933528203, 0.7032111184154866, 0.6697201407846011, 0.6240116614292087, 0.5678742813396301, 0.5046075634175277, 0.4380001042184797, 0.37177961449911073, 0.30923500049237157, 0.25293752237765493, 0.20458434111106416, 0.16497903062966568, 0.1341299697795174, 0.11142486604454704, 0.09583530871111923, 0.08611429672071769, 0.08096410773955898, 0.07916534975153622, 0.0796674884541474, 0.08164611175622616, 0.0845335241113232, 0.08802807967704285, 0.09208483443244497, 0.09688610502062833, 0.10278560440459839, 0.1102148252080245, 0.11954141975715704, 0.13090303699320838 ], [ 0.37122608584755357, 0.375108298888869, 0.3835951820071982, 0.3986650486328649, 0.4221470729954083, 0.45518432485341104, 0.4977669785876752, 0.5486317329493278, 0.6054791712342601, 0.6652478560146616, 0.7243301435305212, 0.778744543172, 0.8243211705572353, 0.8570422062311751, 0.8737364591990674, 0.8730257722977149, 0.8561377915963501, 0.8272199895352688, 0.7925081721473415, 0.7583494676345142, 0.7290310602865541, 0.7051633843973824, 0.6834039883818712, 0.6581980267130595, 0.6249081378494101, 0.5819045492997277, 0.5302886571418729, 0.4726569164269343, 0.4121837453083859, 0.352086140725249, 0.29525771428492564, 0.24400013884649224, 0.1998646573220776, 0.16361619966939178, 0.13530573056661233, 0.1144158640115891, 0.1000392910636746, 0.09105612123942963, 0.08628825955419206, 0.08462083735089787, 0.08508948178940812, 0.08693711932829085, 0.08964559561054974, 0.0929465555146074, 0.0968135249693286, 0.10143345317691621, 0.10715151381335353, 0.11437917633485939, 0.12345969459066708, 0.13451881914897745 ], [ 0.38660594644968804, 0.39142513039776655, 0.40053988952644426, 0.41584551601658293, 0.4391066674227247, 0.47145179948507154, 0.5129337282916631, 0.5624010767457555, 0.6176553194943468, 0.6756888589266418, 0.7328959218124435, 0.7852559762628742, 0.8285247745571458, 0.8585657385717805, 0.872071807583142, 0.8675771031314606, 0.8462842337753717, 0.8123070281653014, 0.7718314121863111, 0.7312656638724447, 0.695213170081108, 0.664975967596659, 0.6382485493550856, 0.6105044369167643, 0.5775580108297504, 0.5374610089399943, 0.4905961464567684, 0.43881785688440367, 0.38466683825488784, 0.33085140713606637, 0.27988196203642635, 0.23380250150955317, 0.19402528121729756, 0.16127799758379802, 0.13565173535055675, 0.116719840729264, 0.10369196982917572, 0.09557224625925309, 0.09130047527156493, 0.08986583488332289, 0.09039054447883144, 0.09218579720348652, 0.09478401350255328, 0.0979509310916784, 0.1016788564919957, 0.10615906249449802, 0.11172742336429009, 0.11877493864721833, 0.12762137311913735, 0.13838186970392063 ], [ 0.4024983589120386, 0.40830387305104276, 0.4180761164243803, 0.4336243603606072, 0.45665252173832843, 0.4882822064709761, 0.5286330562090795, 0.576666839735585, 0.6302881306172609, 0.6865438992633216, 0.7418254353438881, 0.7920625459793676, 0.8329237824320155, 0.8601382012786638, 0.870250488202421, 0.8617085404949798, 0.8356981054617449, 0.7963135932419589, 0.7497152249886454, 0.7024059145634716, 0.6593527906428948, 0.6225971833662427, 0.5908849403775677, 0.5606795219192044, 0.5281991210769315, 0.49115887243418443, 0.449206819944697, 0.4034329701685159, 0.35573226189746393, 0.3083071872452894, 0.26329556194004616, 0.22249420252148194, 0.1871825199709607, 0.15805209423980104, 0.1352315527527107, 0.11838062541332661, 0.10682145140783694, 0.09967856007010334, 0.09600731434046683, 0.09489981778728052, 0.09556469929701927, 0.09738180295185417, 0.0999347061341399, 0.10302370157472573, 0.10665999083804134, 0.1110388729686026, 0.1164864731564158, 0.12337346216229805, 0.13199747677917306, 0.14246438994996014 ], [ 0.4188112266782335, 0.42564228482043365, 0.43609279088804737, 0.45188472724643125, 0.4746666607931354, 0.505561755760324, 0.5447610578738865, 0.5913405532661358, 0.6433092023750886, 0.6977684576554719, 0.751100955361406, 0.7991742459386624, 0.8375550425177448, 0.8618227555909861, 0.8683638563367682, 0.8555443856757696, 0.8245441572321348, 0.7794567978723825, 0.7264450988496135, 0.6721390250964728, 0.621906142334004, 0.5785566845133775, 0.5418868261164971, 0.5093078930684181, 0.47739446320667966, 0.44350876375638176, 0.40656115096862916, 0.3668707745613156, 0.3256836677071524, 0.28470146095331633, 0.24569907652905232, 0.21023516959697508, 0.17946137807545193, 0.15403368418956698, 0.13411533568408307, 0.11944778326359817, 0.10946075965386137, 0.10339506707720436, 0.10041867942311178, 0.0997248780132266, 0.10060792106402772, 0.102516156918257, 0.10508446350093326, 0.10814782902403197, 0.11173629610293812, 0.11604893540235983, 0.12140197903618122, 0.12814638425231806, 0.13655930136349104, 0.1467386622844583 ], [ 0.4354474535852409, 0.44333337010510754, 0.45447470891621367, 0.47050632355619904, 0.4930279687880142, 0.5231731435247233, 0.5612091634246132, 0.6063273424999022, 0.6566418220166623, 0.7093080761162883, 0.7606940137598023, 0.8065906549128374, 0.8424457748385172, 0.8636741556222562, 0.8664974635634192, 0.849207721828688, 0.8129930438944439, 0.7619685255865398, 0.7023296007339435, 0.6408626806512341, 0.5833605955439857, 0.5334140202124346, 0.4918547437337387, 0.45699812779762056, 0.4257289153586455, 0.39504227724009644, 0.36311946042641224, 0.32951731650139143, 0.29483920237844335, 0.26029380839522853, 0.22730239203833258, 0.19719306392630842, 0.170993534426352, 0.14932389666125256, 0.13237857446247492, 0.11997565169829372, 0.11164710943004441, 0.10674536013264813, 0.1045474543920033, 0.10434550044168267, 0.10551803102279667, 0.10758124138913416, 0.11022103488641666, 0.11330693676071968, 0.11688763454452411, 0.12116577640588944, 0.1264478341614823, 0.13306602508764942, 0.14127880656653913, 0.15117745437663221 ], [ 0.4523058117303734, 0.4612663459834399, 0.4731035326328842, 0.48936637168138236, 0.5116131021892942, 0.5409964566254526, 0.5778649977002195, 0.6215265430623229, 0.6702009993504023, 0.7210974286796838, 0.770563233998384, 0.8142977000923601, 0.8476093815557189, 0.8657336174338341, 0.864725361003535, 0.8428141598740473, 0.8012140053242577, 0.7440864466932375, 0.677689611243219, 0.6089911705217421, 0.5442217506024718, 0.48774627871614346, 0.44140469475931354, 0.4043717468901253, 0.37379795043195374, 0.3463005788843018, 0.3193515300729149, 0.291767675440799, 0.26352502387827054, 0.23535059928003804, 0.20832114530245915, 0.18354058202047174, 0.1619152655537639, 0.14402817693846548, 0.13010083325998778, 0.12002236370117048, 0.11342116724331697, 0.10975607890966232, 0.10840912766270339, 0.10876832451025853, 0.11029457640251772, 0.11257078401276188, 0.11533320734831587, 0.11848547653424502, 0.12209460839880082, 0.1263667002362402, 0.13159882925694932, 0.13810569785771165, 0.1461289220333044, 0.1557543396528992 ], [ 0.4692817711341912, 0.4793275177159938, 0.49185866015872837, 0.5083404374960535, 0.5302973057293867, 0.5589100148628595, 0.5946132241653719, 0.6368323853683779, 0.6838936741869831, 0.733059619577516, 0.7806522343733576, 0.8222641435663658, 0.8530409733306639, 0.8680237779060773, 0.8631048668054315, 0.8364661183177472, 0.7893680424011682, 0.7260454685537258, 0.6528478513719062, 0.5769433239537692, 0.5050007378813708, 0.44213597502266017, 0.3911569228662497, 0.352052300942114, 0.32219649067891193, 0.29782329316336537, 0.2757264803151997, 0.25401758331578, 0.23206881010882263, 0.21014012739240262, 0.18897309823253405, 0.16945272529234656, 0.15236535575592924, 0.13825466618819937, 0.1273644889434461, 0.11964887246012101, 0.11482630980274566, 0.11245636254079538, 0.11202140679450279, 0.11300189485736956, 0.11493869694139336, 0.11747982528719247, 0.12041086310793436, 0.12366886548992428, 0.1273387614804543, 0.13163002979297433, 0.13683090069615755, 0.14323994597264345, 0.1510837820359049, 0.16044394604433365 ], [ 0.486268300204977, 0.4974010838788865, 0.5106180031624579, 0.5273031774499518, 0.5489551790364939, 0.5767912022096529, 0.6113364307416335, 0.6521348153451239, 0.6976192029003874, 0.7451059082890207, 0.7908879471894965, 0.8304379274009633, 0.858712680796817, 0.8705441549735561, 0.8616720834237456, 0.8302478360307802, 0.77760179126297, 0.7080698612886094, 0.6281189787144322, 0.5451308318942809, 0.466201658414769, 0.397158884014542, 0.3417245395749208, 0.30065422499886224, 0.27150761624292025, 0.25013756520031233, 0.23270299288045282, 0.2166553335641842, 0.20079343847524755, 0.18492783076863029, 0.169474557601057, 0.15510410148351295, 0.14248303563021003, 0.13211260719499773, 0.12425349132878039, 0.11891799114393076, 0.11590789090637643, 0.11487730434780008, 0.11540383002968502, 0.11705640472085588, 0.11945298032997276, 0.12230467048640248, 0.12544501500790717, 0.12884359181173843, 0.13260273702051795, 0.13693529132944404, 0.14212131566359099, 0.14844471803363124, 0.15611889941147417, 0.1652221435539557 ], [ 0.5031566530315617, 0.5153698972057675, 0.5292587091014866, 0.5461290465648858, 0.5674614356067773, 0.5945173290013243, 0.6279161032644569, 0.6673205077322119, 0.7112702166088626, 0.7571360643912428, 0.801179850900178, 0.8387430945994845, 0.864569289395256, 0.8732677397089349, 0.8604384642444213, 0.8242213204486228, 0.7660422963772402, 0.6903662798850846, 0.603800497311584, 0.513947126152427, 0.4283091060722184, 0.35337151226425323, 0.29370164932370374, 0.2507711146161848, 0.22229089174437544, 0.20374726394796616, 0.19071998195754147, 0.18005414211576454, 0.17001099696532762, 0.15997172647464541, 0.15003693228033554, 0.14066631982497457, 0.13240598963636308, 0.1257108029508448, 0.12085216335310434, 0.11789346109276844, 0.11671252650705288, 0.11705141603147085, 0.1185773801423663, 0.12094343573882904, 0.12384130871100962, 0.12704282692270064, 0.13042782020136046, 0.1339972894466397, 0.1378703939957504, 0.14226334857824585, 0.14744880318624998, 0.15369749006765066, 0.16121128807473262, 0.17006617992287731 ], [ 0.5198371651473845, 0.5331162110655331, 0.5476578651558228, 0.5646930060459244, 0.5856916902562084, 0.6119665570294128, 0.6442337167207721, 0.6822741071279456, 0.72473391202911, 0.7690395040973523, 0.811420598475693, 0.8470791843114698, 0.8705265864408619, 0.876139393925066, 0.8593886849904588, 0.8184234149128315, 0.7547928698309375, 0.6731178872237709, 0.580164714778509, 0.48375703038173934, 0.39177580655815086, 0.31129792078548096, 0.24765060830402996, 0.20296306980836876, 0.17507018237675587, 0.15912241670913396, 0.15018786775391335, 0.14456512225138007, 0.14001727214424398, 0.1355181756021716, 0.13086351186955036, 0.1263055374183364, 0.12226847100194016, 0.11915615366808108, 0.11724405867005949, 0.11663906087630638, 0.11728740712213581, 0.11901210816097862, 0.12156410562720144, 0.12467569768042086, 0.128108698515232, 0.13169292790786813, 0.13535257307434478, 0.13911878348552154, 0.14312688536115215, 0.14759649241021988, 0.1527936391135899, 0.15897734336124936, 0.16633954225035608, 0.17495477252137137 ], [ 0.5362000839295012, 0.5505224443044467, 0.5656932207304004, 0.5828712668763935, 0.6035233059672206, 0.6290189088574856, 0.6601719565950434, 0.6968797048034865, 0.737893789357099, 0.7806972574026616, 0.8214882235922056, 0.8553241493314787, 0.8764740368090074, 0.8790763455434455, 0.8584799675310377, 0.812864132135586, 0.7439302011446821, 0.6564797622409646, 0.557451979410422, 0.45488747432139914, 0.35701059821916087, 0.2714157032590565, 0.2040880282094496, 0.15774276071738003, 0.1303210437266198, 0.116689135676463, 0.11148066900853482, 0.11051103892629366, 0.1110868447252269, 0.11179807918212592, 0.11214654029791205, 0.11218020809526597, 0.1121995586718525, 0.11255229560132662, 0.1135108927188686, 0.11521776760578684, 0.11767964593831115, 0.12079319320406312, 0.12438675387482523, 0.128266771479435, 0.13226113601038492, 0.13625464515404062, 0.1402136790632187, 0.14419810860557025, 0.1483587022531413, 0.1529184921250173, 0.15813769233146624, 0.1642650051917609, 0.17148387953659883, 0.17986816356202817 ], [ 0.5521364634908272, 0.5674719995350291, 0.5832439656202943, 0.6005421043149733, 0.6208363262066946, 0.6455573716821785, 0.6756160636756703, 0.7110225291408171, 0.7506317979405399, 0.7919846915731931, 0.8312496851170947, 0.8633392247992432, 0.8822794159869003, 0.8819705078356201, 0.8576428748267183, 0.8075263562624984, 0.7335028495224466, 0.640575747103623, 0.5358654231815734, 0.4276196491214357, 0.3243672742023731, 0.23414121918100167, 0.16346910692674566, 0.11555995838941013, 0.08845815723575934, 0.0768204927257441, 0.07492918661829961, 0.07818100744373957, 0.08346890654566497, 0.08902358900073093, 0.09406464588713614, 0.09843907730999835, 0.10232158632865995, 0.10599836219245806, 0.10973156145307827, 0.11369098059197325, 0.11793567002783223, 0.12242841667501836, 0.12706842055498513, 0.13173085875026036, 0.1363054109842855, 0.14072859163614138, 0.1450066115082579, 0.14922650351317457, 0.15355368851861828, 0.1582146141913955, 0.1634644387028643, 0.16954285883252906, 0.1766261539974403, 0.1847881448186014 ], [ 0.567539156932949, 0.5838501722908589, 0.6001916017960883, 0.617586777738002, 0.6375145141730808, 0.6614690948653198, 0.6904552767958199, 0.7245907977654512, 0.7628307999089942, 0.802774815511115, 0.8405652821115009, 0.8709743095789427, 0.887793848480672, 0.8846921147744684, 0.8567835066877953, 0.8023669754651679, 0.723531208828619, 0.6254968418091824, 0.5155674086270109, 0.4021830380079247, 0.29413515722464695, 0.1998149566097378, 0.12616983783553182, 0.07678476025354664, 0.04982387405236843, 0.039828968232929474, 0.04081557686359194, 0.047826288295568564, 0.057383891564685485, 0.06738539857921888, 0.07678067583751513, 0.08521945779483087, 0.09274876800381959, 0.09958788462266166, 0.10598125970781047, 0.11211781595141057, 0.11810066105153738, 0.12395102125367463, 0.12963221896224864, 0.1350825407312949, 0.14024895096677548, 0.1451162171178524, 0.14972785399647937, 0.1541963846181732, 0.15870102995352975, 0.1634716138355896, 0.16875894847394124, 0.17479492839003286, 0.18174984467226185, 0.18969805722531352 ], [ 0.5823039410399847, 0.5995451910857592, 0.6164209484590761, 0.6338905907038787, 0.6534465154826481, 0.6766466689090543, 0.7045843305111386, 0.737477653142891, 0.7743772219754813, 0.8129419342782147, 0.8492935018653976, 0.8780735244334867, 0.8928571726593564, 0.8870943191492421, 0.8557870081476482, 0.797319477312164, 0.7140089830053261, 0.6113011905845563, 0.4966778169313, 0.3787517367234585, 0.26653253101789154, 0.1686893927365588, 0.09246702383113337, 0.04169168668301604, 0.014679551167573357, 0.005961162022752542, 0.009369589547955415, 0.01965729915669112, 0.03302098656375951, 0.047050658852891725, 0.0604399685415411, 0.07264581112201896, 0.08358603871290171, 0.09340784501648303, 0.10233070871543315, 0.11055447911969352, 0.11821805069724045, 0.12539334795571844, 0.1321009725775686, 0.13833654932771278, 0.14409965832059368, 0.14941969862694215, 0.15437483081061565, 0.1591013022710842, 0.16379122248851363, 0.16867770439040186, 0.17400785218515302, 0.18000684330445849, 0.18684002417772028, 0.19458277001653845 ], [ 0.5963308093104048, 0.6144494315155217, 0.6318213226492765, 0.6493441270647353, 0.6685271543205545, 0.6909894620157538, 0.7179049499974156, 0.7495830829900529, 0.7851637395767311, 0.822365409165377, 0.8572959863615927, 0.8844809370797323, 0.8973037795551004, 0.889018647319493, 0.8545223427559858, 0.7922980176622207, 0.7049061416388319, 0.5980156211794534, 0.47927421764691586, 0.3574433489956688, 0.24170396681030326, 0.14092309301464323, 0.06252343287138862, 0.010450799936377875, -0.01679848833349773, -0.02460466820512419, -0.0192333361545709, -0.006158084709575795, 0.01053655466490111, 0.02816154076178201, 0.04516908198029823, 0.06082865033986484, 0.07492812213652622, 0.08753789145206736, 0.09884549963781608, 0.10905372048102169, 0.11832907491496103, 0.12678647762587436, 0.13449693356858394, 0.14150755261628245, 0.14786575240071909, 0.1536418281622195, 0.15894582814093572, 0.16393588285204508, 0.16881602330197, 0.17382250881155137, 0.1791992894893183, 0.18516578670120676, 0.1918833114454589, 0.19942864343579403 ], [ 0.6095254670245954, 0.6284608512243736, 0.6462879413165258, 0.6638446992619307, 0.6826588628665134, 0.7044049782716931, 0.7303272749282589, 0.7608157140498347, 0.7950918246691182, 0.8309332863260412, 0.8644423829736113, 0.8900464334637278, 0.9009690677649039, 0.8903013747292348, 0.8528483489904279, 0.7872029455082555, 0.6961732349973425, 0.585638599040241, 0.4633938350897268, 0.3383205088015593, 0.21972202115321599, 0.11658362137339551, 0.03639515935965787, -0.01686826539158237, -0.04451736722742938, -0.0517579971759079, -0.04487205938811556, -0.029494935050502824, -0.009946531774398637, 0.010834443882384748, 0.03107498127052244, 0.049863768869959024, 0.06685883088935451, 0.08204971974905417, 0.09558555726256734, 0.10766437751987024, 0.11847238979118035, 0.1281599151960474, 0.13684152940094507, 0.14460995683581723, 0.15155561880204604, 0.1577858998356676, 0.16343990865678348, 0.16869575985363283, 0.17376838851812437, 0.17889699726826314, 0.18432284470143223, 0.1902604312100883, 0.19686781208210336, 0.2042234784866186 ], [ 0.621801053063167, 0.6414846967869076, 0.6597235953890964, 0.6772980416348001, 0.6957532264719897, 0.7168101889117119, 0.7417711394134218, 0.7710943641238625, 0.8040739863207641, 0.8385455691510336, 0.8706148574309145, 0.8946316169144588, 0.903696601942265, 0.8907809777238564, 0.8506211621974724, 0.7819276998646788, 0.6877468284032804, 0.5741443520193608, 0.44903709125394853, 0.32139479666245974, 0.20059292521063665, 0.09565793021705771, 0.0140515411657689, -0.04028234331768299, -0.06846097116351968, -0.07545253765871507, -0.06747790936352294, -0.05027044486661547, -0.028338689950324736, -0.004840172411415877, 0.018244673829931002, 0.039831791251473625, 0.059450598618931094, 0.07700662288499682, 0.09260472530292463, 0.10643100509683479, 0.11868375068285364, 0.1295413183172115, 0.13915513917207167, 0.14765772652483877, 0.15517766749467776, 0.16185559851286346, 0.16785682189815698, 0.17337749688218518, 0.17864240079149707, 0.183893414237558, 0.1893694723860173, 0.1952808653634731, 0.2017830493463454, 0.20895645670783802 ], [ 0.6330800893705019, 0.653435537825755, 0.6720406519317113, 0.6896202672056795, 0.707732598509246, 0.7281327757310643, 0.7521671380899522, 0.7803492448735873, 0.8120355396502928, 0.845116920123901, 0.8757120178344933, 0.8981154730629557, 0.9053459184490209, 0.8903068663069714, 0.8477031294744395, 0.7763668359421236, 0.6795556680626833, 0.5634878219613999, 0.43617238478108106, 0.3066325629716166, 0.18426516719111996, 0.07806634510040333, -0.0046062175425976015, -0.05987813496850414, -0.08867991118311025, -0.09570043089401326, -0.08703129003836274, -0.06844200407069001, -0.044582633245292214, -0.018797379584689522, 0.006745267265925281, 0.030798032465560454, 0.0527642372833671, 0.07246320497661884, 0.08995047213432927, 0.10539359369808765, 0.11899575503819082, 0.13095627115410213, 0.14145690071845862, 0.1506642240917343, 0.15874020139395473, 0.16585489182652635, 0.17219691275536253, 0.17797850523969794, 0.18343318971181288, 0.18880519808455842, 0.1943314158228422, 0.20021851323726159, 0.20661988830434175, 0.2136180725244431 ], [ 0.6432966053343216, 0.6642396851400384, 0.6831634466592822, 0.7007400635504549, 0.7185316964729348, 0.738312215453156, 0.7614574208469911, 0.7885227302850065, 0.8189157536022226, 0.8505785897769775, 0.8796519644057108, 0.9003993748632787, 0.9058005907706108, 0.88874962106134, 0.8439733243172628, 0.7704246136496175, 0.671527034976062, 0.5536100259979706, 0.4247416833081682, 0.29396201632707936, 0.17063960360256014, 0.06367690970348139, -0.01972912983719577, -0.07579676170125971, -0.10528008704321556, -0.1125649006270647, -0.10355707203944908, -0.08400436146579238, -0.058651690982615134, -0.03099685434929922, -0.00337558642523772, 0.022812644796678883, 0.04684890767150285, 0.06846525317973651, 0.0876637133738668, 0.10458737385462502, 0.11943764819376634, 0.13242810334264155, 0.1437645489988686, 0.153642069720632, 0.162251296638383, 0.1697879272152698, 0.17646103007461333, 0.1824969584607713, 0.1881368475997155, 0.1936268956981695, 0.19920212077656496, 0.20506604960286645, 0.21137045534269483, 0.218200060346193 ], [ 0.6523982814560905, 0.6738380301158436, 0.6930311329651428, 0.7106009985881744, 0.7280990390227364, 0.7473006292639699, 0.7695961809954124, 0.7955696478198221, 0.8246682556764761, 0.8548793900596225, 0.8823741777324751, 0.9014108819579997, 0.9049755658952292, 0.8860127674678042, 0.8393393457284181, 0.7640230765410948, 0.663592631476174, 0.5444433823256731, 0.41466647699780074, 0.2832809042487472, 0.15957989598671007, 0.05231851995591319, -0.0315069222841583, -0.08822035003104667, -0.1184113042306697, -0.12615215823327053, -0.11711917244470238, -0.09698609050109475, -0.07054756711845134, -0.04142151222548218, -0.012088905942407413, 0.015911024753384462, 0.041742286714419596, 0.06504975771640842, 0.08577874552923415, 0.10404270341576038, 0.1200351903823269, 0.13397775336751117, 0.14609428572942307, 0.15660302213771826, 0.16571869556255903, 0.17365893539462962, 0.18065043717449658, 0.1869317058814871, 0.1927503429134303, 0.19835407437408803, 0.20397614662590413, 0.2098173125088174, 0.21602805488206867, 0.22269531825316136 ], [ 0.6603483049350873, 0.682189184489608, 0.7016010051381543, 0.7191636090193534, 0.7363980399691584, 0.7550633272552804, 0.7765498319072874, 0.8014571149614861, 0.8292606282840238, 0.8579855620026317, 0.8838400293917938, 0.9011058119192725, 0.9028221308390614, 0.8820439332606107, 0.8337478020758045, 0.7571081052111283, 0.6556933498478874, 0.5359165864780863, 0.4058536665349571, 0.2744641875388082, 0.15092242862727456, 0.04379234663713105, -0.040156657968284826, -0.09736063500507441, -0.12825676033818512, -0.13660321393651653, -0.12781471263322797, -0.10744558629538015, -0.08029767435121582, -0.05007578416617331, -0.019383307162069707, 0.010114447661391357, 0.03747091150946924, 0.06224506760891424, 0.0843232830649262, 0.10378503302600683, 0.12081058223501462, 0.13562367493606098, 0.14846067975279897, 0.15955788039592833, 0.16914971306313686, 0.1774721414110525, 0.1847667257948823, 0.1912821870207928, 0.19727143315589624, 0.2029832327947365, 0.2086490765791209, 0.21446721490214804, 0.22058708483894762, 0.22709782981552812 ], [ 0.6671265058659642, 0.6892720803805709, 0.7088516294950694, 0.7264067215661142, 0.7434075709844128, 0.7615789965360055, 0.7822968993287756, 0.8061640271673404, 0.8326732675067685, 0.8598794335568162, 0.8840318989402418, 0.8994683020316057, 0.8993289549153918, 0.8768376449557209, 0.8271873434701065, 0.7496521086759497, 0.6477824465649323, 0.527958715001606, 0.39820103008082597, 0.267371244337658, 0.14448521843786144, 0.037881501028841136, -0.045913231175066516, -0.10344938913349222, -0.13502375026325308, -0.1440860610373671, -0.13576809286941693, -0.11546681127165348, -0.08795218104925617, -0.05698362365959886, -0.02526369687794372, 0.005430894244339957, 0.03405067730507194, 0.06007116763905318, 0.08331858969296202, 0.10383494402215754, 0.12178244523347592, 0.13738178431646164, 0.15087659717123503, 0.16251640648898813, 0.17255115677196742, 0.1812316841711994, 0.1888117347358611, 0.19554834826780432, 0.2016985788645137, 0.20751171264730872, 0.21321742841107638, 0.2190116566279282, 0.22504295212361913, 0.23140258533931074 ] ], "zauto": true, "zmax": 0.9480757278325049, "zmin": -0.9480757278325049 }, { "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.35109264660095596, 0.33573976237486847, 0.32001574087230494, 0.30401337076553836, 0.2874203435978627, 0.26942031805623057, 0.24877111250543468, 0.22408156589953687, 0.19422061483015723, 0.1587613030463149, 0.11841806934279936, 0.07563607762314165, 0.03695226487417617, 0.028250960797763222, 0.04805543678949219, 0.060345667650687225, 0.05962177574968412, 0.04798281023768968, 0.03186664684243241, 0.02370685621482844, 0.02595760205741758, 0.025110268267912007, 0.02510862393805536, 0.038556327264415526, 0.05819132404551182, 0.07511697010710867, 0.08377094231686717, 0.08023329564182531, 0.06287828830267625, 0.03524635880224459, 0.03261457365802503, 0.07560004583189403, 0.12584247436564025, 0.1748506856158625, 0.21961367132215312, 0.2586210906045693, 0.29120295093184706, 0.3172255569547608, 0.3368969280673158, 0.35063983989987824, 0.35901812099195135, 0.3627063453458164, 0.3624925534747429, 0.35930019704319327, 0.35420904704389095, 0.3484466113448114, 0.3433175393774942, 0.34005092418593585, 0.3395859972157988, 0.3423738215671289 ], [ 0.3450014911859447, 0.3287504188377285, 0.31231801218176397, 0.29593087534122964, 0.27937402624563284, 0.26185135854922814, 0.2420536560360228, 0.2184668988237345, 0.1898362350033053, 0.15565944784889502, 0.1166551037085349, 0.0753824502520164, 0.03864118288811365, 0.029719439029214093, 0.04711631889539341, 0.05823233648130862, 0.0572272644705083, 0.04610581513491087, 0.030888401043260943, 0.022842726413296346, 0.024644976532922823, 0.024069817393564893, 0.02342310135740778, 0.034473907263444264, 0.0525155539226368, 0.06916760431129261, 0.07852343829758444, 0.07628207027831214, 0.06080738452893287, 0.036890060833931745, 0.038379963449861075, 0.07927809111882514, 0.12822586689398768, 0.17638868374183456, 0.2205151834693541, 0.25899059166289684, 0.29108400413002644, 0.3166174314998609, 0.335762126806106, 0.3489086269817157, 0.3565931910746404, 0.3594702467871945, 0.35832069609135364, 0.3540824058564831, 0.3478815895392572, 0.3410327858722424, 0.3349669394773799, 0.33105760449447796, 0.3303634992852687, 0.33338214285993356 ], [ 0.33861955493837836, 0.32138449282089354, 0.3041677744272919, 0.2873555882977491, 0.27085611494538897, 0.25390767599055203, 0.235131451402343, 0.21287917146038082, 0.18576856650109638, 0.1532449506373687, 0.11610692820425869, 0.07722330719789977, 0.04399690407071969, 0.03511815846211437, 0.04814300887584776, 0.057107367834507185, 0.05556216722034812, 0.045250054829629766, 0.03163575962243048, 0.023915225272184613, 0.024602868470835315, 0.024473297699866375, 0.02377505682105549, 0.031684263053331, 0.04745117744283648, 0.06382694637093286, 0.07429353420280815, 0.07415715204351422, 0.0621725417147593, 0.04513320194006078, 0.05039428279140078, 0.08688038690088877, 0.1331148257813635, 0.17962141893756675, 0.22260023132732862, 0.2601985444809103, 0.2915601255333789, 0.3164268613612313, 0.33491069905705007, 0.3473541605312076, 0.3542537924597042, 0.35623380872395793, 0.35405945137319406, 0.34867656196005625, 0.3412552929358394, 0.3332017220841732, 0.3260873506378459, 0.32145289358577894, 0.32049889226195627, 0.3237782079366819 ], [ 0.3319556525773761, 0.3136416532068627, 0.29555119887355324, 0.27825905855141486, 0.26182689839891304, 0.24554338823172417, 0.22795342318753534, 0.2072539849910995, 0.18191954003096292, 0.15134693574144661, 0.11644513615389952, 0.08041855758190755, 0.050884108848907705, 0.04185242115436513, 0.05023816554150878, 0.056454125543046824, 0.054129036209142355, 0.044763024353327754, 0.033014927782118134, 0.02557196180855425, 0.02486772257695635, 0.025251299901878, 0.024950105498929166, 0.029713829537601353, 0.042812988538544386, 0.0590609605517925, 0.0711017850141198, 0.0738104205601573, 0.06644959702164595, 0.0567220782490802, 0.064848309324729, 0.09722086843593018, 0.14008880686932507, 0.18436380329040652, 0.22577639860959747, 0.26219613946042625, 0.2926058435196171, 0.31664225213506464, 0.33434015275312245, 0.3459804855539413, 0.35200894791366705, 0.3530097263285454, 0.34972351848756217, 0.34309679255911885, 0.3343399655680544, 0.3249545472448244, 0.3166681880939736, 0.3112156398119081, 0.30996698186801563, 0.31354173996979434 ], [ 0.32502453693573985, 0.30552779598641655, 0.28645966013741553, 0.26861602594766754, 0.2522480739280405, 0.236713308160339, 0.2204687157721068, 0.20152497100534117, 0.1781834346314166, 0.14977644748515845, 0.11730982908445035, 0.08422788782186674, 0.057863102039711324, 0.04841380450856152, 0.052595220905824185, 0.055808146534109045, 0.05249581795059397, 0.04410004875019543, 0.03423819718979448, 0.02699111959061022, 0.0248617581444081, 0.025766447482035718, 0.026104943121046366, 0.028136376513752448, 0.03848209785540052, 0.05489207258239259, 0.06896340700315719, 0.07506940166486778, 0.07281652465850179, 0.06957365918070844, 0.08000423519761446, 0.10922540882748416, 0.14866523980975796, 0.19038363820827606, 0.22992244926725197, 0.2649171609029955, 0.29418512520364776, 0.31724570884113024, 0.3340445304102905, 0.34479025798304386, 0.3498680075714207, 0.3498126131112921, 0.34533106913716644, 0.33736211412568434, 0.3271512378240445, 0.3162981481246257, 0.3067033340232005, 0.3003273417182652, 0.29874440120471785, 0.3026552655281652 ], [ 0.31784781947880536, 0.29705641192804844, 0.27689128963063475, 0.25840582149567926, 0.24208405184952342, 0.22737470759388942, 0.21262950380139276, 0.19562829019970523, 0.17445490789979554, 0.14834372094857254, 0.11835394971438594, 0.08803401167025224, 0.06414042220743092, 0.05408629330243477, 0.05463588867056999, 0.054820461285309874, 0.050348236457268894, 0.042897806095232555, 0.03490378463940279, 0.027878647299870628, 0.024414357119558118, 0.025807244739603753, 0.026878744284551278, 0.026702786819702885, 0.03445537061212642, 0.05140927068319732, 0.0678792770446211, 0.07767547287432043, 0.08048956307230058, 0.08271054076583681, 0.09513179247320631, 0.12210116953227354, 0.1583781904385985, 0.19742869226590318, 0.23489850887490388, 0.268282217234851, 0.296253258375451, 0.3182138975731798, 0.3340147995361184, 0.34378492273085925, 0.34784076510229583, 0.34665917565494514, 0.3409041063548257, 0.3314971028159216, 0.31971161029108125, 0.3072464759387118, 0.2961923391204145, 0.288772928896029, 0.28681015119146536, 0.2911049218402417 ], [ 0.31045489198294646, 0.2882500993316883, 0.26685278447862876, 0.2476139832904983, 0.23130337313183255, 0.21748922605285056, 0.20439404592166385, 0.1895073641951448, 0.1706370128660945, 0.1468738272960896, 0.11927482021305051, 0.09137701290547082, 0.06929354737386129, 0.05853346110523698, 0.05600467770117519, 0.053279574722224006, 0.04750982297618318, 0.04098273609983638, 0.034903949627474354, 0.02826528938127754, 0.023648550054083638, 0.025434879307638478, 0.027221130013322097, 0.025363520255041266, 0.030868844384613424, 0.048751266470240376, 0.06782174669611532, 0.08133814173581841, 0.08887359090401181, 0.09567521918294457, 0.10989125053102142, 0.13531023876953469, 0.16882198479222235, 0.20524939103882786, 0.24055619986784535, 0.2722033639209874, 0.2987590340793077, 0.31951908734861856, 0.33423933447632637, 0.34296492099189957, 0.3459375587921849, 0.34356834516789175, 0.3364687773961491, 0.32553256188623436, 0.312051603745544, 0.29782208581299036, 0.2851419015853934, 0.276541706214405, 0.274146215778602, 0.27888143714861807 ], [ 0.3028838036257308, 0.2791422128669885, 0.2563615203616171, 0.23623413768882784, 0.21988023523323533, 0.20702490714944055, 0.1957299372262467, 0.18311762592922315, 0.1666485699579492, 0.14521916069886065, 0.1198317277148962, 0.09394240261058216, 0.07310226804693312, 0.06160395196340121, 0.056519175933916914, 0.05111051309520627, 0.043947503681903255, 0.0383586258353416, 0.034330762382826695, 0.028345490371065887, 0.022846202751476242, 0.02483360825671403, 0.027223065216730413, 0.024204423512672792, 0.027973367216480437, 0.047056641841131945, 0.0687224724617629, 0.08578042870469903, 0.09756402410803347, 0.10824162098665861, 0.12410983326701193, 0.14849827090371698, 0.1796656069699647, 0.21361454816574482, 0.24674747457687116, 0.27658863071316503, 0.3016470403950457, 0.3211302968155877, 0.33470445860169185, 0.3423299115458788, 0.34416934456090753, 0.3405613470621694, 0.33205561207974554, 0.3195061527008804, 0.3042109961723253, 0.28805794919458133, 0.27356770753305487, 0.26362851409215965, 0.26073826406938455, 0.26598134084897196 ], [ 0.2951820282184249, 0.2697786235526325, 0.24544803035326393, 0.2242702261497601, 0.2077961331118998, 0.1959583686459362, 0.18661755915254943, 0.17643112875715863, 0.16243046161751412, 0.14326826406118937, 0.11985280955484143, 0.09553650239297104, 0.07546581580547276, 0.0632484669144763, 0.056122342688418515, 0.04836558173701153, 0.039778631165184056, 0.035201155198429264, 0.03341194340817424, 0.028360565453182954, 0.022289990640667362, 0.024181457760506442, 0.02699903424409998, 0.023332544776428668, 0.02603142537703945, 0.04639465887190316, 0.07047057717042486, 0.09076448351352574, 0.10630042761523438, 0.12029584136724901, 0.13769734723962482, 0.16143434175370797, 0.19065021237805663, 0.2223202391072445, 0.25333146539194845, 0.28134607413978113, 0.30485989356696863, 0.32301446941090955, 0.33539501350502704, 0.34187898992603416, 0.34254772791073657, 0.33766168876510533, 0.32769965274534485, 0.31346294336857117, 0.2962401158482376, 0.2779995780087338, 0.261496749263578, 0.25003518513551304, 0.24657645686331586, 0.25240848947182526 ], [ 0.28740703140206786, 0.2602195377085438, 0.23415892583574172, 0.21173920706228236, 0.19504164298061277, 0.18427715113525844, 0.17705378988038248, 0.16944091858795082, 0.1579506083377327, 0.14095119721323993, 0.11923538694945089, 0.09606397610014523, 0.0763630741473391, 0.06348179189293024, 0.05484608842352009, 0.04521252515794151, 0.0352905237990796, 0.0318695879449976, 0.03246469559283823, 0.028517901500474698, 0.022110836379353283, 0.02356467451083835, 0.026622135697910245, 0.02276379397578016, 0.02514351762740765, 0.046716789055939664, 0.07292466787181359, 0.09610028320501988, 0.11492117734658319, 0.13178434752066848, 0.15061015923186025, 0.1739698503671173, 0.20157953503891893, 0.2311933040259408, 0.26017919339672246, 0.28638711854212656, 0.30834026681517146, 0.32513760711575995, 0.3362949225422934, 0.34161088968942777, 0.34108494276392864, 0.33489504614491705, 0.32344043749621926, 0.30745581407783884, 0.28820113500071104, 0.26770749247896924, 0.2489702831443796, 0.23577242361796344, 0.23165638463439864, 0.23817604310916618 ], [ 0.2796265175726559, 0.2505412781905395, 0.22256034511539635, 0.19867444009019022, 0.18161841154430283, 0.17198235449025262, 0.1670561274834324, 0.1621651288480889, 0.15320751543103706, 0.13824194610659013, 0.11794294645083733, 0.09551144967761749, 0.07583363782407393, 0.06236380678407438, 0.052784002672427915, 0.041917582950994764, 0.03097471699108534, 0.028922161710638997, 0.03184609360755872, 0.02895839898475628, 0.022274214062050497, 0.022978971506801695, 0.026115106272628263, 0.022389716787806734, 0.02515049042145422, 0.04786812842354248, 0.07593468906258422, 0.10164467641128476, 0.123330609278963, 0.14268917668570225, 0.16283362888082892, 0.18601193859499374, 0.21230868750007792, 0.24009126423354538, 0.26717633170689575, 0.2916290866209918, 0.31203262066953774, 0.3274658051598926, 0.33738771927940703, 0.34152415162066063, 0.33979376718185206, 0.33228903066844556, 0.3193217954852689, 0.30154564153163105, 0.28016927287413534, 0.2572600429536858, 0.23604765054780613, 0.22086231330753672, 0.2159801813741943, 0.22330910912977475 ], [ 0.2719182030693803, 0.24083786165418417, 0.2107420090507979, 0.18513008696074917, 0.16754147623155313, 0.15909178115119707, 0.15666749857934742, 0.15465078364705157, 0.14823232313314472, 0.13515833712298972, 0.11600057552153381, 0.09393697918264408, 0.07397003277351825, 0.05998999543631681, 0.0500702173038937, 0.03881334670840976, 0.027540438054601334, 0.02706262153489871, 0.03188008654434402, 0.029770979209269917, 0.022714885300675544, 0.022414641535386085, 0.025486011917163175, 0.02205032321839555, 0.025752421319117792, 0.0496525562973078, 0.0793648762509781, 0.10729629997249661, 0.13147720166304594, 0.15301471168337652, 0.1743723641389971, 0.1975062804415471, 0.222733775523909, 0.24890016251127217, 0.2742243956024472, 0.2969969296486504, 0.31588458289498794, 0.3299661454620825, 0.3386570166101189, 0.341617249378097, 0.33868736908275776, 0.32987282310219285, 0.31539141294354245, 0.2958011682531058, 0.2722337677096114, 0.24675654710287476, 0.2228112646932893, 0.20534179829460214, 0.19955789196317875, 0.207848412932401 ], [ 0.2643689307425655, 0.23122210273610433, 0.19882191621604178, 0.17118706814580123, 0.15284216114240984, 0.1456440046394822, 0.14596218369572936, 0.14697726186166865, 0.14308924382563737, 0.13175969039531094, 0.11348943323857083, 0.09146390850327285, 0.07091724053653016, 0.05648852957279449, 0.04686320970301094, 0.03623669445107008, 0.025765258391432413, 0.026881961093381947, 0.032765411015498964, 0.031023174187209752, 0.023469770652241335, 0.02196170619809599, 0.024776410950952246, 0.021638023824934016, 0.026705755726420793, 0.05190341914790165, 0.08310974989653043, 0.11298902701161305, 0.13933920023509683, 0.16277982035463537, 0.18524413793745254, 0.20842565260606227, 0.23278310018497128, 0.2575313988426534, 0.28124077221892396, 0.30242423967853493, 0.319847964795239, 0.33260742291887835, 0.34008689877067333, 0.34188866362234666, 0.33777907921629857, 0.3276766655251205, 0.31170013296091464, 0.2902984492007826, 0.2644984134343265, 0.23632060711842706, 0.2093731560996474, 0.18926773362900426, 0.18240923714085652, 0.1918556101944316 ], [ 0.257072920943185, 0.22182583500172648, 0.18695157344096575, 0.15696144657124306, 0.13757203591092715, 0.13170416608994226, 0.13505348280508375, 0.1392592408915048, 0.13787414103880985, 0.12814214269988985, 0.11053988774598948, 0.08827721004102687, 0.06687832448528658, 0.05202407279554881, 0.04333526110299584, 0.03443261217286199, 0.026030701171604814, 0.02845958409516264, 0.03451148359078925, 0.03277260028607916, 0.024711373889249665, 0.02186096053090487, 0.024085009349301297, 0.02115211720103341, 0.027918617097441988, 0.054519121609390826, 0.08709940366996125, 0.11868484511819558, 0.14691480809311278, 0.17201267017802682, 0.19547568985989458, 0.21876207328283193, 0.2424099925664968, 0.26591823677463633, 0.2881579644908533, 0.30785366373359985, 0.3238794305298103, 0.33536069396380497, 0.34166222545781133, 0.34233690075595696, 0.3370820936301898, 0.3257312117742674, 0.30830096233162513, 0.2851197632535294, 0.2570813825351111, 0.22610329778103566, 0.19588353724397206, 0.1727245728418063, 0.16456606025590922, 0.17542132002357674 ], [ 0.25012896042434807, 0.21279866660508154, 0.1753213400329405, 0.1426166243643592, 0.12180895469273836, 0.11737308781045952, 0.12410391800873466, 0.13164863915896563, 0.13271082733191106, 0.12443130344995239, 0.10732224101471258, 0.08461973131890987, 0.06212598569495995, 0.046810690366110234, 0.039669214906502, 0.03345736606063584, 0.02794427732968508, 0.03129266840462995, 0.03695194167048005, 0.03505002035829742, 0.026660414489537695, 0.02244031852210898, 0.0235463683819755, 0.020680606195581226, 0.0294220966001515, 0.05745812526286583, 0.09129511933793763, 0.12436651483499216, 0.15421510373380465, 0.18074698496059363, 0.20509959929629112, 0.2285211933213193, 0.25158707013064396, 0.27401236578945903, 0.2949223527752578, 0.31323685110849886, 0.32794085620151164, 0.3381996498331033, 0.3433688440990999, 0.34296045671987735, 0.3366091133796291, 0.32406674702888977, 0.30524777643234635, 0.2803518877774658, 0.2501139842120675, 0.21628563088288733, 0.18254179653074118, 0.15583665948530478, 0.14607605556595224, 0.15867782301852082 ], [ 0.243636383817574, 0.20430452124201118, 0.1641648195195065, 0.1283814467835494, 0.10566744358332289, 0.10280298783600583, 0.11333871713501632, 0.12433453368039468, 0.12774450079374536, 0.12077180070149857, 0.10403353584329605, 0.0807844742246231, 0.05701915159044639, 0.04113905220420701, 0.03606324442615564, 0.03314825969917676, 0.03064346055662872, 0.03466001590121345, 0.03982299990250786, 0.03783366588397382, 0.029438251180401505, 0.023932678350759597, 0.023277420376017627, 0.02032714272477673, 0.0312794049110945, 0.06071199248610951, 0.09567943632434342, 0.1300304279816713, 0.1612586557357299, 0.1890191617642796, 0.21415183787647218, 0.23771816087576017, 0.2603016538800032, 0.2817807171317154, 0.3014927015573501, 0.3185340588004211, 0.3319994267369575, 0.341100827036904, 0.3451937125051226, 0.34375773049582836, 0.3363719348685817, 0.32271229948694535, 0.30259373866443184, 0.2760836687866207, 0.24373796293380043, 0.2070792821839136, 0.16960992126670363, 0.1387888410143016, 0.12700914764183485, 0.14181998297593668 ], [ 0.23768982304791586, 0.19651513686653493, 0.15376008608330285, 0.11457691941886061, 0.08931891860991675, 0.08822688464133377, 0.10306241136366913, 0.11753921186394038, 0.12313173330926568, 0.11731348622362713, 0.1008790555520917, 0.07709729370172196, 0.05201890233020472, 0.035426575933373394, 0.03274054219079515, 0.033191075276387025, 0.03331345398406533, 0.037943384864616465, 0.04284934458155142, 0.041041451484090524, 0.032986909423125085, 0.026329387582007275, 0.02334096065026251, 0.02014666472678905, 0.033513967673548375, 0.06427945117885497, 0.10024548583525036, 0.13568022000766142, 0.1680673183966971, 0.19686597679174575, 0.222669806251845, 0.24637449432901046, 0.26855211153224007, 0.28920261850982726, 0.307838571839973, 0.32371352460628694, 0.3360275227514167, 0.34404367451149015, 0.3471249392882275, 0.3447268957303074, 0.33638100946305605, 0.32169467995698886, 0.30038948355849016, 0.2724028840677144, 0.23810097043096132, 0.19872404938726573, 0.1574270565824329, 0.1218624967931229, 0.1074699632812461, 0.12514086935458124 ], [ 0.23237289965660635, 0.18959985306700358, 0.14442384292650245, 0.10165328481976339, 0.07303627057480364, 0.07401737930488256, 0.09367505144918216, 0.11150760955728334, 0.119026767003863, 0.11419475582078453, 0.09804822890742912, 0.07388367095882746, 0.04768401042791584, 0.030294892411124333, 0.02995306940931598, 0.03323485850097138, 0.0353833396873381, 0.04071998492517791, 0.04580171595384156, 0.04455024092641273, 0.0371192837649445, 0.02944132208369655, 0.023774062542344477, 0.0201856693178874, 0.03611518851433236, 0.06815508593604011, 0.10498897567268514, 0.14132161353155528, 0.17466297293228822, 0.20432275974102468, 0.23069075682512225, 0.25451568100227917, 0.27634493761508994, 0.29626731088616154, 0.3139387468979938, 0.3287506983028831, 0.3400024486625986, 0.347010501048314, 0.34915175335560616, 0.34586574194181574, 0.33664499531649983, 0.32103749718183344, 0.298681149246366, 0.2693924939207887, 0.23334999947024873, 0.1914800712853738, 0.14642082341047344, 0.10550002363595672, 0.08762614521180959, 0.1090931152720935 ], [ 0.22775130043513836, 0.18371159489729602, 0.13649292979882527, 0.09023158752997615, 0.05730519966640017, 0.06080782924138564, 0.08567602669623499, 0.10648709178962679, 0.11556476633047143, 0.1115246224099457, 0.09568705551383942, 0.071416891204337, 0.04460211580223426, 0.026620279476155626, 0.027958418915881623, 0.03298467062493048, 0.03651086440822048, 0.04274966025498767, 0.048525925611898245, 0.04823026922940105, 0.041621195003305994, 0.03305842276950864, 0.024667939707373795, 0.02061322987085089, 0.0390940810437232, 0.0723317279347738, 0.10990376340402347, 0.14695868154125521, 0.18106509519432812, 0.21142198486257674, 0.23825055152757324, 0.2621693260634806, 0.28369242512242526, 0.3029718184911908, 0.3197797397833665, 0.3336274021301667, 0.34390604912862827, 0.34998632829615695, 0.3512644164049766, 0.3471714988752405, 0.3371703271462109, 0.32076020602092464, 0.2975083804137492, 0.2671264959838495, 0.22962289660438412, 0.1856128932627445, 0.13710524258499907, 0.09041769019992432, 0.06778469702785767, 0.0943902154635986 ], [ 0.22386595666554093, 0.17897005948143394, 0.13028780578903926, 0.08111758176900341, 0.0431315786081381, 0.049722339739358926, 0.07962864687331225, 0.10269624218630956, 0.112844106458304, 0.10936653525331548, 0.09387236550173395, 0.06985634140876552, 0.04321300316277379, 0.025309736424796784, 0.026951855590897727, 0.03225169847235832, 0.03653648681664969, 0.04395115597359073, 0.05095480488151647, 0.051976909770041116, 0.04631969846833225, 0.03704345850989263, 0.02622116096026641, 0.02180123243387032, 0.042517269718925776, 0.076806180333026, 0.11497988938167836, 0.15259138398585423, 0.18728905528974138, 0.21819225243739834, 0.2453827258548122, 0.2693637387762366, 0.29061081869961053, 0.30931914820983375, 0.325354423031719, 0.338330974425735, 0.34772425490552705, 0.3529586744330807, 0.35345409370629893, 0.34864065858217336, 0.33796083054278214, 0.3208772504134664, 0.2969024500242802, 0.26566572588483106, 0.22703856916250703, 0.1813706352504124, 0.13004789372403047, 0.07777390825057456, 0.04864506470944643, 0.08214311553232709 ], [ 0.2207272516340319, 0.17544455754899202, 0.12605795362126893, 0.0752033504653989, 0.03282928961084447, 0.04261466492840378, 0.07605057408769506, 0.10028635628770557, 0.11091127639393371, 0.10772773819385013, 0.09259539041168774, 0.06919967717374324, 0.04358561069032078, 0.02660801074583222, 0.02698020165441305, 0.03098019105462153, 0.03546374127980639, 0.0443921925125289, 0.053110457367409145, 0.0557290390623337, 0.05110364458762789, 0.04133904345426166, 0.028689851870774757, 0.024211204967983974, 0.04648813430979478, 0.08157871474485104, 0.12020221763262905, 0.15821402955953934, 0.1933450480690152, 0.2246576392528547, 0.2521178390516594, 0.27612687993124163, 0.2971188656823799, 0.3153167886239171, 0.33066080175396156, 0.34285343548655584, 0.3514465925184155, 0.35591729201721445, 0.3557126986583588, 0.35026880968075563, 0.3390174060086029, 0.3213973618524438, 0.29688465961020344, 0.26505404103160074, 0.2256870676734505, 0.17895524774608637, 0.12578840103152553, 0.06927559548913699, 0.032339531007188574, 0.07391491055462597 ], [ 0.2183112070544808, 0.17314015694479332, 0.12392110279704008, 0.07316083187560923, 0.030440495679334153, 0.04147933639745806, 0.07523367847008865, 0.09930652286302982, 0.10975256606768588, 0.10655739403699215, 0.09176093798730314, 0.06927569513062942, 0.04535211565904196, 0.029784555228026352, 0.027919900218500073, 0.02927707562658032, 0.033475528380088784, 0.044291277116703026, 0.05509791013714337, 0.05947188858640688, 0.0559144502125553, 0.04592876978290295, 0.03224394592693162, 0.028105322905718433, 0.05108953800198378, 0.08664393401583219, 0.1255484500423987, 0.16381432237394083, 0.1992375551470395, 0.2308373945173922, 0.25848309215790566, 0.28248561550348583, 0.30323670007723913, 0.32097547765798, 0.3357009382845897, 0.347190702673686, 0.3550656854278891, 0.35885388100641474, 0.3580327258326702, 0.3520504970283315, 0.3403378042828747, 0.3223230662155668, 0.2974651680145293, 0.2653153537428193, 0.22562114884115209, 0.17849357861206086, 0.12471224395477136, 0.06675929423406415, 0.025830808247669507, 0.07132578361196555 ], [ 0.21655838127613153, 0.17199086972366823, 0.12382046204748669, 0.07504084157071747, 0.037021519962024615, 0.04641430650636675, 0.07709436400476989, 0.0996869968527652, 0.10929550310856707, 0.10575458543860798, 0.0912034861268104, 0.06978485281342182, 0.04788545369367849, 0.03379818000089437, 0.02955451086167763, 0.02745824356641612, 0.03099115832025139, 0.044018309914076355, 0.057087633714856936, 0.063227124764204, 0.06072432371838849, 0.050790003934594534, 0.036848531982288844, 0.03336573326207975, 0.05632632161652886, 0.09197730678896118, 0.13098648588599981, 0.16937282050854705, 0.20496526122850597, 0.23674595540679258, 0.2645021942535184, 0.28846523349685693, 0.30898500749995056, 0.3263082084535684, 0.3404800279001273, 0.35134187219901813, 0.358576768075475, 0.36176179486534854, 0.3604070856580164, 0.3539791178641115, 0.3419165088796185, 0.3236504375826743, 0.29864236532739036, 0.2664519160414738, 0.22685095784349688, 0.1800166169188327, 0.12693013769208153, 0.07093158589937347, 0.03523106467899035, 0.07502379973400737 ], [ 0.21537577296960522, 0.17186211844986662, 0.12552292643979882, 0.08017771434969717, 0.04844870064866322, 0.055345735430908025, 0.08118791878161195, 0.10124993805968449, 0.10942013791958609, 0.10518449903953121, 0.09071549553661955, 0.0703668430054765, 0.05054044753466917, 0.03785815617728768, 0.03167665870160953, 0.026091703920477757, 0.028753157352228977, 0.0440685763184138, 0.05928442877773552, 0.06703479527589891, 0.0655129099178496, 0.05586084194751986, 0.04227061941951695, 0.039607654671289697, 0.062101031650419865, 0.09752408499504928, 0.1364720459619323, 0.1748628377998758, 0.2105213812951635, 0.24239325569772013, 0.2701954545183862, 0.29408918728375194, 0.3143844277672227, 0.3313294444997361, 0.34500561942522623, 0.35530857757883993, 0.36197722853516795, 0.3646357543539149, 0.3628289517704108, 0.3560468625678017, 0.34374473467016564, 0.32536911862025336, 0.30040285588528304, 0.26844410155411275, 0.22934297396684275, 0.18345420581669686, 0.1322389554334178, 0.08068422640603724, 0.052471345388930085, 0.08410963963655321 ], [ 0.21464148432269417, 0.17256206389163148, 0.12866098253931146, 0.08753181266483676, 0.06142803261321466, 0.06614023156774151, 0.08687902110199924, 0.1037433969481284, 0.10997715660369356, 0.10469902678424453, 0.09008001007402452, 0.07066568486247371, 0.052790030255800056, 0.04148602880408561, 0.03413808798445927, 0.02593291335931578, 0.02782886132631671, 0.04497617164696229, 0.061884492413414156, 0.07093245895340998, 0.07024871922307979, 0.06102884291755839, 0.04816868388111269, 0.04637329952940075, 0.06822808420515786, 0.10319540837160983, 0.14194772892571383, 0.18025094918655254, 0.21589438312528347, 0.2477853001303637, 0.27558007434912146, 0.2993790317562815, 0.3194551575392879, 0.3360545165747246, 0.34928697084433313, 0.359094429028272, 0.36526619057514964, 0.36747158024071575, 0.3652916295695403, 0.35824470481275, 0.34581054351209095, 0.32746260566186297, 0.3027220501759145, 0.27125171188631786, 0.23302344564796987, 0.1886472065388534, 0.1401930227406574, 0.09412499966991077, 0.0718766515266702, 0.09691180928491665 ], [ 0.2142114293087173, 0.17385886956210464, 0.13279764528485072, 0.09609181459990594, 0.07450633858015457, 0.07747797481426702, 0.09352687457231666, 0.10688410290120456, 0.11080810569873162, 0.10415756388359824, 0.08910054443581028, 0.07037513497028935, 0.05425632355331247, 0.04442170704756041, 0.036845324843260294, 0.027601411334765763, 0.029229243589882967, 0.04716092850536149, 0.06502993250729647, 0.07493674878759671, 0.07487834896079669, 0.06613755938727064, 0.05417462738328993, 0.05323133692369362, 0.07446819426459851, 0.10887257718035155, 0.1473442808094295, 0.18549826435199476, 0.22106909747978296, 0.2529249737803625, 0.2806706098779418, 0.3043545196451431, 0.3242167191137241, 0.34049917548039993, 0.3533345276897542, 0.3627045337631202, 0.3684441417588351, 0.37026595297727616, 0.3677884518878633, 0.3605624423756297, 0.3480990701849773, 0.329908775652158, 0.30556530191234954, 0.2748166106083026, 0.2377855372987901, 0.19537252929511018, 0.15023430409734703, 0.10967787161791098, 0.09178902662150794, 0.11193954458256676 ], [ 0.2139271155199237, 0.17549983262072802, 0.13748751519324354, 0.10505746156009983, 0.08703140523370939, 0.08862855528556943, 0.10058827005897612, 0.11039454614073038, 0.11176333951039752, 0.103444733203232, 0.08762461065627798, 0.0692633195728885, 0.05469641745235226, 0.04654610908142739, 0.03973395086557986, 0.03117953317650448, 0.03321392914506961, 0.05078199147786642, 0.06877537480268676, 0.07903151366932844, 0.07932382797967868, 0.07100216784231723, 0.05993810859400199, 0.05980425596026001, 0.08056365767307598, 0.1144173969243001, 0.1525841918357348, 0.19056253368913387, 0.22602819206762617, 0.25781304832455476, 0.2854795708366579, 0.30903382531276474, 0.3286878639105467, 0.34467927584539815, 0.35715951056846174, 0.36614509398997963, 0.3715126107580695, 0.3730162044226192, 0.3703127050766972, 0.36298878650036026, 0.3505928450285617, 0.33268061441470415, 0.3088894748115563, 0.2790663148276139, 0.24349870741598847, 0.20337275175301753, 0.16180729893663773, 0.12631128659661411, 0.11163030461930042, 0.1281631799165939 ], [ 0.21362352863653958, 0.17722879939092046, 0.14231825219809213, 0.11384837892236116, 0.09866196355052044, 0.099174766620958, 0.10764285751484062, 0.11402705979201282, 0.11271493646316647, 0.10248321913014717, 0.08556045669468863, 0.0671836005721519, 0.05398095018294874, 0.047837876670904056, 0.04274724090182413, 0.03623712680836301, 0.039209458746060216, 0.055706777432439146, 0.073078285076388, 0.08316453674758659, 0.08348658994293086, 0.0754268519695075, 0.06514418039659862, 0.06577002972812704, 0.08626539167771861, 0.11968538930180007, 0.1575871487667203, 0.19540100299469537, 0.23075395121856512, 0.26244933601769327, 0.29001811702953617, 0.31343386281854185, 0.3328865809245664, 0.3486105674956714, 0.360773597462578, 0.3694230770801959, 0.37447389426377076, 0.3757201441052364, 0.3728575864013785, 0.365511494765475, 0.3532721943282093, 0.33574709332955843, 0.31264479182262117, 0.2839180895621178, 0.25001864966284465, 0.21238277659816127, 0.1744239900905704, 0.14339026101811886, 0.13113277739853735, 0.14492567833927897 ], [ 0.21313635428576563, 0.1787997515434822, 0.14693095262109973, 0.12205480274706797, 0.10919412776477008, 0.10886324236516856, 0.11438011595053071, 0.11757483063483451, 0.11356363085228242, 0.1012410370487069, 0.0828883202829169, 0.0640795679399976, 0.0520791483770678, 0.048352330654723705, 0.045827481514289045, 0.04218885792817796, 0.04639621525073631, 0.06160621723957716, 0.077813672867648, 0.08725234059275432, 0.08725580057795589, 0.0792200996473078, 0.06951857015765302, 0.07085856893428356, 0.09135097128647532, 0.12453915708870922, 0.1622765581819971, 0.19997379848768518, 0.23523026279553313, 0.26683392949410434, 0.2942968092622101, 0.317570664596815, 0.3368301818834165, 0.3523085721384196, 0.36418868623614603, 0.3725459508688832, 0.3773308317029341, 0.3783759203013891, 0.3754161915375125, 0.368117540071696, 0.35611569605847426, 0.33907413550790927, 0.3167768106404918, 0.2892830997021322, 0.2571964095650543, 0.22214940084586987, 0.18768494642116523, 0.16051962818797985, 0.1501449427949725, 0.16180916669670198 ], [ 0.2123080767906957, 0.17998599263183687, 0.15102538056516818, 0.1293875693752012, 0.11849557730665627, 0.11753237061478992, 0.1205760461029349, 0.12087330690141038, 0.1142400644864729, 0.09973308104926971, 0.07966765889912422, 0.059990421343145126, 0.04905386688931176, 0.0482122517204412, 0.04891631119575402, 0.04852818087066104, 0.054093569792389926, 0.0680832135159138, 0.08280352231203514, 0.09119075045304048, 0.09051886931955487, 0.08220691963398277, 0.0728285482426343, 0.07484878580289753, 0.09563615450704004, 0.12886030968733247, 0.16658632070662735, 0.20424753844530905, 0.23944467908792919, 0.2709684540469748, 0.29832636819762004, 0.32145978712959095, 0.34053543637070866, 0.35578852447707937, 0.36741672300964173, 0.37552147606725983, 0.3800866243464712, 0.3809819144206568, 0.3779815292574154, 0.37079330677135036, 0.3591006672095349, 0.3426256128565303, 0.32122838110204227, 0.2950702565170029, 0.26488581865451055, 0.23244312831357516, 0.2012758360207191, 0.17744535953347748, 0.16857018762754314, 0.17854167304694155 ], [ 0.2109927955999279, 0.1805854236056386, 0.1543569003861217, 0.1356413581930512, 0.1264774340920933, 0.1250766311840204, 0.1260713578824752, 0.12379588406924942, 0.11470129101613602, 0.09801681076690387, 0.07604073753099065, 0.055061854888784754, 0.045068567652319126, 0.047602591981760305, 0.05195708733739461, 0.05487356097868885, 0.06181292246441208, 0.0747600368381101, 0.08784875427975068, 0.09486825141555685, 0.09317256685034418, 0.08423848767536109, 0.07488275830804539, 0.0775674206224566, 0.09898268173058472, 0.13255936117477987, 0.1704671749385089, 0.20819884024756036, 0.2433903972469112, 0.2748572515694003, 0.3021183931095551, 0.3251167109197602, 0.3440187320030152, 0.3590653584559252, 0.37046958266399505, 0.3783575473244431, 0.38274469426116153, 0.3835366658258697, 0.3805465591363765, 0.3735248041418384, 0.3622036594602425, 0.3463643210333003, 0.325941466652336, 0.3011895148920985, 0.2729489276032699, 0.24306360971467997, 0.214954518179255, 0.19399888871456716, 0.1863431787173074, 0.19494144597580487 ], [ 0.20905983446368706, 0.1804228683037378, 0.1567300256823412, 0.14067023057029385, 0.13308079631499686, 0.13142782193103592, 0.13075418913100093, 0.12624683933078687, 0.1149237074431416, 0.09618182635811796, 0.07223076161944078, 0.04956760156592679, 0.04041025193228366, 0.0467612307777787, 0.05489451972714049, 0.06094512797217225, 0.0692099918924668, 0.08131626942201398, 0.09275566571206267, 0.0981795919476767, 0.09513386493273408, 0.08520029923270642, 0.07553133789557401, 0.07888984612837968, 0.10130450508700753, 0.135583619258873, 0.17389212235774532, 0.21181740998371898, 0.2470680002538216, 0.2785084137890811, 0.3056859935763837, 0.3285572041705128, 0.3472962370584765, 0.3621537211813958, 0.37335898866324546, 0.38106207444163814, 0.38530857786308087, 0.38603882326091854, 0.38310424730191106, 0.3762978873240754, 0.3654009421026674, 0.35025288862675014, 0.3308587462221597, 0.3075544995762015, 0.28125952213511074, 0.25384071977840467, 0.22853672023543217, 0.21006590137395037, 0.20341912822813116, 0.21088464670955953 ], [ 0.20639636664454708, 0.17935045879967332, 0.1579913521874321, 0.14437185136479347, 0.13826967434052861, 0.1365445136701621, 0.13454723189242074, 0.12815345516549093, 0.11489370474629791, 0.09433329581625621, 0.06852942497005611, 0.04394605096039194, 0.035534605008519314, 0.04595663832735808, 0.05767030934841893, 0.06653439533448337, 0.07603879255306509, 0.08749740499529698, 0.09735427995470984, 0.10103799859818834, 0.09635018567668825, 0.08502008183673918, 0.07466699994789472, 0.07874324893716901, 0.10257394853995026, 0.13792330096158412, 0.17686060638845932, 0.21510844648010147, 0.2504868104156594, 0.28193458761857115, 0.3090442912144843, 0.3317976230230211, 0.35038404583627875, 0.36506799920892735, 0.3760964605976424, 0.3836428955564656, 0.3877818485114538, 0.38848711848690043, 0.38564763487315695, 0.37909847640557415, 0.3686689544222551, 0.35425458818406313, 0.33592494787236155, 0.31408444031408805, 0.28970502998385683, 0.264633069105537, 0.24188344310313228, 0.22556831239315, 0.21976814750455748, 0.2262862848463282 ], [ 0.20290935390730488, 0.1772469291072508, 0.15802315733682656, 0.14667740706645396, 0.14202710194835064, 0.14040585342615813, 0.13739842774718772, 0.129458539159468, 0.11459745232390407, 0.09257015224164875, 0.06526528481405905, 0.038844565464870744, 0.031128924603701855, 0.0454444943135443, 0.0602161090035656, 0.07148139511998752, 0.08212200538104318, 0.09311158057551781, 0.10150949858702757, 0.10338525378898179, 0.0968091086961297, 0.08367687732093261, 0.07222779821465866, 0.07711322728214387, 0.10282880193528618, 0.13961604279453177, 0.17940121346670457, 0.21809414579182798, 0.2536657308396397, 0.28515348720468164, 0.312210755655547, 0.3348551260201453, 0.35329829049244243, 0.36782234430824695, 0.378693279300502, 0.38610771471254324, 0.39016806258274483, 0.39088035749290306, 0.38816991374392223, 0.381912765388346, 0.37198471371126907, 0.3583340283503718, 0.34108789654295396, 0.32070546658854965, 0.29818720375864455, 0.27532525014165365, 0.25489084626631947, 0.24045339643537958, 0.23537186595330672, 0.24108856893221894 ], [ 0.19852712423527058, 0.1740164499945713, 0.15673812821798774, 0.14754525592520198, 0.14435308245332726, 0.1430079360618314, 0.1392744742020669, 0.1301141134504182, 0.11401133920163413, 0.09096077103107213, 0.06274497712525919, 0.03511036590159531, 0.02811555688961841, 0.0454048461299129, 0.062446424997991974, 0.07565948762528668, 0.08733351376249363, 0.09802337894941178, 0.10512710705681454, 0.10519948031866948, 0.0965477143147648, 0.08121305538751583, 0.06820296194455167, 0.07405600364785993, 0.102180884321284, 0.1407497120145257, 0.18157269329122666, 0.22081414688824566, 0.2566334828939689, 0.2881880647234086, 0.31520534884473494, 0.33774778651775383, 0.35605520708242694, 0.37043068848033284, 0.3811604610274201, 0.38846405704616727, 0.39247072372639746, 0.3932174247016932, 0.39066450468579317, 0.38472741418694717, 0.3753261692870013, 0.3624577171193287, 0.3462992824928749, 0.3273513529182482, 0.30662194743480947, 0.2858246354456437, 0.26748242913491277, 0.25468690822300183, 0.250221167135001, 0.25525348134253223 ], [ 0.19320092183011764, 0.16958745007947082, 0.15407529709792714, 0.1469571314618765, 0.14526381102445274, 0.14436192338418583, 0.14015662669264883, 0.13007679740248493, 0.11309457595482345, 0.08952088512935283, 0.061171539633025566, 0.03356083063521784, 0.027353882719110267, 0.045880346280278116, 0.06425428632405246, 0.07896623825191247, 0.0915885981618869, 0.10214820092140381, 0.1081565558180306, 0.10650072412172816, 0.09566159825416233, 0.07775165540842764, 0.06264497610013078, 0.06972056335624734, 0.10082586725990104, 0.14146303426387175, 0.18346308642910558, 0.22332481408117943, 0.25942818678984286, 0.291066313865993, 0.3180504638090094, 0.3404945937828849, 0.3586711479084506, 0.37290674081690767, 0.38350873394133866, 0.3907192357955373, 0.3946932604674989, 0.39549729587650445, 0.39312513331169757, 0.3875297183952122, 0.37867249692424126, 0.3665944952306408, 0.35151517375737323, 0.3339638212021975, 0.31493859231788746, 0.29605818753946933, 0.27960306691233844, 0.26824850971097414, 0.26431453061432386, 0.2687578312866202 ], [ 0.18690677877611186, 0.16391174152841295, 0.14999712474480917, 0.14491625083970783, 0.14479197836203775, 0.14449355241282638, 0.14003849478088626, 0.12930523917083317, 0.1117852018495949, 0.08819946818561267, 0.06056878847070829, 0.034470898544905614, 0.028988845200044664, 0.04674908094902282, 0.06551181671515045, 0.08131928208974226, 0.09483919343173422, 0.10544827963084637, 0.11059187838058948, 0.10735438934028188, 0.09431305974238618, 0.07352219082590683, 0.05569583904175664, 0.0643887326927952, 0.09905262990877668, 0.14194310020646075, 0.18518674305285046, 0.22569731264708712, 0.2620962765853989, 0.2938207048347336, 0.3207706575287057, 0.3431153411071011, 0.36116253682474037, 0.37526396166382264, 0.3857485119497798, 0.3928803264067866, 0.3968390129305435, 0.3977190558948261, 0.3955459001676649, 0.39030775320047795, 0.3820043317201913, 0.3707158457110972, 0.3566963057619014, 0.34049250526938063, 0.32307885479385734, 0.3059695068942754, 0.2912144608308656, 0.281128584455177, 0.2776567336547452, 0.2815898123939517 ], [ 0.1796481041574673, 0.15696421323416085, 0.1444876595816228, 0.1414470465408241, 0.14298816303909037, 0.14344391597838804, 0.1389256840157274, 0.12775981278007525, 0.11000022153923522, 0.08687692045636754, 0.06075536437302512, 0.037300726979663835, 0.03226881776289148, 0.047750780186476306, 0.06607656129643867, 0.08265666622160603, 0.09707293060038136, 0.10793049777250274, 0.11247152467853931, 0.10787233775652091, 0.09273683512047558, 0.06889769252106381, 0.047648969287314706, 0.05854608354059059, 0.09724751039948694, 0.14241843744909793, 0.18687906893645156, 0.22801450936792372, 0.26469078898024256, 0.2964872759069733, 0.32339219150052845, 0.3456304069482778, 0.3635457686628447, 0.37751551235138825, 0.3878898627155327, 0.3949541441153599, 0.39891122515774463, 0.39988191813165436, 0.3979213420374985, 0.39305048939578485, 0.38530394042229676, 0.3747960904093264, 0.361808185419705, 0.34689467173738564, 0.3309956406612948, 0.3155162077685115, 0.30229164193128444, 0.29332592061396645, 0.290257786436751, 0.2937465079389801 ], [ 0.1714594876519813, 0.14874338207022264, 0.13755176372706973, 0.13659653825148604, 0.1399234686883936, 0.14127154357037905, 0.13683724294232694, 0.12540468157465245, 0.1076399328856563, 0.08537623258868722, 0.06138796037838878, 0.04108733345845598, 0.03615984644340434, 0.0485509247704732, 0.06580309537265966, 0.08294150587290869, 0.09831537056842173, 0.10964582370741606, 0.11387738568875691, 0.10821110182407982, 0.091239864636118, 0.06443992584897922, 0.03910845839278815, 0.05299371475419217, 0.09588444080082982, 0.1431463013463561, 0.18868899486370014, 0.23036682511332496, 0.26726911552795385, 0.2991044324380911, 0.3259424069747717, 0.3480604423758518, 0.3658370581485365, 0.3796741813593649, 0.38994246833374857, 0.39694722246503694, 0.4009130402345391, 0.40198524283515125, 0.4002464823865415, 0.3957478808580807, 0.3885553365932352, 0.3788124873202668, 0.36682104713727326, 0.3531347759315316, 0.338651806282566, 0.3246676378493143, 0.312820254667807, 0.30484596064270897, 0.30213203183309895, 0.30523201590813404 ], [ 0.16241239923900122, 0.13927323855946017, 0.12921553441500283, 0.13043768150619497, 0.13569371210073491, 0.13805591825323013, 0.13380896589414154, 0.12221226433922047, 0.1045959216107133, 0.08348378429409069, 0.06204704178021973, 0.04494448044908383, 0.03983600788805822, 0.048809633990484505, 0.06455875404424587, 0.08217106986359991, 0.09863511816947089, 0.11068996101629247, 0.11493284540726223, 0.10856629752504435, 0.09018931400820765, 0.06092758623455514, 0.031406848084168104, 0.04895700855994448, 0.09548843377522284, 0.1443935284324311, 0.1907694626947425, 0.2328472803422383, 0.2698903571287153, 0.3017115275283351, 0.32844897362200753, 0.35042598441502887, 0.36805224734287023, 0.3817522900682653, 0.3919155786666453, 0.39886579123995763, 0.4028474961692262, 0.4040285525353015, 0.4025168696830209, 0.3983909240685892, 0.3917443436658357, 0.38274524385910924, 0.3717096955922247, 0.35918391552046014, 0.3460189460812703, 0.33340292177276987, 0.3227944197476409, 0.3156994361490743, 0.31329736976163697, 0.316055995256241 ], [ 0.15262376576359543, 0.12860718045414318, 0.11952831830613846, 0.12307547718401327, 0.13042564952065827, 0.13390266359207564, 0.12989870303436368, 0.11817017365253786, 0.10076191361523848, 0.08097433703066577, 0.06232032084310693, 0.04823925036753248, 0.04275835034775001, 0.0482340185226448, 0.062242773522745064, 0.08039079827528807, 0.09815148567321294, 0.11120450922221527, 0.11579929242972924, 0.10916217641869619, 0.08998224093317092, 0.05929541396458812, 0.027341823142518897, 0.047959483069626885, 0.09656410135945298, 0.14641198801483182, 0.19326663378891096, 0.23554609354579178, 0.272612462714154, 0.3043473172468, 0.33093905951803454, 0.3527470197927066, 0.37020658353120417, 0.38376158310368913, 0.3938179585918128, 0.40071575318510627, 0.40471752116524673, 0.4060115431618624, 0.40472860307776043, 0.40097169122243403, 0.3948586120097802, 0.38657746139540383, 0.3764532661061812, 0.3650192296922789, 0.35307624721057823, 0.34170929394050575, 0.3322150312461748, 0.3259012752458655, 0.323774581455498, 0.32623250936255427 ], [ 0.14226882926755063, 0.11683563068250455, 0.10856728659399975, 0.11465735996250681, 0.12428594555819132, 0.12895072060706997, 0.1251939549727525, 0.11329088182679117, 0.09604684168092084, 0.07763540316810046, 0.06185920649342177, 0.050575316315778336, 0.044617799837200454, 0.04661301804021993, 0.05881001584257324, 0.07771430417517146, 0.09704399098594295, 0.1113774688008563, 0.11667018732597008, 0.11023565803268597, 0.0909945174157317, 0.06039341963519843, 0.03015508815743905, 0.05113617519848031, 0.09950036077405164, 0.14941210816750883, 0.19630895633231668, 0.2385452927594194, 0.2754893641919386, 0.3070483950627007, 0.333438475954679, 0.3550425267023185, 0.3723144814328185, 0.38571310962379113, 0.3956578314057958, 0.4025026596452139, 0.40652592754343964, 0.4079340901310008, 0.4068783455672894, 0.4034833392031453, 0.39788759667867385, 0.39029502565120194, 0.3810349287781412, 0.37062327903884545, 0.3598094328709725, 0.34958068248736734, 0.341088383516769, 0.33546971022428645, 0.3335867374113877, 0.3357790869644119 ], [ 0.13160013685172034, 0.10410077820035023, 0.09644687624877614, 0.10539065269323049, 0.11749377902399023, 0.12338185471500902, 0.11982216413342496, 0.10762476474006014, 0.09039019042916543, 0.07328862678134555, 0.06040939689644039, 0.05174590885048395, 0.04528850008017845, 0.04384608747343967, 0.054304337857161, 0.07435083293449017, 0.09556198477336558, 0.11144128989413632, 0.1177616497114413, 0.11201544875734554, 0.09351829646146867, 0.06463500882246509, 0.039361948209322185, 0.058479454521304076, 0.10448955731379032, 0.15354002958932908, 0.1999975138928627, 0.2419138506054233, 0.27856833007854004, 0.3098477131131354, 0.3359708520663142, 0.35733002328179947, 0.37438928450410497, 0.3876171026817446, 0.39744282130306285, 0.4042316858391722, 0.4082754040961108, 0.409796249168436, 0.4089633252952553, 0.40592009719568106, 0.40082250263110586, 0.39388645631066216, 0.3854415578549509, 0.375983431063542, 0.3662098032319123, 0.35701650800650453, 0.34942505226928067, 0.3444255378005651, 0.3427586775777975, 0.3447159477426811 ], [ 0.12097445393143562, 0.09062631738359746, 0.08333886980580245, 0.09557198133675666, 0.11033788335422795, 0.1174326185211163, 0.11396415974686201, 0.10127781879151093, 0.08378110427877154, 0.06780887320447222, 0.057828743762876264, 0.05170761360973974, 0.04481565740272807, 0.03998431530582308, 0.04891439199458098, 0.07064068683006197, 0.09403075067771996, 0.11166603562823305, 0.11929884091585893, 0.11469890787245289, 0.09771070336864385, 0.07184825558877177, 0.052183338851320094, 0.06907623303017855, 0.11150387445048429, 0.1588640890871912, 0.20439905068704256, 0.24570382740209962, 0.28188774579287984, 0.3127732910813481, 0.33855689135247236, 0.3596251504627675, 0.37644303993293177, 0.3894828640030756, 0.399179898212849, 0.40590760689639344, 0.4099685070716523, 0.41159825205685696, 0.410981326056392, 0.4082772360024684, 0.4036562040237396, 0.39734272762983003, 0.3896633834473355, 0.3810912682356398, 0.37227337513685266, 0.3640206645714102, 0.35723897459976683, 0.3527914993028064, 0.3513165551841123, 0.3530653564652113 ], [ 0.11088708104361505, 0.07678125114159412, 0.06951885801810691, 0.08563633288138006, 0.10319767529454202, 0.1114080469448349, 0.10787086359406045, 0.09443617027076517, 0.0762854129541914, 0.061145319049081215, 0.05410763166181485, 0.05058141337699798, 0.043436486825799085, 0.03531638281677091, 0.04307937517162651, 0.06709311339408666, 0.09284746004550287, 0.11234509260329457, 0.12149840484273762, 0.11843130613228005, 0.1035771805461923, 0.08147812216588325, 0.06681272707834167, 0.08187628140738439, 0.12033771999086547, 0.16537381618213973, 0.20954265679667902, 0.2499478949890883, 0.28547548828058894, 0.315847196929983, 0.34121375507086077, 0.36194131381202604, 0.3784863007270849, 0.391318661178876, 0.4008753283334235, 0.4075347760138899, 0.4116076502925565, 0.4133404978204868, 0.41293066835807846, 0.41055102224076473, 0.4063831437512853, 0.40065707015978397, 0.3936936388353657, 0.38594202946951456, 0.37800011718609344, 0.3706006551062361, 0.36454668717997984, 0.3605917577440922, 0.35928743735802643, 0.3608510802458812 ], [ 0.10200402697602565, 0.0632248892980038, 0.0554865991456367, 0.07623354729058729, 0.09656416150889358, 0.10569410472607613, 0.10188187653337948, 0.08739993223681879, 0.06808999290889967, 0.053355353400293806, 0.049409511341742214, 0.04868070628217924, 0.041631026593314954, 0.030561270360255324, 0.03768600352299663, 0.06440309085375923, 0.09245774889466099, 0.11377201008241747, 0.12454884094524445, 0.12329258613783937, 0.11099478388086371, 0.09288706830842117, 0.08237055520800257, 0.09606628740693623, 0.1306841765655467, 0.17299054396581276, 0.2154203915312714, 0.25465843136190736, 0.2893480007143371, 0.3190848591118845, 0.3439546068428729, 0.36428940424648126, 0.3805279662220085, 0.39313164345388524, 0.40253463348406443, 0.4091171061592114, 0.41319509510288793, 0.41502354009000475, 0.41481018257483604, 0.41273866056910297, 0.40899921883747775, 0.4038247620339592, 0.3975282133135515, 0.39053409145069345, 0.3833932742861981, 0.37676685748855737, 0.3713666920541013, 0.36785145494565474, 0.36669895680263614, 0.36809793041325384 ], [ 0.09515980754233908, 0.05123426780233554, 0.04231352387300321, 0.06832104162108552, 0.0910467423946892, 0.10076127213770594, 0.09644052646218586, 0.0806267411253771, 0.0595840934246075, 0.04468016152367418, 0.044158109872918634, 0.04656215240931969, 0.04017981881552036, 0.027204300918776434, 0.0343047294601908, 0.06339220401076961, 0.0933055915495967, 0.11621010787622547, 0.12859231418713118, 0.12929477244652135, 0.11975897062561498, 0.10552378577784138, 0.09839226981684354, 0.11108431963570287, 0.14220604602318285, 0.1815853740815899, 0.2219913591948996, 0.25982816146727905, 0.2935100986471907, 0.3224947400577556, 0.3467883397462016, 0.3666776115163916, 0.3825751695762495, 0.394927781077882, 0.40416256194374217, 0.4106580566645429, 0.4147329409316916, 0.41664807153186045, 0.4166191758132251, 0.414838226948232, 0.41150165662826427, 0.4068429167054396, 0.40116531779840225, 0.39486849302203053, 0.3884587745655615, 0.38253190161346934, 0.37771892680905816, 0.3745963360081707, 0.3735790095668651, 0.3748313751046644 ], [ 0.09125685411882332, 0.043243684983599984, 0.03260059775175238, 0.06317898498959328, 0.08733690823155879, 0.0971449914137127, 0.09209189402442218, 0.07477385408227998, 0.051510926550737274, 0.035748896457972267, 0.0392050796313866, 0.04506784463575678, 0.040132434440313926, 0.027454981005960485, 0.034895715458454234, 0.06481578972135953, 0.0957609429747406, 0.1198608206293749, 0.13371201238550742, 0.13638958940963908, 0.1296311035082225, 0.11896182449933065, 0.1145955689660856, 0.12654522549644512, 0.15458212370778943, 0.1909991963000134, 0.22918818567903063, 0.2654321217061332, 0.2979554643030132, 0.32607836946318175, 0.34971949304172634, 0.3691113376857039, 0.38463321763817027, 0.39671183170670554, 0.4057630728179848, 0.4121606258576572, 0.4162231172592098, 0.41821490628651586, 0.4183573941033064, 0.41684859571806054, 0.4138888860540333, 0.40971027260113774, 0.4046051682152527, 0.3989485035875497, 0.39320471117422817, 0.3879101409211648, 0.38362432116555994, 0.38085243124685114, 0.37995549449125815, 0.3810772118540918 ], [ 0.09101744187495515, 0.04248395473900709, 0.031183580147791448, 0.062109303058668255, 0.08609487829460946, 0.09538573238303145, 0.08944061053972821, 0.07069589103202951, 0.04519571597769898, 0.02815147212529786, 0.03602901318241707, 0.04525444901170041, 0.042518152642745694, 0.032576520021749024, 0.040339085263323145, 0.06909131804969754, 0.10004904058212287, 0.1248397508347325, 0.13992799143270118, 0.14448272745251228, 0.14037289981220322, 0.13288307891865098, 0.13078883279703007, 0.14217780177637065, 0.1675292948046676, 0.20106059928665732, 0.2369246258052373, 0.27143058696465167, 0.30266772264932523, 0.32983070707792134, 0.35274835195850435, 0.3715932111011641, 0.3867055852274319, 0.39848733571393957, 0.40733933523392796, 0.413627350586767, 0.41766737769932893, 0.41972496135219767, 0.4200249814640111, 0.41876936299347456, 0.4161604075493009, 0.41242698891011137, 0.40784968993243886, 0.40277923494799944, 0.39764089158054605, 0.39291720461414764, 0.38910442588952693, 0.38664578767630836, 0.38585609033066154, 0.38686129164535166 ], [ 0.0946856649875236, 0.0497727281187852, 0.03965138548689655, 0.0657427302588157, 0.08776830223546452, 0.09592579371474906, 0.0890481874662203, 0.0693120189530463, 0.042579038265844645, 0.025340923087673075, 0.03650126124457177, 0.04807352153787219, 0.04786292149348363, 0.04169961668602203, 0.04975079061267661, 0.07616133452915076, 0.10621478229745579, 0.1311680526779086, 0.14720186733252785, 0.15345016052967864, 0.15176556683359224, 0.14705091094800538, 0.14683247657595813, 0.15778497245393036, 0.18080879930195493, 0.21159955026656718, 0.24510314875930309, 0.2777725406875639, 0.30762195033096207, 0.33374078166707943, 0.3558712119787085, 0.37412319511317493, 0.38879396264629595, 0.4002566406344018, 0.4088937428719838, 0.41506031315122394, 0.4190672967823986, 0.42117923778773575, 0.42162243726930226, 0.4206007685713404, 0.418316664571959, 0.41499445064807616, 0.41090224515010965, 0.406367294961773, 0.401778447336134, 0.3975696190298364, 0.39418110276920476, 0.3920022435464346, 0.39130806689543857, 0.3922092874812571 ] ] }, { "hoverinfo": "text", "legendgroup": "In-sample", "marker": { "color": "black", "opacity": 0.5, "symbol": 1 }, "mode": "markers", "name": "In-sample", "text": [ "0_0", "10_0", "11_0", "12_0", "13_0", "14_0", "15_0", "16_0", "17_0", "18_0", "1_0", "2_0", "3_0", "4_0", "5_0", "6_0", "7_0", "8_0", "9_0" ], "type": "scatter", "x": [ 2.1216593661487738e-05, 1.0603311158385197e-05, 0.00013762147047594156, 0.002424941932224902, 2.7581155394619477e-05, 0.00020109670136614133, 0.00047421258363775917, 6.069729262506608e-05, 0.00031611129771320993, 3.114999529552985e-05, 3.418102921796241e-05, 0.30446023318884685, 7.354792459527615e-05, 0.0003995053549220097, 0.00034645081536190125, 1.5334996704207425e-06, 3.100090886261504e-06, 0.0005084473167264391, 0.0002310762397976052 ], "xaxis": "x", "y": [ 0.7110699415206909, 1.0, 0.0, 0.0, 0.0, 0.15216375466447268, 0.29383436493138776, 0.5005351363024089, 0.0, 0.3835782451571673, 0.9521583393216133, 0.42647070437669754, 0.2430550940334797, 0.4136803150177002, 0.8204479843975602, 0.9720897829641634, 0.42196156652710726, 0.16242224757301063, 0.2869690200609505 ], "yaxis": "y" }, { "hoverinfo": "text", "legendgroup": "In-sample", "marker": { "color": "black", "opacity": 0.5, "symbol": 1 }, "mode": "markers", "name": "In-sample", "showlegend": false, "text": [ "0_0", "10_0", "11_0", "12_0", "13_0", "14_0", "15_0", "16_0", "17_0", "18_0", "1_0", "2_0", "3_0", "4_0", "5_0", "6_0", "7_0", "8_0", "9_0" ], "type": "scatter", "x": [ 2.1216593661487738e-05, 1.0603311158385197e-05, 0.00013762147047594156, 0.002424941932224902, 2.7581155394619477e-05, 0.00020109670136614133, 0.00047421258363775917, 6.069729262506608e-05, 0.00031611129771320993, 3.114999529552985e-05, 3.418102921796241e-05, 0.30446023318884685, 7.354792459527615e-05, 0.0003995053549220097, 0.00034645081536190125, 1.5334996704207425e-06, 3.100090886261504e-06, 0.0005084473167264391, 0.0002310762397976052 ], "xaxis": "x2", "y": [ 0.7110699415206909, 1.0, 0.0, 0.0, 0.0, 0.15216375466447268, 0.29383436493138776, 0.5005351363024089, 0.0, 0.3835782451571673, 0.9521583393216133, 0.42647070437669754, 0.2430550940334797, 0.4136803150177002, 0.8204479843975602, 0.9720897829641634, 0.42196156652710726, 0.16242224757301063, 0.2869690200609505 ], "yaxis": "y2" } ], "layout": { "annotations": [ { "font": { "size": 14 }, "showarrow": false, "text": "Mean", "x": 0.25, "xanchor": "center", "xref": "paper", "y": 1, "yanchor": "bottom", "yref": "paper" }, { "font": { "size": 14 }, "showarrow": false, "text": "Standard Error", "x": 0.8, "xanchor": "center", "xref": "paper", "y": 1, "yanchor": "bottom", "yref": "paper" } ], "autosize": false, "height": 450, "hovermode": "closest", "legend": { "orientation": "h", "x": 0, "y": -0.25 }, "margin": { "b": 100, "l": 35, "pad": 0, "r": 35, "t": 35 }, "template": { "data": { "bar": [ { "error_x": { "color": "#2a3f5f" }, "error_y": { "color": "#2a3f5f" }, "marker": { "line": { "color": "#E5ECF6", "width": 0.5 }, "pattern": { "fillmode": "overlay", "size": 10, "solidity": 0.2 } }, "type": "bar" } ], "barpolar": [ { "marker": { "line": { "color": "#E5ECF6", "width": 0.5 }, "pattern": { "fillmode": "overlay", "size": 10, "solidity": 0.2 } }, "type": "barpolar" } ], "carpet": [ { "aaxis": { "endlinecolor": "#2a3f5f", "gridcolor": "white", "linecolor": "white", "minorgridcolor": "white", "startlinecolor": "#2a3f5f" }, "baxis": { "endlinecolor": "#2a3f5f", "gridcolor": "white", "linecolor": "white", "minorgridcolor": "white", "startlinecolor": "#2a3f5f" }, "type": "carpet" } ], "choropleth": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "type": "choropleth" } ], "contour": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0.0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1.0, "#f0f921" ] ], "type": "contour" } ], "contourcarpet": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "type": "contourcarpet" } ], "heatmap": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0.0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1.0, "#f0f921" ] ], "type": "heatmap" } ], "heatmapgl": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0.0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1.0, "#f0f921" ] ], "type": "heatmapgl" } ], "histogram": [ { "marker": { "pattern": { "fillmode": "overlay", "size": 10, "solidity": 0.2 } }, "type": "histogram" } ], "histogram2d": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0.0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1.0, "#f0f921" ] ], "type": "histogram2d" } ], "histogram2dcontour": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0.0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1.0, "#f0f921" ] ], "type": "histogram2dcontour" } ], "mesh3d": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "type": "mesh3d" } ], "parcoords": [ { "line": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "parcoords" } ], "pie": [ { "automargin": true, "type": "pie" } ], "scatter": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scatter" } ], "scatter3d": [ { "line": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scatter3d" } ], "scattercarpet": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scattercarpet" } ], "scattergeo": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scattergeo" } ], "scattergl": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scattergl" } ], "scattermapbox": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scattermapbox" } ], "scatterpolar": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scatterpolar" } ], "scatterpolargl": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scatterpolargl" } ], "scatterternary": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scatterternary" } ], "surface": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0.0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1.0, "#f0f921" ] ], "type": "surface" } ], "table": [ { "cells": { "fill": { "color": "#EBF0F8" }, "line": { "color": "white" } }, "header": { "fill": { "color": "#C8D4E3" }, "line": { "color": "white" } }, "type": "table" } ] }, "layout": { "annotationdefaults": { "arrowcolor": "#2a3f5f", "arrowhead": 0, "arrowwidth": 1 }, "autotypenumbers": "strict", "coloraxis": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "colorscale": { "diverging": [ [ 0, "#8e0152" ], [ 0.1, "#c51b7d" ], [ 0.2, "#de77ae" ], [ 0.3, "#f1b6da" ], [ 0.4, "#fde0ef" ], [ 0.5, "#f7f7f7" ], [ 0.6, "#e6f5d0" ], [ 0.7, "#b8e186" ], [ 0.8, "#7fbc41" ], [ 0.9, "#4d9221" ], [ 1, "#276419" ] ], "sequential": [ [ 0.0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1.0, "#f0f921" ] ], "sequentialminus": [ [ 0.0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1.0, "#f0f921" ] ] }, "colorway": [ "#636efa", "#EF553B", "#00cc96", "#ab63fa", "#FFA15A", "#19d3f3", "#FF6692", "#B6E880", "#FF97FF", "#FECB52" ], "font": { "color": "#2a3f5f" }, "geo": { "bgcolor": "white", "lakecolor": "white", "landcolor": "#E5ECF6", "showlakes": true, "showland": true, "subunitcolor": "white" }, "hoverlabel": { "align": "left" }, "hovermode": "closest", "mapbox": { "style": "light" }, "paper_bgcolor": "white", "plot_bgcolor": "#E5ECF6", "polar": { "angularaxis": { "gridcolor": "white", "linecolor": "white", "ticks": "" }, "bgcolor": "#E5ECF6", "radialaxis": { "gridcolor": "white", "linecolor": "white", "ticks": "" } }, "scene": { "xaxis": { "backgroundcolor": "#E5ECF6", "gridcolor": "white", "gridwidth": 2, "linecolor": "white", "showbackground": true, "ticks": "", "zerolinecolor": "white" }, "yaxis": { "backgroundcolor": "#E5ECF6", "gridcolor": "white", "gridwidth": 2, "linecolor": "white", "showbackground": true, "ticks": "", "zerolinecolor": "white" }, "zaxis": { "backgroundcolor": "#E5ECF6", "gridcolor": "white", "gridwidth": 2, "linecolor": "white", "showbackground": true, "ticks": "", "zerolinecolor": "white" } }, "shapedefaults": { "line": { "color": "#2a3f5f" } }, "ternary": { "aaxis": { "gridcolor": "white", "linecolor": "white", "ticks": "" }, "baxis": { "gridcolor": "white", "linecolor": "white", "ticks": "" }, "bgcolor": "#E5ECF6", "caxis": { "gridcolor": "white", "linecolor": "white", "ticks": "" } }, "title": { "x": 0.05 }, "xaxis": { "automargin": true, "gridcolor": "white", "linecolor": "white", "ticks": "", "title": { "standoff": 15 }, "zerolinecolor": "white", "zerolinewidth": 2 }, "yaxis": { "automargin": true, "gridcolor": "white", "linecolor": "white", "ticks": "", "title": { "standoff": 15 }, "zerolinecolor": "white", "zerolinewidth": 2 } } }, "width": 950, "xaxis": { "anchor": "y", "autorange": false, "domain": [ 0.05, 0.45 ], "exponentformat": "e", "range": [ -6.0, -0.3979400086720376 ], "tickfont": { "size": 11 }, "tickmode": "auto", "title": { "text": "lr" }, "type": "log" }, "xaxis2": { "anchor": "y2", "autorange": false, "domain": [ 0.6, 1 ], "exponentformat": "e", "range": [ -6.0, -0.3979400086720376 ], "tickfont": { "size": 11 }, "tickmode": "auto", "title": { "text": "lr" }, "type": "log" }, "yaxis": { "anchor": "x", "autorange": false, "domain": [ 0, 1 ], "exponentformat": "e", "range": [ 0.0, 1.0 ], "tickfont": { "size": 11 }, "tickmode": "auto", "title": { "text": "momentum" }, "type": "linear" }, "yaxis2": { "anchor": "x2", "autorange": false, "domain": [ 0, 1 ], "exponentformat": "e", "range": [ 0.0, 1.0 ], "tickfont": { "size": 11 }, "tickmode": "auto", "type": "linear" } } }, "text/html": [ "