{ "cells": [ { "cell_type": "code", "execution_count": 1, "metadata": { "slideshow": { "slide_type": "skip" } }, "outputs": [ { "data": { "text/html": [ "<script>\n", " function code_toggle() {\n", " if (code_shown){\n", " $('div.input').hide('500');\n", " $('#toggleButton').val('Show Code')\n", " } else {\n", " $('div.input').show('500');\n", " $('#toggleButton').val('Hide Code')\n", " }\n", " code_shown = !code_shown\n", " }\n", "\n", " $( document ).ready(function(){\n", " code_shown=false;\n", " $('div.input').hide()\n", " });\n", "</script>\n", "<form action=\"javascript:code_toggle()\"><input type=\"submit\" id=\"toggleButton\" value=\"Show Code\"></form>" ], "text/plain": [ "<IPython.core.display.HTML object>" ] }, "metadata": {}, "output_type": "display_data" } ], "source": [ "%%html\n", "<script>\n", " function code_toggle() {\n", " if (code_shown){\n", " $('div.input').hide('500');\n", " $('#toggleButton').val('Show Code')\n", " } else {\n", " $('div.input').show('500');\n", " $('#toggleButton').val('Hide Code')\n", " }\n", " code_shown = !code_shown\n", " }\n", "\n", " $( document ).ready(function(){\n", " code_shown=false;\n", " $('div.input').hide()\n", " });\n", "</script>\n", "<form action=\"javascript:code_toggle()\"><input type=\"submit\" id=\"toggleButton\" value=\"Show Code\"></form>" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "<!---\n", "Latex Macros\n", "-->\n", "$$\n", "\\newcommand{\\Xs}{\\mathcal{X}}\n", "\\newcommand{\\Ys}{\\mathcal{Y}}\n", "\\newcommand{\\y}{\\mathbf{y}}\n", "\\newcommand{\\balpha}{\\boldsymbol{\\alpha}}\n", "\\newcommand{\\bbeta}{\\boldsymbol{\\beta}}\n", "\\newcommand{\\aligns}{\\mathbf{a}}\n", "\\newcommand{\\align}{a}\n", "\\newcommand{\\source}{\\mathbf{s}}\n", "\\newcommand{\\target}{\\mathbf{t}}\n", "\\newcommand{\\ssource}{s}\n", "\\newcommand{\\starget}{t}\n", "\\newcommand{\\repr}{\\mathbf{f}}\n", "\\newcommand{\\repry}{\\mathbf{g}}\n", "\\newcommand{\\x}{\\mathbf{x}}\n", "\\newcommand{\\prob}{p}\n", "\\newcommand{\\vocab}{V}\n", "\\newcommand{\\params}{\\boldsymbol{\\theta}}\n", "\\newcommand{\\param}{\\theta}\n", "\\DeclareMathOperator{\\perplexity}{PP}\n", "\\DeclareMathOperator{\\argmax}{argmax}\n", "\\DeclareMathOperator{\\argmin}{argmin}\n", "\\newcommand{\\train}{\\mathcal{D}}\n", "\\newcommand{\\counts}[2]{\\#_{#1}(#2) }\n", "\\newcommand{\\length}[1]{\\text{length}(#1) }\n", "\\newcommand{\\indi}{\\mathbb{I}}\n", "$$" ] }, { "cell_type": "code", "execution_count": 2, "metadata": {}, "outputs": [], "source": [ "%%capture\n", "%load_ext autoreload\n", "%autoreload 2\n", "%matplotlib inline\n", "# %cd .. \n", "import sys\n", "sys.path.append(\"..\")\n", "import statnlpbook.util as util" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "<!---\n", "Latex Macros\n", "-->\n", "$$\n", "\\newcommand{\\Xs}{\\mathcal{X}}\n", "\\newcommand{\\Ys}{\\mathcal{Y}}\n", "\\newcommand{\\y}{\\mathbf{y}}\n", "\\newcommand{\\balpha}{\\boldsymbol{\\alpha}}\n", "\\newcommand{\\bbeta}{\\boldsymbol{\\beta}}\n", "\\newcommand{\\aligns}{\\mathbf{a}}\n", "\\newcommand{\\align}{a}\n", "\\newcommand{\\source}{\\mathbf{s}}\n", "\\newcommand{\\target}{\\mathbf{t}}\n", "\\newcommand{\\ssource}{s}\n", "\\newcommand{\\starget}{t}\n", "\\newcommand{\\repr}{\\mathbf{f}}\n", "\\newcommand{\\repry}{\\mathbf{g}}\n", "\\newcommand{\\x}{\\mathbf{x}}\n", "\\newcommand{\\X}{\\mathbf{X}}\n", "\\newcommand{\\parents}{\\mathrm{par}}\n", "\\newcommand{\\dom}{\\mathrm{dom}}\n", "\\newcommand{\\prob}{p}\n", "\\newcommand{\\vocab}{V}\n", "\\newcommand{\\params}{\\boldsymbol{\\theta}}\n", "\\newcommand{\\param}{\\theta}\n", "\\DeclareMathOperator{\\perplexity}{PP}\n", "\\DeclareMathOperator{\\argmax}{argmax}\n", "\\DeclareMathOperator{\\argmin}{argmin}\n", "\\newcommand{\\train}{\\mathcal{D}}\n", "\\newcommand{\\counts}[2]{\\#_{#1}(#2) }\n", "\\newcommand{\\length}[1]{\\text{length}(#1) }\n", "\\newcommand{\\indi}{\\mathbb{I}}\n", "\\newcommand{\\duals}{\\boldsymbol{\\lambda}}\n", "\\newcommand{\\lagrang}{\\mathcal{L}}\n", "$$" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "# Maximum Likelihood Estimator\n", "\n", "The Maximum Likelihood Estimator (MLE) is one of the simplest ways, and often most intuitive way, to determine the parameters of a probabilistic models based on some training data. Under favourable conditions the MLE has several useful properties. On such property is consistency: if you sample enough data from a distribution with certain parameters, the MLE will recover these parameters with arbitrary precision. In our [structured prediction recipe](structured_prediction.ipynb) MLE can be seen as the most basic form of continuous optimization for parameter estimation. \n", "\n", "In this section we will focus on MLE for _discrete distributions_ and _continuous parameters_ as this is the most relevant scenario within NLP. We will assume a distribution corresponding to a discrete *Bayesian Network*. Here we have a sequence of random variables $\\X = \\{X_1,\\ldots, X_n\\}$. For each variable $X_i$ we know its *parents* $\\parents(i) \\subseteq \\{1 \\ldots n\\}$, and we are given a *conditional probability table* (CPT) $\\prob_{i,\\params}(x_i|\\x_{\\parents(i)})=\\param^i_{x_i|\\x_{\\parents(i)}}$. Here $x_i$ is the state of $X_i$ and $x_{\\parents(i)}$ the state of the variables $\\{X_i:i \\in \\parents(i)\\}$. If the graph induced by the $\\parents$ relation is acyclic the we can define a probability distribution $\\prob_\\params$ over $\\X$ as follows:\n", "\n", "\\begin{equation}\n", " \\prob_\\params(\\x) = \\prod_{i \\in \\{ 1 \\ldots n \\}} \\prob_{i,\\params}(x_i|\\x_{\\parents(i)}) \n", " = \\prod_{i \\in \\{ 1 \\ldots n \\}} \\param^i_{x_i|\\x_{\\parents(i)}}.\n", "\\end{equation}\n", "\n", "Notice that in practice we will often want to *tie* the parameters of individual CPTs, such that $\\param^i_{x|\\x'}=\\param^j_{x|\\x'}$ for certain pairs $(i,j)$. The following exposition ignores this but it is easy to generalise the findings.\n", "\n", "To make this more concrete, consider the following simple distribution over natural language bigrams. Let $\\X=\\{X_1, X_2\\}$ where $X_1\\in\\{\\text{healthy},\\text{fatty}\\}$ is a random variable representing the first word of the bigram, and $X_2\\in\\{\\text{pizza},\\text{rice}\\}$ a random variable representing the second word. We set $\\parents(1)=\\emptyset$ and $\\parents(2)=\\{1\\}$ to indicate that the second word depends on first word.\n", "\n", "Let us define this model in Python code together with some example parameters $\\params$." ] }, { "cell_type": "code", "execution_count": 3, "metadata": {}, "outputs": [ { "data": { "text/plain": [ "(0.06999999999999999, 0.63)" ] }, "execution_count": 3, "metadata": {}, "output_type": "execute_result" } ], "source": [ "def prob_1(x1, theta_1):\n", " return theta_1[x1]\n", "\n", "def prob_2(x1, x2, theta_2):\n", " return theta_2[x1,x2]\n", "\n", "def prob(x, theta):\n", " x1, x2 = x\n", " theta_1, theta_2 = theta\n", " return prob_1(x1, theta_1) * prob_2(x1,x2, theta_2)\n", "\n", "x_1_domain = ['greasy', 'healthy']\n", "x_2_domain = ['pizza', 'rice']\n", "\n", "g, h = x_1_domain\n", "p, r = x_2_domain\n", "\n", "theta_1 = {g: 0.3, h: 0.7}\n", "theta_2 = {(g, p): 0.8, (g, r): 0.2,\n", " (h, p): 0.1, (h, r): 0.9}\n", "theta = theta_1, theta_2\n", "\n", "prob((h,p), theta), prob((h,r), theta)" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "Let us assume that we are given some training data \\\\(\\train = (\\x_1,\\ldots, \\x_m)\\\\), and that this data is independently and identically distributed (IID) with respect to a $\\prob_\\params$ distribution, that is: \n", "\n", "$$\n", " \\prob_\\params(\\train) = \\prod_{\\x \\in \\train} \\prob_\\params(\\x). \n", "$$\n", "\n", "The Maximum Likelihood estimate \\\\(\\params^*\\\\) is then defined as the solution to the following optimization problem:\n", "\n", "\\begin{equation}\n", " \\params^* = \\argmax_{\\params} \\prob_\\params(\\train) = \\argmax_{\\params} \\sum_{\\x \\in \\train} \\log \\prob_\\params(\\x) \n", "\\end{equation}\n", "\n", "In words, the maximum likelihood estimate are the parameters that assign maximal probability to the training sample. Here the second equality stems from the IID assumption and the monotonicity of the \\\\(\\log\\\\) function. The latter is useful because the \\\\(\\log\\\\) expression is easier to optimize. The corresponding objective \n", "\n", "$$\n", "L_\\params(\\train) = \\log \\prob_\\params(\\train) = \\sum_{\\x \\in \\train} \\log \\prob_\\params(\\x) = \\sum_{\\x \\in \\train} \\log \\prob_\\params(\\x)\n", "$$ \n", "\n", "is called the *log-likelihood* of the data sample $\\train$.\n", "\n", "Let us write down this objective in Python, for our running example defined above. Notice that we normalise the objective by the size of the data. This will make it easier to compare objective values for different datasets, and does not arguments that maximise the objectives." ] }, { "cell_type": "code", "execution_count": 4, "metadata": {}, "outputs": [ { "data": { "text/plain": [ "-0.9445759076183522" ] }, "execution_count": 4, "metadata": {}, "output_type": "execute_result" } ], "source": [ "from math import log\n", "def ll(data, theta):\n", " return sum([log(prob(x, theta)) for x in data]) / len(data)\n", "\n", "ll([(g,p),(h,r)], theta)" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "As we will show below, the MLE can be calculated in closed form for this type of model. Roughly speaking, the solution amounts to counting how often a certain child value $x_i$ has been seen together with a certain parents value $\\x_{\\parents(i)}$, normalised by how often the parents value $\\x_{\\parents(i)}$ has been seen.\n", "\n", "More formally, we have:\n", "\n", "\\begin{equation}\n", " \\param^i_{x|\\x} = \\frac{\\counts{\\train}{ x,i,\\x',\\parents(i)}}{\\counts{\\train}{\\x', \\parents(i)}}\n", "\\end{equation}\n", "\n", "Here \n", "\n", "$$\n", "\\counts{\\train}{x,i,\\x',\\mathbf{j}} = \\sum_{\\x \\in \\train} \\indi(x_i = x \\wedge \\x_{\\mathbf{j}} = \\x')\n", "$$ \n", "\n", "is number of times $X_i$ was in state $x$ while $\\X_{\\parents(i)}$ was in state $\\x'$. Likewise, \n", "\n", "$$\n", "\\counts{\\train}{\\x',\\mathbf{j}} = \\sum_{\\x \\in \\train} \\indi(\\x_{\\mathbf{j}} = \\x')\n", "$$ \n", "\n", "is the number of times $\\X_{\\parents(i)}$ was in state $\\x'$. \n", "\n", "Let us calculate this solution for our running example in Python." ] }, { "cell_type": "code", "execution_count": 5, "metadata": {}, "outputs": [ { "data": { "text/plain": [ "({'greasy': 0.5, 'healthy': 0.5},\n", " {('greasy', 'pizza'): 0.0,\n", " ('greasy', 'rice'): 1.0,\n", " ('healthy', 'pizza'): 1.0,\n", " ('healthy', 'rice'): 0.0})" ] }, "execution_count": 5, "metadata": {}, "output_type": "execute_result" } ], "source": [ "from collections import defaultdict\n", "def mle(data):\n", " counts = defaultdict(float)\n", " norm = defaultdict(float)\n", " for x1, x2 in data:\n", " counts[1, x1] += 1.0\n", " norm[1] += 1.0\n", " counts[2, x1, x2] += 1.0\n", " norm[2, x1] += 1.0\n", " theta_1 = dict([(w1, counts[1,w1] / norm[1]) for w1 in x_1_domain])\n", " theta_2 = dict([((w1,w2), counts[2,w1,w2] / norm[2,w1]) for w1 in x_1_domain for w2 in x_2_domain])\n", " return (theta_1, theta_2)\n", "mle([(h,p),(g,r)])" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "## Derivation\n", "\n", "Understanding that the MLE solution arises from optimising a mathematical objective is crucial. It not only shows that this intuitive way to set model parameters is formally grounded, it also enables us to understand counting and normalising as one instantiation of the [structured prediction](structured_prediction.ipynb) where we have some training objective defined on a training set, and determine our parameters by maximising the objective (or equivalently, minimising a loss). The MLE estimator is one of its simplest instantiations, and later we will see more complex but also often more empirically successful examples. \n", "\n", "Let us write out the log-likelihood further, taking into account the individual terms of the distribution:\n", "\n", "$$\n", "L_\\params(\\train) = \\sum_{\\x \\in \\train} \\log \\prob_\\params(\\x) = \\sum_{\\x \\in \\train}\\sum_{i \\in 1\\ldots n } \\log \\prob_\\params(\\x) = \\sum_{\\x \\in \\train}\\sum_{i \\in 1\\ldots n } \\log \\param^i_{x_i|\\x_{\\parents(i)}}\n", "$$ \n", "\n", "It is tempting to optmise this function directly, simply choosing (using some optimisation technique) the parameters $\\params$ that maximise it. However, there are several constraints on $\\params$ that need to be fulfilled for $\\prob_\\params$ to be a valid distribution. First of all, all $\\param^i_{x|\\x'}$ need to be non-negative. Second, for a given parent configuration $\\x'$ the parameters $\\param^i_{x|\\x'}$ for all $x\\in\\dom(X_i)$ need to sum up to one. The actual, now constrained, optimisation problem we have to solve is therefore:\n", "\n", "\\begin{equation}\n", " \\params^* = \\argmax_{\\params} \\sum_{\\x \\in \\train}\\sum_{i \\in 1\\ldots n } \\log \\param^i_{x_i|\\x_{\\parents(i)}} \\\\ \\text{so that } \\forall x \\in \\dom(X_i), \\x' \\in \\dom(\\X_\\parents(i)): \\param^i_{x|\\x'} \\geq 0 \\, \\\\\n", " \\text{ and } \\forall \\x' \\in \\dom(\\X_\\parents(i)): \\sum_{x \\in \\mathrm{dom}(X_i)} \\param^i_{x|\\x'} = 1 \n", "\\end{equation}\n", "\n", "Notice that in the above objective no terms or constraints involve parameters $\\param^i_{x|\\x'}$ from different parent configurations $\\x'$ or different variable indices $i$. We can hence optimise the parameters $\\params^i_{\\cdot|\\x'}$ for each parent configuration $\\x'$ and variable index $i$ in isolation. Let us hence focus on the following problem:\n", "\n", "\\begin{equation}\n", " \\params^{i,*}_{\\cdot|\\x'} = \\argmax_{\\params^{i}_{\\cdot|\\x'}} \\sum_{\\x \\in \\train \\wedge \\x_{\\parents(i)} = \\x'}\\log \\param^i_{x_i|\\x'} \\\\ \\text{so that } \\forall x \\in \\dom(X_i): \\param^i_{x|\\x'} \\geq 0 \\, \\\\\n", " \\text{ and } \\sum_{x \\in \\mathrm{dom}(X_i)} \\param^i_{x|\\x'} = 1 \n", "\\end{equation}\n", "\n", "Let us define this sub-objective in Python for a particular variable ($X_2$) and parent configuration." ] }, { "cell_type": "code", "execution_count": 6, "metadata": {}, "outputs": [ { "data": { "text/plain": [ "{'pizza': 1.0, 'rice': 0.0}" ] }, "execution_count": 6, "metadata": {}, "output_type": "execute_result" } ], "source": [ "def ll_2_greasy(data, greasy_theta):\n", " return sum([log(greasy_theta[x2]) for x1, x2 in data if x1 == g])\n", "\n", "def mle_2_greasy(data):\n", " greasy_data = [x2 for x1, x2 in data if x1 == g]\n", " return {\n", " r: len([x2 for x2 in greasy_data if x2 == r]) / len(greasy_data),\n", " p: len([x2 for x2 in greasy_data if x2 == p]) / len(greasy_data)\n", " }\n", "mle_2_greasy([(g,p),(g,p)])" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "We can visualise this objective and constraint for some datasets. We will plot the value of the objective with respect to the two parameters $\\param^2_{\\text{rice}|\\text{greasy}}$ and $\\param^2_{\\text{pizza}|\\text{greasy}}$, and also plot the line $\\param^2_{\\text{rice}|\\text{greasy}} + \\param^2_{\\text{pizza}|\\text{greasy}} = 1$ to visualise the equality constraint." ] }, { "cell_type": "code", "execution_count": 7, "metadata": {}, "outputs": [ { "data": { "text/html": [ "\n", " <div id=\"a94bee98-aa09-11e7-b4ec-0242ac110002\" class=\"carousel\" data-ride=\"carousel\" data-interval=\"false\">\n", " <!-- Controls -->\n", " <a href=\"#a94bee98-aa09-11e7-b4ec-0242ac110002\" role=\"button2\" data-slide=\"prev\">Previous</a>\n", "  \n", " <a href=\"#a94bee98-aa09-11e7-b4ec-0242ac110002\" role=\"button2\" data-slide=\"next\">Next</a>\n", " <div class=\"carousel-inner\" role=\"listbox\">\n", " <div class=\"item active\">\n", "\n", "<style>\n", "\n", "</style>\n", "\n", "<div id=\"fig_el831396527649433608516548762\"></div>\n", "<script>\n", "function mpld3_load_lib(url, callback){\n", " var s = document.createElement('script');\n", " s.src = url;\n", " s.async = true;\n", " s.onreadystatechange = s.onload = callback;\n", " s.onerror = function(){console.warn(\"failed to load library \" + url);};\n", " document.getElementsByTagName(\"head\")[0].appendChild(s);\n", "}\n", "\n", "if(typeof(mpld3) !== \"undefined\" && mpld3._mpld3IsLoaded){\n", " // already loaded: just create the figure\n", " !function(mpld3){\n", " \n", " mpld3.draw_figure(\"fig_el831396527649433608516548762\", {\"width\": 432.0, \"height\": 288.0, \"axes\": [{\"bbox\": [0.125, 0.125, 0.775, 0.755], \"xlim\": [0.0001, 0.9999], \"ylim\": [9.999999999998899e-05, 0.9999], \"xdomain\": [0.0001, 0.9999], \"ydomain\": [9.999999999998899e-05, 0.9999], \"xscale\": \"linear\", \"yscale\": \"linear\", \"axes\": [{\"position\": \"bottom\", \"nticks\": 6, \"tickvalues\": null, \"tickformat\": null, \"scale\": \"linear\", \"fontsize\": 10.0, \"grid\": {\"gridOn\": false}, \"visible\": true}, {\"position\": \"left\", \"nticks\": 6, \"tickvalues\": null, \"tickformat\": null, \"scale\": \"linear\", \"fontsize\": 10.0, \"grid\": {\"gridOn\": false}, \"visible\": true}], \"axesbg\": \"#FFFFFF\", \"axesbgalpha\": null, \"zoomable\": true, \"id\": \"el83139652764945376\", \"lines\": [{\"data\": \"data01\", \"xindex\": 0, \"yindex\": 1, \"coordinates\": \"data\", \"id\": \"el83139652764397976\", \"color\": \"#1F77B4\", \"linewidth\": 1.5, \"dasharray\": \"none\", \"alpha\": 1, \"zorder\": 2, \"drawstyle\": \"default\"}], \"paths\": [], \"markers\": [{\"data\": \"data02\", \"xindex\": 0, \"yindex\": 1, \"coordinates\": \"data\", \"id\": \"el83139652765110112pts\", \"facecolor\": \"#FF0000\", \"edgecolor\": \"#FF0000\", \"edgewidth\": 1.0, \"alpha\": 1, \"zorder\": 2, \"markerpath\": [[[0.0, 3.0], [0.7956093000000001, 3.0], [1.5587396123545605, 2.683901074764725], [2.121320343559643, 2.121320343559643], [2.683901074764725, 1.5587396123545605], [3.0, 0.7956093000000001], [3.0, 0.0], [3.0, -0.7956093000000001], [2.683901074764725, -1.5587396123545605], [2.121320343559643, -2.121320343559643], [1.5587396123545605, -2.683901074764725], [0.7956093000000001, -3.0], [0.0, -3.0], [-0.7956093000000001, -3.0], [-1.5587396123545605, -2.683901074764725], [-2.121320343559643, -2.121320343559643], [-2.683901074764725, -1.5587396123545605], [-3.0, -0.7956093000000001], [-3.0, 0.0], [-3.0, 0.7956093000000001], [-2.683901074764725, 1.5587396123545605], [-2.121320343559643, 2.121320343559643], [-1.5587396123545605, 2.683901074764725], [-0.7956093000000001, 3.0], [0.0, 3.0]], [\"M\", \"C\", \"C\", \"C\", \"C\", \"C\", \"C\", \"C\", \"C\", \"Z\"]]}], \"texts\": [{\"text\": \"rice\", \"position\": [0.49999999999999994, -0.09657836644591611], \"coordinates\": \"axes\", \"h_anchor\": \"middle\", \"v_baseline\": \"hanging\", \"rotation\": -0.0, \"fontsize\": 10.0, \"color\": \"#000000\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652765056472\"}, {\"text\": \"pizza\", \"position\": [-0.08064516129032258, 0.49999999999999994], \"coordinates\": \"axes\", \"h_anchor\": \"middle\", \"v_baseline\": \"auto\", \"rotation\": -90.0, \"fontsize\": 10.0, \"color\": \"#000000\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652764706016\"}, {\"text\": \"-4.249\", \"position\": [0.25835195499164887, 0.8282171717171716], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -279.1440266581857, \"fontsize\": 10.0, \"color\": \"#440154\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652764365824\"}, {\"text\": \"-3.999\", \"position\": [0.3289343406475663, 0.5151484848484846], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -288.33163732845446, \"fontsize\": 10.0, \"color\": \"#48196B\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652764367336\"}, {\"text\": \"-3.749\", \"position\": [0.6464353535353535, 0.08725687848143515], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -345.0610816495742, \"fontsize\": 10.0, \"color\": \"#462F7C\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652764368792\"}, {\"text\": \"-3.499\", \"position\": [0.48485151515151514, 0.2651471393507611], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -313.32689360974246, \"fontsize\": 10.0, \"color\": \"#404387\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652763899272\"}, {\"text\": \"-3.249\", \"position\": [0.33858875197193417, 0.9999], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -280.41667635028057, \"fontsize\": 10.0, \"color\": \"#38568B\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652763900728\"}, {\"text\": \"-2.999\", \"position\": [0.39027036693195416, 0.8383161616161616], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -283.47974454130633, \"fontsize\": 10.0, \"color\": \"#30678D\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652763934960\"}, {\"text\": \"-2.749\", \"position\": [0.4895135190790375, 0.5454454545454546], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -294.8748342074417, \"fontsize\": 10.0, \"color\": \"#29788E\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652763936416\"}, {\"text\": \"-2.499\", \"position\": [0.8484151515151515, 0.1345813115369105], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -342.6954230851251, \"fontsize\": 10.0, \"color\": \"#23888D\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652763937872\"}, {\"text\": \"-2.249\", \"position\": [0.695750050530035, 0.3131686868686868], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -318.75789470186965, \"fontsize\": 10.0, \"color\": \"#1E988A\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652763963968\"}, {\"text\": \"-1.999\", \"position\": [0.5424737289602676, 0.8484151515151515], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -288.2373169157988, \"fontsize\": 10.0, \"color\": \"#22A784\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652763965424\"}, {\"text\": \"-1.749\", \"position\": [0.6749163975890173, 0.5656434343434342], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -301.5932834358027, \"fontsize\": 10.0, \"color\": \"#35B778\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652763966880\"}, {\"text\": \"-1.499\", \"position\": [0.866281506806436, 0.3434656565656565], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -322.29253547473536, \"fontsize\": 10.0, \"color\": \"#53C567\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652763997072\"}, {\"text\": \"-1.249\", \"position\": [0.696527687593809, 0.8484151515151515], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -292.9170136550897, \"fontsize\": 10.0, \"color\": \"#79D151\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652763998528\"}, {\"text\": \"-0.999\", \"position\": [0.8516667069751893, 0.5959404040404039], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -306.33238033448595, \"fontsize\": 10.0, \"color\": \"#A5DA35\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652763999984\"}, {\"text\": \"-0.749\", \"position\": [0.8196154986928067, 0.8585141414141413], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -296.16755158592866, \"fontsize\": 10.0, \"color\": \"#D2E11B\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652764034272\"}, {\"text\": \"-0.499\", \"position\": [0.9999, 0.6071208286402086], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -308.28156817277863, \"fontsize\": 10.0, \"color\": \"#FDE724\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652764035728\"}], \"collections\": [{\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 1, \"paths\": [[[[0.24258465799981052, 0.9998999999999999], [0.24342211370268305, 0.9898010101010101], [0.24426815797237028, 0.9797020202020204], [0.24512296879672274, 0.9696030303030303], [0.24598672975445354, 0.9595040404040404], [0.24685963025177515, 0.9494050505050504], [0.24774186577168916, 0.9393060606060606], [0.24831340149911038, 0.93283363135811]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.2701787385723803, 0.724046348969176], [0.27103353159059623, 0.7171282828282828], [0.2722990558310663, 0.7070292929292931], [0.2727727272727273, 0.7033029653998268], [0.2736133510770824, 0.696930303030303], [0.2749649637722912, 0.6868313131313131], [0.27633659814912515, 0.6767323232323232], [0.27772885630730254, 0.6666333333333333], [0.2791423679215541, 0.6565343434343435], [0.28057779195160504, 0.6464353535353535], [0.28203581848679576, 0.6363363636363636], [0.28287171717171716, 0.6306376971867003], [0.28354063840673055, 0.6262373737373738], [0.2851008101445511, 0.6161383838383838], [0.2866867667891647, 0.606039393939394], [0.2882993749760906, 0.5959404040404042], [0.28993954578039377, 0.5858414141414141], [0.29160823780797634, 0.5757424242424243], [0.29297070707070705, 0.5676400929657142], [0.29331823966745446, 0.5656434343434343], [0.29510770863284075, 0.5555444444444444], [0.2969300077516055, 0.5454454545454546], [0.2987863641972959, 0.5353464646464646], [0.30067807526268314, 0.5252474747474747], [0.3026065138056927, 0.5151484848484849], [0.303069696969697, 0.5127699465062245], [0.30462409070189567, 0.5050494949494949], [0.3066984372359103, 0.49495050505050503], [0.3088155480694782, 0.48485151515151514], [0.31097722362476, 0.47475252525252526], [0.3131686868686869, 0.4647298834351902], [0.31318592772288245, 0.4646535353535354], [0.3155165873604342, 0.45455454545454543], [0.31789961407749057, 0.44445555555555555], [0.32033741531881144, 0.43435656565656566], [0.32283256845714425, 0.42425757575757567], [0.3232676767676767, 0.42253793100632014], [0.3254551338234946, 0.41415858585858584], [0.32815659642376205, 0.40405959595959595], [0.33092644055298215, 0.3939606060606061], [0.33336666666666664, 0.38528863301959193], [0.3337805717555417, 0.3838616161616162], [0.33678787624644335, 0.37376262626262624], [0.3398775604587243, 0.36366363636363636], [0.34305426510459597, 0.35356464646464647], [0.34346565656565653, 0.35229363655313384], [0.34640831656148235, 0.34346565656565653], [0.34987511899307794, 0.3333666666666666], [0.3534485763472773, 0.32326767676767676], [0.35356464646464647, 0.32294974132733356], [0.35723894631043557, 0.3131686868686869], [0.36115704638500484, 0.303069696969697], [0.36366363636363636, 0.29682070470999733], [0.3652514390046333, 0.29297070707070705], [0.36956254801657096, 0.2828717171717171], [0.37376262626262624, 0.27337799897507276], [0.37403773735796686, 0.2727727272727273], [0.3788011726672773, 0.26267373737373734], [0.38375138378894347, 0.25257474747474745], [0.38386161616161624, 0.2523586789414347], [0.38903805126933183, 0.24247575757575757], [0.39396060606060607, 0.2334611021159033], [0.39456809648473556, 0.23237676767676768], [0.40047741347085664, 0.2222777777777778], [0.40405959595959595, 0.21642790547065788], [0.4067274154502634, 0.21217878787878786], [0.41337736411657494, 0.20207979797979797], [0.41415858585858584, 0.20095125937840772], [0.4205216127846664, 0.19198080808080809], [0.4242575757575757, 0.18698401265809855], [0.42816425158087945, 0.18188181818181817], [0.43435656565656566, 0.17423167106662418], [0.436385383260459, 0.17178282828282826], [0.44445555555555555, 0.16259851387012467], [0.44527774611615656, 0.16168383838383837], [0.45455454545454543, 0.15198902203922815], [0.45494998174763085, 0.1515848484848485], [0.4646535353535354, 0.14230681085306854], [0.4655310065185484, 0.14148585858585858], [0.47475252525252526, 0.13345339424790234], [0.47717597397754585, 0.13138686868686866], [0.48485151515151514, 0.12532670088065714], [0.49007458695123557, 0.12128787878787879], [0.494950505050505, 0.11781922579639598], [0.5044629778689362, 0.11118888888888888], [0.5050494949494949, 0.11081564275778462], [0.5151484848484849, 0.10451612143484304], [0.5207499377226179, 0.101089898989899], [0.5252474747474747, 0.09860107431507623], [0.5353464646464646, 0.09311898009262995], [0.5393414113510893, 0.0909909090909091], [0.5454454545454546, 0.08808192467349993], [0.5555444444444444, 0.08335737924446943], [0.5609111945427422, 0.08089191919191921], [0.5656434343434343, 0.0789740428021462], [0.5757424242424243, 0.07495356840220636], [0.5858414141414141, 0.07100300681150923], [0.5863877828187183, 0.0707929292929293], [0.5959404040404042, 0.06761061346061921], [0.606039393939394, 0.06430281955250877], [0.6161383838383838, 0.061049693486231855], [0.6172610376446701, 0.0606939393939394], [0.6262373737373738, 0.058288289730569154], [0.6363363636363636, 0.05562506921837889], [0.6464353535353535, 0.0530037843943421], [0.6558619729809803, 0.0505949494949495], [0.6565343434343435, 0.05045450964306131], [0.6666333333333333, 0.048377307084143555], [0.6767323232323232, 0.04633133718925063], [0.6868313131313131, 0.04431567463032106], [0.696930303030303, 0.04232943460169559], [0.706388639337134, 0.0404959595959596], [0.707029292929293, 0.04039956860939402], [0.7171282828282828, 0.03890165263696828], [0.7272272727272727, 0.03742468432493527], [0.7373262626262627, 0.03596808585785248], [0.7474252525252525, 0.03453130300288962], [0.7575242424242424, 0.03311380384371872], [0.7676232323232324, 0.03171507759824914], [0.777266186014101, 0.030396969696969697], [0.7777222222222222, 0.03035268847296373], [0.7878212121212121, 0.02938472598249698], [0.7979202020202021, 0.02842909300473012], [0.8080191919191919, 0.02748547938944906], [0.8181181818181819, 0.026553586544016922], [0.8282171717171717, 0.025633126866163543], [0.8383161616161616, 0.024723823211149576], [0.8484151515151515, 0.0238254083908357], [0.8585141414141414, 0.022937624702391433], [0.8686131313131313, 0.02206022348456332], [0.8787121212121212, 0.021192964699591532], [0.8888111111111111, 0.020335616539015413], [0.8892595130654992, 0.020297979797979798], [0.898910101010101, 0.019822696560062775], [0.9090090909090909, 0.019330886578532224], [0.9191080808080809, 0.018844510478077434], [0.9292070707070708, 0.018363449494608546], [0.9393060606060606, 0.017887588715584265], [0.9494050505050505, 0.017416816915249145], [0.9595040404040404, 0.016951026398588028], [0.9696030303030303, 0.016490112853450135], [0.9797020202020201, 0.016033975210334644], [0.9898010101010101, 0.015582515509366452], [0.9999, 0.015135638774024102]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#440154\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764398256\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.2636808912608244, 0.9999000000000001], [0.2645867013257923, 0.9898010101010101], [0.2655018009689883, 0.9797020202020201], [0.2664263827058921, 0.9696030303030303], [0.26736064509918067, 0.9595040404040405], [0.26830479301467913, 0.9494050505050506], [0.26925903789099814, 0.9393060606060606], [0.27022359802374574, 0.9292070707070706], [0.27119869886526893, 0.9191080808080807], [0.27218457334095475, 0.909009090909091], [0.2727727272727273, 0.9030507930886029], [0.2731968839720576, 0.898910101010101], [0.27424307419620586, 0.8888111111111111], [0.27530121978587896, 0.8787121212121212], [0.276371597143202, 0.8686131313131313], [0.2774544923679316, 0.8585141414141414], [0.27855020171648825, 0.8484151515151515], [0.27965903208847304, 0.8383161616161616], [0.2807813015426702, 0.8282171717171717], [0.2819173398447038, 0.8181181818181819], [0.28287171717171716, 0.8097381847258314], [0.2830746070038053, 0.8080191919191919], [0.2842815656282844, 0.797920202020202], [0.28550389799576387, 0.7878212121212121], [0.28674200081361384, 0.7777222222222222], [0.2879962863452118, 0.7676232323232324], [0.28926718323405254, 0.7575242424242424], [0.29055513738316474, 0.7474252525252525], [0.2918606128943495, 0.7373262626262627], [0.29297070707070705, 0.7288555427305962], [0.2931915792089747, 0.7272272727272727], [0.29458064808480583, 0.7171282828282828], [0.29598941795410855, 0.707029292929293], [0.2974184557001043, 0.696930303030303], [0.2988683530311542, 0.6868313131313131], [0.3003397279517934, 0.6767323232323232], [0.30183322634436505, 0.6666333333333333], [0.303069696969697, 0.658398072258142], [0.30335900792491943, 0.6565343434343435], [0.30495100009064746, 0.6464353535353535], [0.3065680601181051, 0.6363363636363636], [0.30821099010231634, 0.6262373737373738], [0.30978913593252627, 0.6166918023992598]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.35313708622050166, 0.4162181480821952], [0.35356464646464647, 0.41467525461667754], [0.353711973012847, 0.41415858585858584], [0.3566627630973489, 0.40405959595959595], [0.35968824588260356, 0.3939606060606061], [0.3627923011489723, 0.3838616161616162], [0.36366363636363636, 0.3811003647157691], [0.36604433422648874, 0.37376262626262624], [0.36941066419281876, 0.3636636363636364], [0.3728718062736408, 0.35356464646464647], [0.37376262626262624, 0.3510386017828815], [0.37650641349761144, 0.34346565656565653], [0.3802746310081746, 0.33336666666666664], [0.3838616161616162, 0.32404030951881996], [0.38416669947386173, 0.32326767676767676], [0.3882809818315282, 0.3131686868686869], [0.3925301386796703, 0.30306969696969693], [0.3939606060606061, 0.2997813517198893], [0.3970002557156158, 0.29297070707070705], [0.40166564897059776, 0.28287171717171716], [0.40405959595959595, 0.2778714382335561], [0.406562458861754, 0.2727727272727273], [0.4117069118625349, 0.26267373737373734], [0.4141585858585859, 0.2580424897273091], [0.41712453920472736, 0.25257474747474745], [0.4228262615792352, 0.24247575757575757], [0.4242575757575757, 0.24004405277550653], [0.42887931145503944, 0.23237676767676768], [0.43435656565656566, 0.22367682803656136], [0.43525809296222845, 0.22227777777777777], [0.4420683809612713, 0.21217878787878786], [0.4444555555555555, 0.208803475442751], [0.4493201479751582, 0.20207979797979797], [0.45455454545454543, 0.19519787887141227], [0.4570564331341693, 0.19198080808080809], [0.4646535353535354, 0.1827129525978577], [0.46534980946947013, 0.18188181818181817], [0.4742935613911988, 0.17178282828282826], [0.4747525252525253, 0.1712941953655256], [0.4839734546661693, 0.16168383838383837], [0.48485151515151514, 0.16082415976382966], [0.4944870277443071, 0.1515848484848485], [0.4949505050505051, 0.15116910332408529], [0.5050494949494949, 0.14229316282967502], [0.5059865947153911, 0.14148585858585858], [0.5151484848484849, 0.13413737402521125], [0.5186456370097432, 0.13138686868686866], [0.5252474747474747, 0.12657923347499955], [0.5326546259700307, 0.12128787878787879], [0.5353464646464646, 0.1195188275299151], [0.5454454545454546, 0.11300590530740186], [0.5483155913827724, 0.11118888888888889], [0.5555444444444444, 0.10701060322782076], [0.5656434343434343, 0.10127853732486507], [0.565981772690207, 0.101089898989899], [0.5757424242424243, 0.09616653179073457], [0.5858414141414141, 0.09116108449874685], [0.5861907305282643, 0.0909909090909091], [0.5959404040404039, 0.08674161698823987], [0.606039393939394, 0.08241404566191325], [0.6096511797809407, 0.0808919191919192], [0.6161383838383838, 0.07848005095575622], [0.6262373737373738, 0.074786406807858], [0.6363363636363636, 0.07115185414572418], [0.6373496295118668, 0.0707929292929293], [0.6464353535353535, 0.0680044553409151], [0.6565343434343435, 0.06495305090593548], [0.6666333333333333, 0.06194822757963961], [0.6709132561519593, 0.0606939393939394], [0.6767323232323232, 0.05925167798730229], [0.6868313131313131, 0.05678571163528967], [0.696930303030303, 0.054355740876586844], [0.707029292929293, 0.051960729959960233], [0.7128712045568919, 0.0505949494949495], [0.7171282828282827, 0.04978142950045895], [0.7272272727272726, 0.047878519449789464], [0.7373262626262627, 0.046001853687755445], [0.7474252525252525, 0.044150718146753185], [0.7575242424242425, 0.042324427511520143], [0.7676232323232324, 0.04052232369591724], [0.7677729334210109, 0.0404959595959596], [0.7777222222222221, 0.03913597834940379], [0.7878212121212121, 0.037773344668321836], [0.797920202020202, 0.036428067661121034], [0.8080191919191919, 0.03509971071880864], [0.8181181818181817, 0.03378785350238611], [0.8282171717171717, 0.03249209114436742], [0.8383161616161616, 0.03121203349868788], [0.8448245287758538, 0.0303969696969697], [0.8484151515151515, 0.03007754481236181], [0.8585141414141414, 0.02918976112391753], [0.8686131313131313, 0.028312359906089428], [0.8787121212121212, 0.02744510112111762], [0.8888111111111111, 0.02658775296054153], [0.898910101010101, 0.02574009147327555], [0.9090090909090909, 0.024901900214461616], [0.9191080808080809, 0.024072969913721286], [0.9292070707070708, 0.0232530981615352], [0.9393060606060606, 0.022442089112574354], [0.9494050505050504, 0.021639753204895168], [0.9595040404040404, 0.020845906893991222], [0.9665483016754962, 0.020297979797979798], [0.9696030303030303, 0.02015856330036633], [0.9797020202020201, 0.019702425657250836], [0.9898010101010102, 0.019250965956282645], [0.9999, 0.018804089220940297]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#48196B\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764399488\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.2866186052142227, 0.9999], [0.28759276841075304, 0.98980101010101], [0.28857692218430514, 0.9797020202020201], [0.2895712735777265, 0.9696030303030303], [0.2905760361373878, 0.9595040404040405], [0.29159143018844863, 0.9494050505050505], [0.29261768312484177, 0.9393060606060605], [0.29297070707070705, 0.9358692292736437], [0.2936790375358905, 0.9292070707070708], [0.294764510765988, 0.9191080808080809], [0.2958619771059017, 0.9090090909090909], [0.2969717045367082, 0.898910101010101], [0.2980939701229519, 0.8888111111111111], [0.29922906042786523, 0.8787121212121212], [0.3003772719525869, 0.8686131313131313], [0.30153891160106594, 0.8585141414141414], [0.30271429717247267, 0.8484151515151515], [0.303069696969697, 0.8453976672634886], [0.3039320269693464, 0.8383161616161616], [0.3051767073853866, 0.8282171717171717], [0.3064366584792389, 0.8181181818181819], [0.30771225961441695, 0.8080191919191919], [0.3090039044689966, 0.7979202020202021], [0.31031200176497664, 0.787821212121212], [0.31163697604469287, 0.7777222222222222], [0.3129792684979751, 0.7676232323232324], [0.3131686868686869, 0.7662167347663406], [0.3143777141488909, 0.7575242424242424], [0.315801221805155, 0.7474252525252525], [0.3172440948969633, 0.7373262626262627], [0.3187068675953314, 0.7272272727272726], [0.3201900964823723, 0.7171282828282828], [0.32169436182277333, 0.707029292929293], [0.3232202689267421, 0.696930303030303], [0.32326767676767676, 0.6966210553364407], [0.32481608609661816, 0.6868313131313131], [0.3264370694701387, 0.6767323232323232], [0.328082425815948, 0.6666333333333333], [0.3297528992771548, 0.6565343434343435], [0.3314492686055724, 0.6464353535353535], [0.3331723493416731, 0.6363363636363636], [0.33336666666666664, 0.6352154015600886], [0.3349708760830277, 0.6262373737373738], [0.33680471902736175, 0.6161383838383838], [0.3386688698334823, 0.606039393939394], [0.340564347154268, 0.595940404040404], [0.34249222187732636, 0.5858414141414141], [0.34346565656565653, 0.5808293244645133], [0.3444831078257664, 0.5757424242424243], [0.34653879391376596, 0.5656434343434343], [0.34863151476904547, 0.5555444444444444], [0.3507626293310534, 0.5454454545454546], [0.3529335727359814, 0.5353464646464646], [0.35356464646464647, 0.5324656447810163], [0.3551916876321962, 0.5252474747474747], [0.3575122880708405, 0.5151484848484849], [0.3598788349573614, 0.5050494949494949], [0.36229318452822823, 0.49495050505050503], [0.36366363636363636, 0.48933383025698507], [0.36478811090302193, 0.48485151515151514], [0.36737496596958763, 0.4747525252525252], [0.3700174447246317, 0.4646535353535354], [0.3727179919223112, 0.45455454545454543], [0.37376262626262624, 0.450733867715995], [0.3755262400545508, 0.4444555555555555], [0.37842831017336076, 0.43435656565656566], [0.38139865461402866, 0.4242575757575757], [0.3838616161616162, 0.4160806626252642], [0.38445599970870425, 0.41415858585858584], [0.38765611447258486, 0.40405959595959595], [0.39093723303801975, 0.39396060606060607], [0.39396060606060607, 0.3848904869928471], [0.39431246967475503, 0.3838616161616162], [0.397858310571039, 0.37376262626262624], [0.4015012834291761, 0.3636636363636364], [0.40405959595959595, 0.3567658005030671], [0.40527691295581014, 0.35356464646464647], [0.40922859948294127, 0.34346565656565653], [0.41329822919784936, 0.33336666666666664], [0.41415858585858584, 0.33129537119196506], [0.4175753804188238, 0.32326767676767676], [0.4220102084968479, 0.3131686868686868], [0.4242575757575757, 0.30821342591518464], [0.4266466242602848, 0.303069696969697], [0.4314961643693003, 0.29297070707070705], [0.43435656565656566, 0.28721591897003956], [0.4365666382059922, 0.28287171717171716], [0.44189120715489194, 0.2727727272727273], [0.4444555555555556, 0.2680858248265631], [0.4474847371088223, 0.26267373737373734], [0.4533588445474248, 0.25257474747474745], [0.45455454545454543, 0.250599658051957], [0.45958318430277323, 0.24247575757575757], [0.4646535353535354, 0.23461876784822439], [0.46613215935951, 0.23237676767676768], [0.4730885380045231, 0.22227777777777777], [0.47475252525252526, 0.21996942199228325], [0.4804891898888961, 0.21217878787878786], [0.48485151515151514, 0.20653008506442702], [0.48836068397691407, 0.20207979797979797], [0.4949505050505051, 0.1941302974936629], [0.49676908072426523, 0.19198080808080809], [0.5050494949494949, 0.1826955395128126], [0.5057898129885896, 0.18188181818181817], [0.5151484848484849, 0.17215123730376428], [0.5155098285194817, 0.17178282828282826], [0.5252474747474747, 0.16242209583542982], [0.5260303688078298, 0.16168383838383837], [0.5353464646464646, 0.15343133599311393], [0.5374706289029815, 0.1515848484848485], [0.5454454545454546, 0.14509979702146303], [0.5499726602162681, 0.14148585858585858], [0.5555444444444444, 0.13734485015082562], [0.563708065113293, 0.13138686868686866], [0.5656434343434343, 0.13007904601634576], [0.5757424242424243, 0.12337544031603423], [0.5789429934673995, 0.12128787878787878], [0.5811672706325427, 0.11995320021540898]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.7135527978549122, 0.06496778945010359], [0.7171282828282828, 0.06397939193162153], [0.7272272727272727, 0.06122669528990662], [0.7292091610493889, 0.0606939393939394], [0.7373262626262627, 0.05884858709064848], [0.7474252525252525, 0.05658390348232148], [0.7575242424242424, 0.05434961519059863], [0.7676232323232324, 0.05214491711133767], [0.7748171479926242, 0.0505949494949495], [0.7777222222222222, 0.05008333222219715], [0.7878212121212121, 0.04832772967745301], [0.7979202020202019, 0.04659448928422261], [0.8080191919191919, 0.04488304852018654], [0.8181181818181819, 0.043192865825110616], [0.8282171717171717, 0.04152341957209053], [0.8345088461395691, 0.0404959595959596], [0.8383161616161616, 0.04001337833445998], [0.8484151515151515, 0.038748649271299146], [0.8585141414141414, 0.03749888601362786], [0.8686131313131313, 0.036263738512552296], [0.8787121212121212, 0.03504286885876337], [0.888811111111111, 0.03383595072761626], [0.898910101010101, 0.032642668855559734], [0.9090090909090909, 0.031462718545814165], [0.9182325580246902, 0.0303969696969697], [0.9191080808080808, 0.03032510633524738], [0.9292070707070708, 0.029505234583061285], [0.9393060606060606, 0.028694225534100445], [0.9494050505050505, 0.027891889626421258], [0.9595040404040402, 0.027098043315517323], [0.9696030303030303, 0.0263125088222945], [0.9797020202020202, 0.025535113894103817], [0.98980101010101, 0.024765691578028312], [0.9999, 0.02400408000567758]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#462F7C\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764401224\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.31150492239529776, 0.9999], [0.3125474377349286, 0.9898010101010101], [0.3131686868686869, 0.9838439766872011], [0.3136148050889576, 0.9797020202020202], [0.31471380913543534, 0.9696030303030303], [0.3158243200937575, 0.9595040404040404], [0.31694658147767907, 0.9494050505050504], [0.3180808446136968, 0.9393060606060606], [0.31922736897887694, 0.9292070707070708], [0.32038642255714306, 0.9191080808080809], [0.3215582822152475, 0.9090090909090909], [0.32274323409974565, 0.898910101010101], [0.32326767676767676, 0.8944903692164303], [0.32396296443379335, 0.8888111111111112], [0.3252134699887675, 0.8787121212121212], [0.32647843092071666, 0.8686131313131313], [0.3277581853393857, 0.8585141414141414], [0.32905308335755945, 0.8484151515151515], [0.3303634876660245, 0.8383161616161616], [0.3316897741433748, 0.8282171717171717], [0.33303233250322695, 0.8181181818181819], [0.3333666666666666, 0.8156341090602398], [0.3344230976690394, 0.8080191919191919], [0.3358417700523094, 0.797920202020202], [0.3372785129014427, 0.7878212121212121], [0.3387337925106261, 0.7777222222222222], [0.34020809345874764, 0.7676232323232324], [0.3417019195780648, 0.7575242424242424], [0.3432157949878801, 0.7474252525252524], [0.34346565656565653, 0.7457808090342075], [0.3447886060021784, 0.7373262626262627], [0.3463906689738385, 0.7272272727272727], [0.348015136043176, 0.7171282828282828], [0.3496626427296877, 0.707029292929293], [0.3513338519833118, 0.6969303030303031], [0.3530294557861121, 0.6868313131313131], [0.35356464646464647, 0.6836902548279115], [0.35478453495371914, 0.6767323232323232], [0.3565817470232869, 0.6666333333333333], [0.3584063943551673, 0.6565343434343435], [0.36025932757491724, 0.6464353535353535], [0.36214143749210764, 0.6363363636363636], [0.36366363636363636, 0.6282971894921877], [0.36406464255618143, 0.6262373737373738], [0.3660626850850965, 0.6161383838383838], [0.3680937491969103, 0.606039393939394], [0.3701589447531737, 0.595940404040404], [0.37225943852718635, 0.5858414141414141], [0.37376262626262624, 0.5787377462560277], [0.3744138208527878, 0.5757424242424243], [0.3766482349752722, 0.5656434343434343], [0.37892290378815735, 0.5555444444444444], [0.38123930438150716, 0.5454454545454546], [0.38359899666692127, 0.5353464646464645], [0.38386161616161624, 0.5342435139668678], [0.3860607416470007, 0.5252474747474747], [0.38857741938825285, 0.5151484848484849], [0.3911439257862333, 0.5050494949494949], [0.3937622739186468, 0.49495050505050503], [0.39396060606060607, 0.4942009882600366], [0.39649885160031373, 0.48485151515151514], [0.3992982927987972, 0.47475252525252526], [0.4021579288056989, 0.4646535353535354], [0.40405959595959595, 0.4580820821616838], [0.40510624480556223, 0.45455454545454543], [0.40817002392076607, 0.44445555555555555], [0.41130422484126716, 0.4343565656565657], [0.41415858585858584, 0.42537067573724263], [0.4145208902079905, 0.4242575757575757], [0.41788722017432045, 0.41415858585858584], [0.4213366574209674, 0.40405959595959595], [0.4242575757575757, 0.39571908353515234], [0.42488824676045833, 0.39396060606060607], [0.42860427281687474, 0.3838616161616162], [0.43241937832688193, 0.37376262626262624], [0.43435656565656566, 0.36877141085173115], [0.43638563052905205, 0.36366363636363636], [0.4405104495659434, 0.35356464646464647], [0.44266770896438373, 0.3484316853763133]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.5365164779676272, 0.19573286657507702], [0.5399473923571932, 0.19198080808080809], [0.5454454545454546, 0.1862764360618987], [0.5497602938928887, 0.18188181818181817], [0.5555444444444444, 0.1763091491044208], [0.5603287307559568, 0.17178282828282826], [0.5656434343434343, 0.16704201058212292], [0.5717584414283035, 0.16168383838383837], [0.5757424242424243, 0.15840451664086977], [0.5841741240178913, 0.1515848484848485], [0.5858414141414141, 0.15032333110367865], [0.595940404040404, 0.14281276133472265], [0.5977551020525589, 0.14148585858585858], [0.606039393939394, 0.13584621805510108], [0.6126999887903833, 0.13138686868686866], [0.6161383838383838, 0.12925538039185705], [0.6262373737373738, 0.12309672061649736], [0.6292517426609209, 0.12128787878787879], [0.6363363636363636, 0.11737680027455383], [0.6464353535353535, 0.11188942151866552], [0.6477449171039269, 0.11118888888888889], [0.6565343434343436, 0.10689614679380503], [0.6666333333333333, 0.10203911022313863], [0.6686371087463177, 0.101089898989899], [0.6767323232323232, 0.09762055891177429], [0.6868313131313131, 0.09335658007321057], [0.6925172670907673, 0.0909909090909091], [0.696930303030303, 0.08934828895949276], [0.707029292929293, 0.08564332434570684], [0.7171282828282828, 0.08199090681554742], [0.7202100980424962, 0.0808919191919192], [0.7272272727272728, 0.0786843426711546], [0.7373262626262627, 0.07555105631860695], [0.7474252525252525, 0.07246039529378392], [0.7529479579228706, 0.0707929292929293], [0.7575242424242424, 0.06959578895821361], [0.7676232323232324, 0.0669889158064919], [0.7777222222222222, 0.06441611599430697], [0.7878212121212121, 0.061876510284934044], [0.7925844933961197, 0.0606939393939394], [0.797920202020202, 0.05957361888400036], [0.8080191919191919, 0.057479838196911076], [0.8181181818181819, 0.0554120646817724], [0.8282171717171717, 0.05336966017899325], [0.8383161616161616, 0.05135200973315808], [0.8421514186622127, 0.0505949494949495], [0.8484151515151515, 0.049584301613593666], [0.8585141414141415, 0.04797412010556483], [0.8686131313131313, 0.046382769380767803], [0.8787121212121212, 0.04480981408049162], [0.8888111111111111, 0.04325483377158185], [0.898910101010101, 0.04171742227187779], [0.9070243314601315, 0.0404959595959596], [0.9090090909090909, 0.04026406338158628], [0.9191080808080808, 0.03909715003713064], [0.9292070707070708, 0.03794298871920834], [0.9393060606060606, 0.03680130372969661], [0.9494050505050505, 0.0356718282158077], [0.9595040404040402, 0.03455430379570466], [0.9696030303030303, 0.033448480203717205], [0.9797020202020202, 0.0323541149539397], [0.9898010101010101, 0.03127097302107925], [0.998033607863613, 0.030396969696969693], [0.9999000000000001, 0.030256216427203685]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#404387\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764152944\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.3511966887847107, 0.8959453360944851], [0.35212384228103694, 0.8888111111111111], [0.3534512903674052, 0.8787121212121211], [0.3535646464646464, 0.8778595831257683], [0.3548297137980363, 0.8686131313131313], [0.3562275812528114, 0.8585141414141414], [0.3576419899631486, 0.8484151515151515], [0.3590733360938426, 0.8383161616161616], [0.36052203021464463, 0.8282171717171717], [0.3619884980072118, 0.8181181818181819], [0.3634731810159634, 0.8080191919191919], [0.36366363636363636, 0.8067397836606286], [0.36501351508323004, 0.7979202020202021], [0.3665789017618178, 0.7878212121212121], [0.3681644849545306, 0.7777222222222222], [0.3697707926287335, 0.7676232323232324], [0.3713983737290788, 0.7575242424242425], [0.37304779930373616, 0.7474252525252525], [0.37376262626262624, 0.7431073005297102], [0.37474588003427123, 0.7373262626262627], [0.3764872315713001, 0.7272272727272727], [0.37825293509112645, 0.7171282828282828], [0.380043681367379, 0.707029292929293], [0.3818601909890199, 0.696930303030303], [0.38370321610128416, 0.6868313131313131], [0.3838616161616162, 0.6859760181398386], [0.38561918692428715, 0.6767323232323232], [0.3875682530092842, 0.6666333333333333], [0.38954707247743064, 0.6565343434343435], [0.39155656782721865, 0.6464353535353535], [0.3935977051364704, 0.6363363636363635], [0.39396060606060607, 0.634569101890143], [0.3957159290770845, 0.6262373737373738], [0.39787816949173305, 0.6161383838383838], [0.40007614518231605, 0.606039393939394], [0.4023110572181124, 0.595940404040404], [0.40405959595959595, 0.5881719867544947], [0.4045974466403756, 0.5858414141414141], [0.40696862452536525, 0.5757424242424243], [0.40938176497778944, 0.5656434343434343], [0.41183838001302614, 0.5555444444444444], [0.4141585858585859, 0.5461780626930897], [0.41434454518814795, 0.5454454545454546], [0.41695589991483417, 0.5353464646464646], [0.4196169883300424, 0.5252474747474747], [0.42232974164641257, 0.5151484848484849], [0.4242575757575757, 0.5081109176956913], [0.42511641085777385, 0.5050494949494949], [0.42800675434226165, 0.49495050505050503], [0.43095668455083636, 0.4848515151515152], [0.4339687101474919, 0.47475252525252526], [0.43435656565656566, 0.4734794624258699], [0.43710876174712754, 0.4646535353535354], [0.44032714118111094, 0.45455454545454543], [0.44361783367573165, 0.44445555555555555], [0.44445555555555555, 0.4419423899160837], [0.44704228439412796, 0.43435656565656566], [0.45056700726862753, 0.4242575757575757], [0.45417665108179556, 0.41415858585858584], [0.45455454545454543, 0.4131267931657444], [0.4579500248137741, 0.40405959595959595], [0.46182761887761636, 0.393960606060606], [0.4646535353535354, 0.386786956477247], [0.46583123847707675, 0.3838616161616162], [0.4700053607906125, 0.37376262626262624], [0.47429382571037004, 0.36366363636363636], [0.47475252525252526, 0.3626130261025236], [0.47878802095703044, 0.35356464646464647], [0.4834226123308021, 0.34346565656565653], [0.48485151515151514, 0.34044224846045557], [0.4882659198337197, 0.33336666666666664], [0.49328923337443265, 0.32326767676767676], [0.4949505050505051, 0.3200305664820139], [0.4985445917043577, 0.3131686868686869], [0.5040076024676942, 0.303069696969697], [0.5050494949494949, 0.30120678188170047], [0.5097488165258462, 0.29297070707070705], [0.5151484848484849, 0.28382794976453934], [0.5157244128281356, 0.28287171717171716], [0.5220280695003408, 0.2727727272727273], [0.5252474747474747, 0.26780249784922316], [0.5286340647916508, 0.26267373737373734], [0.5353464646464646, 0.2528918161942094], [0.5355681824118296, 0.25257474747474745], [0.5429183438789227, 0.24247575757575757], [0.5454454545454546, 0.23914525842747195], [0.5506772225657846, 0.23237676767676768], [0.5555444444444444, 0.2263478224060545], [0.5588905101802017, 0.22227777777777777], [0.5656434343434343, 0.2144287728100335], [0.5676140929014519, 0.21217878787878786], [0.5757424242424243, 0.20332993528434182], [0.5769110908017299, 0.20207979797979797], [0.5858414141414141, 0.19299287737624812], [0.5868533379485212, 0.19198080808080809], [0.595940404040404, 0.18335847895076274], [0.5975232550726378, 0.18188181818181817], [0.606039393939394, 0.1743664440517177], [0.6090162484188951, 0.17178282828282826], [0.6161383838383838, 0.16595473378659037], [0.6214438247494802, 0.16168383838383837], [0.6262373737373738, 0.15805889278291613], [0.6349376978113306, 0.15158484848484846], [0.6363363636363635, 0.15061123147360336], [0.6464353535353535, 0.14369197842487313], [0.6497059957636231, 0.14148585858585858], [0.6565343434343435, 0.13719767879019998], [0.6659307143789643, 0.13138686868686866], [0.6666333333333332, 0.13098455473909643], [0.6767323232323232, 0.1252889013037805], [0.683933223361216, 0.1212878787878788], [0.6868313131313131, 0.11980648074396992], [0.696930303030303, 0.11471959747342134], [0.704042136679154, 0.11118888888888889], [0.707029292929293, 0.10983491369898116], [0.7171282828282828, 0.10532231141912096], [0.7267345604681407, 0.101089898989899], [0.7272272727272727, 0.1008935037750466], [0.7373262626262627, 0.0969235619507466], [0.7474252525252525, 0.09300762734196037], [0.7526970177679386, 0.0909909090909091], [0.7575242424242424, 0.08933881282321968], [0.7676232323232324, 0.08592825284996963], [0.7777222222222222, 0.08256227086775161], [0.7827992994396306, 0.0808919191919192], [0.7878212121212121, 0.07943434531106927], [0.797920202020202, 0.07654052235140327], [0.8080191919191919, 0.0736830961130006], [0.8181181818181819, 0.07086116240539478], [0.8183654040495548, 0.0707929292929293], [0.8282171717171718, 0.06843707319859108], [0.8383161616161616, 0.0660513684046856], [0.8484151515151515, 0.06369423222479698], [0.8585141414141414, 0.06136498853398613], [0.8614580631670915, 0.0606939393939394], [0.8686131313131313, 0.059314600252306296], [0.8787121212121212, 0.05739024300981186], [0.8888111111111111, 0.0554878764143585], [0.898910101010101, 0.05360700354172806], [0.9090090909090909, 0.05174714412324258], [0.9153353762709515, 0.0505949494949495], [0.9191080808080808, 0.050033306243255575], [0.9292070707070708, 0.048546297243756364], [0.9393060606060607, 0.047075362611279425], [0.9494050505050505, 0.045620158535569895], [0.9595040404040405, 0.04418035212025452], [0.9696030303030303, 0.04275562092574172], [0.9797020202020202, 0.041345652535804814], [0.9858510627171562, 0.0404959595959596], [0.9898010101010101, 0.04007231785685137], [0.9999, 0.039000171373275896]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#38568B\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764154456\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.36800645770055096, 0.9999], [0.3692540251635346, 0.9898010101010102], [0.3705143871140057, 0.9797020202020202], [0.3717878087025272, 0.9696030303030303], [0.3730745634084349, 0.9595040404040402], [0.37376262626262624, 0.9541603767542655], [0.37439170644972497, 0.9494050505050505], [0.37543910022335736, 0.9415713944324157]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.4075774838830532, 0.7359824822816388], [0.4092078832325957, 0.7272272727272728], [0.41111482185592607, 0.7171282828282828], [0.41304880635583063, 0.707029292929293], [0.41415858585858584, 0.7013163747750633], [0.415031649683631, 0.696930303030303], [0.41707123440747895, 0.6868313131313131], [0.4191410318661829, 0.6767323232323232], [0.42124195062873765, 0.6666333333333333], [0.4233749408748553, 0.6565343434343435], [0.4242575757575757, 0.6524191588077141], [0.4255719183664291, 0.6464353535353535], [0.42782509007026315, 0.6363363636363636], [0.43011430833609676, 0.6262373737373738], [0.43244074529736337, 0.6161383838383838], [0.43435656565656566, 0.6079570798737604], [0.43481619595565235, 0.606039393939394], [0.43727739452723924, 0.595940404040404], [0.43978065978003733, 0.5858414141414141], [0.4423274547597489, 0.5757424242424243], [0.44445555555555555, 0.5674504549957486], [0.44492997994783917, 0.5656434343434343], [0.4476291878534665, 0.5555444444444444], [0.4503779162655993, 0.5454454545454546], [0.4531780162342445, 0.5353464646464646], [0.45455454545454543, 0.5304745866717647], [0.4560646286981721, 0.5252474747474747], [0.45903881401804636, 0.5151484848484849], [0.46207188636064955, 0.5050494949494949], [0.4646535353535354, 0.4966237690840527], [0.4651774911059778, 0.494950505050505], [0.4684050216355231, 0.48485151515151514], [0.4717004909794147, 0.47475252525252526], [0.47475252525252526, 0.4655964224331935], [0.47507357906913383, 0.4646535353535354], [0.47858785904350665, 0.45455454545454543], [0.4821811006027692, 0.4444555555555555], [0.48485151515151514, 0.43711885444474463], [0.48587809765078654, 0.43435656565656566], [0.48971960461568753, 0.4242575757575757], [0.4936536647795139, 0.41415858585858584], [0.494950505050505, 0.4109097193785395], [0.49774121888721695, 0.40405959595959595], [0.5019596524916604, 0.3939606060606061], [0.5050494949494949, 0.3867507217267689], [0.5063126494913418, 0.3838616161616162], [0.5108457862113712, 0.37376262626262624], [0.5151484848484849, 0.36443258942896894], [0.5155101212561015, 0.36366363636363636], [0.5203934166539218, 0.35356464646464647], [0.5252474747474747, 0.3438088557341712], [0.5254215510765334, 0.34346565656565653], [0.5306968107178281, 0.3333666666666667], [0.5353464646464646, 0.3247310129996621], [0.5361493674471525, 0.32326767676767676], [0.5418663596665585, 0.3131686868686868], [0.5454454545454546, 0.3070469468891168], [0.5478142246820294, 0.303069696969697], [0.5540328401253017, 0.29297070707070705], [0.5555444444444444, 0.29059907480167824], [0.5605599796122027, 0.28287171717171716], [0.5656434343434343, 0.2753144858684339], [0.5673839785264327, 0.2727727272727273], [0.5745604884057097, 0.26267373737373734], [0.5757424242424243, 0.2610732394996972], [0.5821294568674247, 0.2525747474747475], [0.5858414141414141, 0.2478293362017029], [0.5901019125798904, 0.24247575757575757], [0.595940404040404, 0.23543874329768735], [0.5985242948807915, 0.23237676767676768], [0.606039393939394, 0.22385010442157965], [0.607448474816821, 0.22227777777777777], [0.6161383838383838, 0.21301203774443603], [0.6169327656194024, 0.21217878787878786], [0.6262373737373738, 0.20287282319928787], [0.6270431746820717, 0.20207979797979797], [0.6363363636363636, 0.19338005452000218], [0.6378549708050751, 0.19198080808080809], [0.6464353535353535, 0.18448024446378516], [0.6494546682047438, 0.18188181818181817], [0.6565343434343435, 0.1761183680937136], [0.6619425691462602, 0.17178282828282826], [0.6666333333333333, 0.16823732406022315], [0.6754360669205286, 0.16168383838383837], [0.6767323232323232, 0.16077728673831038], [0.6868313131313131, 0.15381906612614682], [0.6901220360756757, 0.1515848484848485], [0.696930303030303, 0.14726065929684207], [0.7061552194745336, 0.14148585858585858], [0.707029292929293, 0.1409764294363797], [0.7171282828282828, 0.13517399619441703], [0.7238131685405002, 0.13138686868686866], [0.7272272727272727, 0.12959600962404202], [0.7373262626262627, 0.12437167185585207], [0.7433696527395872, 0.12128787878787879], [0.7474252525252524, 0.11938401701122028], [0.7575242424242424, 0.11470677400652883], [0.7652219204623167, 0.11118888888888889], [0.7676232323232325, 0.11018694601930501], [0.7777222222222222, 0.10602823802891205], [0.7878212121212121, 0.10192318542979531], [0.7898976594829072, 0.101089898989899], [0.7979202020202021, 0.098177236893073], [0.8080191919191919, 0.09455681582161125], [0.8180912229413337, 0.0909909090909091], [0.8181181818181819, 0.09098237016210567], [0.8282171717171718, 0.08782287040479682], [0.8383161616161616, 0.08470166396147183], [0.8484151515151515, 0.08161783370248198], [0.8508208583176803, 0.0808919191919192], [0.8585141414141415, 0.07884395779074355], [0.8686131313131313, 0.07618703421436887], [0.8787121212121212, 0.07356082368970883], [0.8888111111111111, 0.0709646242604047], [0.8894866217948173, 0.0707929292929293], [0.8989101010101012, 0.06871771209689326], [0.9090090909090909, 0.0665185821436201], [0.9191080808080807, 0.06434374980748563], [0.9292070707070708, 0.06219268403447063], [0.9363203869097851, 0.0606939393939394], [0.9393060606060606, 0.06016192045206252], [0.9494050505050505, 0.05838162033679076], [0.9595040404040404, 0.05662015775573992], [0.9696030303030303, 0.054877138235549454], [0.9797020202020202, 0.05315217956546717], [0.9898010101010101, 0.051444911294296104], [0.9948803446654009, 0.0505949494949495], [0.9999, 0.04990835997822997]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#30678D\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764201144\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.3999816801253656, 0.9999], [0.4013317719024053, 0.9898010101010102], [0.4026957096099143, 0.9797020202020202], [0.40405959595959595, 0.9697069773615367], [0.4040741392306278, 0.9696030303030303], [0.4055018866649977, 0.9595040404040404], [0.40694474123530056, 0.9494050505050505], [0.4084030260637517, 0.9393060606060606], [0.40987707475148527, 0.9292070707070708], [0.411367231836623, 0.9191080808080808], [0.41287385327764714, 0.9090090909090909], [0.41415858585858584, 0.9004925856316912], [0.41440320046263385, 0.898910101010101], [0.415981902413996, 0.8888111111111111], [0.41757864502225545, 0.8787121212121212], [0.4191938453784577, 0.8686131313131313], [0.4208279352073826, 0.8585141414141413], [0.4224813615602241, 0.8484151515151515], [0.4241545875487455, 0.8383161616161616], [0.4242575757575757, 0.8377020054563391], [0.4258864133642769, 0.8282171717171717], [0.4276419982557953, 0.8181181818181819], [0.42941938953030506, 0.8080191919191919], [0.43121913572916276, 0.7979202020202021], [0.43304180635555756, 0.787821212121212], [0.43435656565656566, 0.7806292300676071], [0.43490049535533254, 0.7777222222222222], [0.4368148139007542, 0.7676232323232324], [0.43875448506998693, 0.7575242424242424], [0.44072018941017577, 0.7474252525252525], [0.44271263524383764, 0.7373262626262627], [0.44445555555555555, 0.7286122088894734], [0.4447389272291433, 0.7272272727272727], [0.44683417769932676, 0.7171282828282828], [0.4489591448499085, 0.707029292929293], [0.4511146837589607, 0.696930303030303], [0.4533016869504203, 0.6868313131313131], [0.45455454545454543, 0.6811303996854412], [0.45554280361397903, 0.6767323232323232], [0.4578461909895032, 0.6666333333333333], [0.4601847406243542, 0.6565343434343435], [0.46255954271829314, 0.6464353535353535], [0.4633350318635276, 0.6431886620482254]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.5212677219267963, 0.45172553274927385], [0.5240721900466145, 0.4444555555555556], [0.5252474747474747, 0.4414773392203083], [0.5281120815302289, 0.43435656565656566], [0.5322703707225791, 0.4242575757575757], [0.5353464646464646, 0.4169626064704131], [0.5365513639675384, 0.41415858585858584], [0.5409980765691227, 0.40405959595959595], [0.5454454545454546, 0.3942084546922799], [0.5455594390261288, 0.39396060606060607], [0.550324537675189, 0.3838616161616162], [0.5552166869324224, 0.37376262626262624], [0.5555444444444444, 0.37310406800074725], [0.5603290462264072, 0.36366363636363636], [0.5655915767559739, 0.35356464646464647], [0.5656434343434343, 0.3534679327236867], [0.5711032436270349, 0.34346565656565653], [0.5757424242424243, 0.33521306712139726], [0.5767987440014435, 0.3333666666666666], [0.5827540893895977, 0.32326767676767676], [0.5858414141414141, 0.31819330266148194], [0.588951624801752, 0.3131686868686869], [0.5954077739285628, 0.30306969696969704], [0.595940404040404, 0.3022638466657585], [0.6021877278797914, 0.29297070707070705], [0.606039393939394, 0.2874353956634971], [0.6092683278693243, 0.28287171717171716], [0.6161383838383838, 0.2735024379998349], [0.6166822896891888, 0.2727727272727273], [0.6244938094499558, 0.26267373737373734], [0.6262373737373739, 0.2605046506454655], [0.632715255529905, 0.25257474747474745], [0.6363363636363635, 0.2483157781853537], [0.6413811673824695, 0.24247575757575757], [0.6464353535353535, 0.2368636582939429], [0.6505398188131748, 0.23237676767676768], [0.6565343434343435, 0.22610253701861152], [0.6602452430085484, 0.22227777777777774], [0.6666333333333333, 0.21598628100460165], [0.6705582985091966, 0.21217878787878786], [0.6767323232323232, 0.2064680921610587], [0.6815479906758481, 0.20207979797979797], [0.6868313131313131, 0.19750018459936614], [0.6932931266792753, 0.19198080808080809], [0.696930303030303, 0.18903341247428454], [0.7058844113975365, 0.18188181818181817], [0.707029292929293, 0.1810168338306892], [0.7171282828282828, 0.17349503017434637], [0.7194597386556802, 0.17178282828282826], [0.7272272727272727, 0.16640438015888465], [0.7341399989535032, 0.16168383838383837], [0.7373262626262627, 0.15963988460653236], [0.7474252525252525, 0.15324962378621393], [0.7500920086701544, 0.1515848484848485], [0.7575242424242423, 0.1472444896799196], [0.7675174077266619, 0.14148585858585858], [0.7676232323232324, 0.14142908267524557], [0.7777222222222222, 0.1360816968453959], [0.7867046931088575, 0.13138686868686866], [0.7878212121212121, 0.13084653915664046], [0.797920202020202, 0.1260214747094201], [0.8079539440522215, 0.12128787878787879], [0.8080191919191919, 0.1212595602846638], [0.818118181818182, 0.11693089811300156], [0.8282171717171716, 0.11265534324894773], [0.8317234778943627, 0.11118888888888889], [0.8383161616161616, 0.10867148187289215], [0.8484151515151515, 0.10486137545912402], [0.8585141414141414, 0.10109635483735976], [0.8585316629740259, 0.101089898989899], [0.8686131313131313, 0.09772935975012828], [0.8787121212121212, 0.09440189400707942], [0.8888111111111111, 0.09111245297331054], [0.8891885300639797, 0.0909909090909091], [0.898910101010101, 0.0881900289651795], [0.9090090909090909, 0.0853129175147604], [0.9191080808080808, 0.08246759452340147], [0.9247624634174384, 0.08089191919191921], [0.9292070707070708, 0.07979926632495593], [0.9393060606060607, 0.07734338978973616], [0.9494050505050504, 0.07491377703565122], [0.9595040404040404, 0.07250987225799457], [0.9667933721656218, 0.0707929292929293], [0.9696030303030303, 0.07021954133307746], [0.9797020202020204, 0.0681799203585926], [0.98980101010101, 0.06616121681783654], [0.9999, 0.06416300602298053]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#29788E\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764202600\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.43471216624016135, 0.9999], [0.4361989558318498, 0.9898010101010101], [0.43770099326495104, 0.9797020202020201], [0.4392185945328754, 0.9696030303030303], [0.4407520855548554, 0.9595040404040402], [0.4423018025960623, 0.9494050505050505], [0.4438680927101863, 0.9393060606060606], [0.44445555555555555, 0.9355587761248114], [0.4454742019922856, 0.9292070707070708], [0.4471115133850505, 0.9191080808080807], [0.4487669150031587, 0.9090090909090909], [0.45044081106521056, 0.898910101010101], [0.45213361949117215, 0.8888111111111111], [0.453845772528686, 0.8787121212121212], [0.45455454545454543, 0.8745792583981332], [0.4556007068416521, 0.8686131313131313], [0.4573922762966468, 0.8585141414141413], [0.4592050457646405, 0.8484151515151515], [0.4610395229881542, 0.8383161616161616], [0.46289623417174547, 0.8282171717171718], [0.4646535353535354, 0.8187747378012856], [0.4647784100017924, 0.8181181818181819], [0.4667230609581957, 0.8080191919191919], [0.4686921705274194, 0.797920202020202], [0.4706863618051978, 0.7878212121212121], [0.4727062820053318, 0.7777222222222222], [0.47475252525252526, 0.7676236195786579], [0.47475260540794506, 0.7676232323232324], [0.4768706115929606, 0.7575242424242424], [0.47901704446079474, 0.7474252525252525], [0.48119267745773897, 0.7373262626262627], [0.48339831603237626, 0.7272272727272727], [0.48485151515151514, 0.7206652552007985], [0.48565128738910474, 0.7171282828282828], [0.48796723573449186, 0.707029292929293], [0.49031650347186384, 0.6969303030303031], [0.49270006334065075, 0.6868313131313131], [0.49495050505050503, 0.6774355179142857], [0.4951224035508633, 0.6767323232323232], [0.49762825809597105, 0.6666333333333333], [0.5001723656541354, 0.6565343434343435], [0.5027559122534015, 0.6464353535353535], [0.5050494949494949, 0.6376088067739498], [0.5053868187611003, 0.6363363636363636], [0.5081068849175387, 0.6262373737373738], [0.5108711746044919, 0.6161383838383838], [0.513681149615823, 0.606039393939394], [0.5151484848484849, 0.6008529788018575], [0.5165658638206458, 0.595940404040404], [0.5195294323018769, 0.5858414141414141], [0.5225445348051347, 0.5757424242424243], [0.5252474747474747, 0.5668464444346085], [0.5256200919291449, 0.5656434343434343], [0.528804480450319, 0.5555444444444444], [0.5320472907522495, 0.5454454545454546], [0.5353464646464646, 0.5353594329032004], [0.5353507873987099, 0.5353464646464646], [0.5387812296835606, 0.5252474747474747], [0.5422782738372465, 0.5151484848484849], [0.5454454545454546, 0.5061796728152068], [0.5458520162081442, 0.5050494949494949], [0.5495583335547278, 0.494950505050505], [0.5533410595739465, 0.48485151515151514], [0.5555444444444444, 0.47909026812274735], [0.557233847070008, 0.47475252525252526], [0.5612516321818078, 0.4646535353535354], [0.5653577080788564, 0.45455454545454543], [0.5656434343434343, 0.4538672379714038], [0.5696265311410313, 0.44445555555555555], [0.5739987401720402, 0.43435656565656566], [0.5757424242424243, 0.4304215550308539], [0.5785221472674265, 0.4242575757575757], [0.5831861378512274, 0.41415858585858584], [0.5858414141414141, 0.40854760967906517], [0.5880022042465709, 0.40405959595959595], [0.5929875205147754, 0.39396060606060607], [0.595940404040404, 0.3881302271420406], [0.5981392577174258, 0.3838616161616162], [0.6034801705917645, 0.37376262626262624], [0.606039393939394, 0.3690524848880077], [0.6090165923065106, 0.36366363636363636], [0.6147531646956469, 0.35356464646464647], [0.6161383838383838, 0.3511947110620792], [0.6207306520989975, 0.34346565656565653], [0.6262373737373739, 0.33446612646258894], [0.6269210598043115, 0.33336666666666664], [0.6333941971988774, 0.32326767676767676], [0.6363363636363636, 0.3188187061930925], [0.6401325764505811, 0.3131686868686869], [0.6464353535353535, 0.30408582601930384], [0.6471515684646704, 0.303069696969697], [0.6545110660257532, 0.29297070707070705], [0.6565343434343435, 0.2902883895009447], [0.662215479111977, 0.28287171717171716], [0.6666333333333333, 0.2773065869131711], [0.670287461097191, 0.2727727272727273], [0.6767323232323232, 0.2650670045677216], [0.6787640853233704, 0.26267373737373734], [0.6868313131313131, 0.25352967445259916], [0.6876862644311597, 0.25257474747474745], [0.696930303030303, 0.24265458720996386], [0.6970993767471871, 0.24247575757575757], [0.707029292929293, 0.23240150166932946], [0.7070540232914152, 0.23237676767676768], [0.7171282828282828, 0.22272973562941395], [0.7176069499779744, 0.22227777777777777], [0.7272272727272728, 0.21359793250956435], [0.7288221807645955, 0.21217878787878786], [0.7373262626262627, 0.20496379710723892], [0.7407724230328809, 0.20207979797979797], [0.7474252525252525, 0.19678379182482153], [0.7535408283540291, 0.19198080808080809], [0.7575242424242424, 0.18901278216713338], [0.7672232230912145, 0.18188181818181817], [0.7676232323232324, 0.1816036167621211], [0.7777222222222222, 0.174671699649149], [0.7819859795779904, 0.17178282828282826], [0.7838656741125899, 0.1705820328218169]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.914775762682733, 0.10741933128222164], [0.9191080808080808, 0.10591126435768317], [0.9292070707070708, 0.10243425290279612], [0.9331544208869177, 0.101089898989899], [0.9393060606060606, 0.09919448736563667], [0.9494050505050505, 0.09611611526554056], [0.9595040404040405, 0.09307031572963342], [0.9664717047123357, 0.0909909090909091], [0.9696030303030303, 0.09015486514303636], [0.9797020202020201, 0.08748643854483958], [0.9898010101010101, 0.08484537812752943], [0.9999, 0.08223112827400238]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#23888D\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764204112\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.4725049665247236, 0.9999], [0.47409427872927534, 0.9898010101010101], [0.47475252525252526, 0.9856607650246982], [0.4757202608560304, 0.9797020202020201], [0.47737739167430326, 0.9696030303030303], [0.47905187316412406, 0.9595040404040404], [0.48074407250716955, 0.9494050505050504], [0.4824543686655412, 0.9393060606060606], [0.4841831528911587, 0.9292070707070708], [0.48485151515151514, 0.9253449233295565], [0.485953548589845, 0.9191080808080808], [0.48775772925087757, 0.9090090909090909], [0.48958206654201997, 0.898910101010101], [0.4914270159437507, 0.8888111111111111], [0.4932930485519225, 0.8787121212121212], [0.49495050505050503, 0.8698444545264135], [0.4951853964576504, 0.8686131313131313], [0.4971344444160525, 0.8585141414141414], [0.4991065558632513, 0.8484151515151515], [0.5011022831722075, 0.8383161616161616], [0.5031221988007264, 0.8282171717171716], [0.5050494949494949, 0.8186980401277212], [0.5051692677064508, 0.8181181818181819], [0.5072811772280108, 0.8080191919191919], [0.5094196490368179, 0.797920202020202], [0.511585359820794, 0.7878212121212121], [0.5137790124603115, 0.7777222222222222], [0.5151484848484849, 0.7714988803595042], [0.5160182233486077, 0.7676232323232324], [0.51831456343269, 0.7575242424242424], [0.5206417236964658, 0.7474252525252525], [0.5230005427095926, 0.7373262626262627], [0.5252474747474747, 0.7278371731202776], [0.525394697626214, 0.7272272727272727], [0.5278665678116586, 0.7171282828282828], [0.5303734962287241, 0.707029292929293], [0.5329164916551303, 0.6969303030303029], [0.5353464646464646, 0.6874189948200088], [0.5354994665324844, 0.6868313131313131], [0.5381676682663449, 0.6767323232323232], [0.5408759888613747, 0.6666333333333332], [0.5436256532060988, 0.6565343434343435], [0.5454454545454546, 0.6499525930889365], [0.5464361181980595, 0.6464353535353535], [0.5493253835796899, 0.6363363636363636], [0.5522608718406218, 0.6262373737373738], [0.5552440860196811, 0.6161383838383838], [0.5555444444444444, 0.6151381203489136], [0.5583267287228258, 0.606039393939394], [0.5614667774150135, 0.595940404040404], [0.5646604956602586, 0.585841414141414], [0.5656434343434343, 0.5827863477588902], [0.5679505794647808, 0.5757424242424243], [0.5713169094311107, 0.5656434343434343], [0.5747438864230825, 0.5555444444444445], [0.5757424242424243, 0.5526548574553317], [0.5782778243637682, 0.5454454545454546], [0.5818958101162185, 0.5353464646464646], [0.5855827010138223, 0.5252474747474747], [0.5858414141414141, 0.5245523141959872], [0.5894020306449343, 0.5151484848484849], [0.5933015685138462, 0.505049494949495], [0.595940404040404, 0.4983507710192837], [0.5973027686333506, 0.494950505050505], [0.6014324893417424, 0.48485151515151514], [0.6056491397711523, 0.47475252525252526], [0.606039393939394, 0.47383753075443025], [0.6100222835967789, 0.4646535353535354], [0.6144982294343124, 0.45455454545454543], [0.6161383838383838, 0.4509352186986113], [0.6191232734484505, 0.44445555555555555], [0.6238823552052462, 0.43435656565656566], [0.6262373737373738, 0.4294739764162875], [0.6287943056699739, 0.4242575757575757], [0.6338638104405885, 0.41415858585858584], [0.6363363636363636, 0.4093516704413759], [0.6391020187777299, 0.40405959595959595], [0.644513378268265, 0.39396060606060607], [0.6464353535353535, 0.39046450009563705], [0.6475757022098617, 0.3884223425696539]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.7505296175693253, 0.24952902153476963], [0.7575242424242424, 0.242627266715264], [0.7576798511037075, 0.24247575757575757], [0.7676232323232324, 0.23318944896200805], [0.7685049410520093, 0.23237676767676768], [0.7777222222222222, 0.22424256873030485], [0.7799777287884664, 0.22227777777777774], [0.7878212121212121, 0.2157488891438141], [0.7921654905538764, 0.21217878787878786], [0.7979202020202021, 0.2076695435025442], [0.8051447178614811, 0.20207979797979797], [0.8080191919191919, 0.19996424388563114], [0.8181181818181819, 0.19262391603537812], [0.8190139746246017, 0.19198080808080809], [0.8282171717171717, 0.18571245418382287], [0.8339103126213885, 0.1818818181818182], [0.8383161616161616, 0.17907757456947793], [0.8484151515151515, 0.17272672187367508], [0.8499340847386356, 0.17178282828282826], [0.8585141414141414, 0.16675569327672954], [0.8672729564703706, 0.16168383838383837], [0.8686131313131313, 0.16095483457912235], [0.8787121212121212, 0.1555248731285282], [0.8861247391630558, 0.1515848484848485], [0.8888111111111111, 0.1502490916104427], [0.898910101010101, 0.14528426091410493], [0.9067237479248764, 0.14148585858585858], [0.9090090909090909, 0.14045152680314446], [0.9191080808080807, 0.13593128874907373], [0.9292070707070708, 0.13146044784679356], [0.9293750917866908, 0.13138686868686866], [0.9393060606060606, 0.12736014925396724], [0.9494050505050505, 0.12330909351087457], [0.9544976786962476, 0.1212878787878788], [0.9595040404040404, 0.11945991144586629], [0.9696030303030303, 0.11581108694633625], [0.9797020202020201, 0.11220007090023638], [0.9825593132149526, 0.11118888888888889], [0.9898010101010101, 0.10884904231554271], [0.9999, 0.1056191076895758]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#1E988A\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764230208\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.5135603819246188, 0.9999], [0.5151484848484849, 0.990607903356782], [0.5152891206057495, 0.9898010101010101], [0.5170673543703864, 0.9797020202020202], [0.5188640138652878, 0.9696030303030303], [0.5206794849400813, 0.9595040404040404], [0.5224818493855852, 0.949582935436372]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.5655172168295566, 0.7488022500059256], [0.5656434343434343, 0.7482939856729381], [0.5658630538368956, 0.7474252525252525], [0.5684508541282706, 0.7373262626262627], [0.5710743444660854, 0.7272272727272727], [0.5737345230832149, 0.7171282828282828], [0.5757424242424243, 0.7096121716412547], [0.5764446416826382, 0.707029292929293], [0.5792297954804064, 0.696930303030303], [0.5820556040143399, 0.6868313131313131], [0.5849232717576464, 0.6767323232323232], [0.5858414141414141, 0.6735468223307103], [0.5878687079484013, 0.6666333333333333], [0.5908753170329721, 0.6565343434343435], [0.593928534909252, 0.6464353535353535], [0.595940404040404, 0.6398839454415419], [0.5970484498349373, 0.6363363636363636], [0.6002532144937631, 0.6262373737373738], [0.6035100830351899, 0.6161383838383838], [0.606039393939394, 0.60842293811308], [0.606833908663956, 0.606039393939394], [0.6102568088308897, 0.595940404040404], [0.6137382130339475, 0.5858414141414141], [0.6161383838383838, 0.5789979101767826], [0.6172990260277196, 0.5757424242424243], [0.6209632240147078, 0.5656434343434343], [0.6246934353490199, 0.5555444444444444], [0.6262373737373736, 0.5514397675965423], [0.6285287399267736, 0.5454454545454546], [0.632461294185302, 0.5353464646464646], [0.6363363636363636, 0.5255810818706167], [0.636470862448418, 0.5252474747474747], [0.640621473804926, 0.5151484848484849], [0.644854264689272, 0.5050494949494949], [0.6464353535353535, 0.5013518742324161], [0.6492156557381121, 0.4949505050505051], [0.653692369753738, 0.4848515151515151], [0.6565343434343435, 0.47857249725217177], [0.6582901203759586, 0.4747525252525253], [0.6630317377613083, 0.4646535353535354], [0.6666333333333333, 0.4571475777432459], [0.6678965457062452, 0.45455454545454543], [0.672926875285782, 0.44445555555555555], [0.6767323232323232, 0.4369873218354666], [0.6780929840984361, 0.43435656565656566], [0.6834391957049463, 0.4242575757575757], [0.6868313131313131, 0.4180006169042162], [0.6889450676437308, 0.4141585858585858], [0.6946383560051257, 0.40405959595959595], [0.696930303030303, 0.4000944154632218], [0.7005275101237911, 0.3939606060606061], [0.7066039311933819, 0.3838616161616162], [0.707029292929293, 0.3831730261894312], [0.71292599861914, 0.37376262626262624], [0.7171282828282828, 0.3672351190738549], [0.719460145060712, 0.36366363636363636], [0.7262396037512847, 0.35356464646464647], [0.7272272727272727, 0.35213480826433957], [0.7332992823095379, 0.34346565656565653], [0.7373262626262627, 0.33788286708140586], [0.7406288184931125, 0.33336666666666664], [0.7474252525252525, 0.3243500287878767], [0.7482521912630222, 0.32326767676767676], [0.7562129334426263, 0.3131686868686869], [0.7575242424242424, 0.31155796429268995], [0.7645273923575944, 0.303069696969697], [0.7676232323232324, 0.2994403507396374], [0.773214938813775, 0.29297070707070705], [0.7777222222222222, 0.2879325018835396], [0.7823088825498721, 0.28287171717171716], [0.7878212121212121, 0.27700295539743575], [0.7918457858011264, 0.2727727272727273], [0.797920202020202, 0.266620053987113], [0.8018659518623824, 0.26267373737373734], [0.8080191919191919, 0.25675181395892877], [0.8124140077569255, 0.25257474747474745], [0.8181181818181819, 0.24736578020559458], [0.8235396038828204, 0.24247575757575757], [0.8282171717171717, 0.2384288642913023], [0.835298260278469, 0.23237676767676768], [0.8383161616161616, 0.22990716151578192], [0.8477523983162936, 0.22227777777777777], [0.8484151515151515, 0.22176574177985456], [0.8585141414141414, 0.21405569783215772], [0.8610017007576378, 0.21217878787878786], [0.8686131313131313, 0.2067029117831501], [0.8751143801044916, 0.20207979797979797], [0.8787121212121212, 0.1996461925892497], [0.8888111111111111, 0.19289303785554032], [0.8901908923928578, 0.19198080808080809], [0.898910101010101, 0.18651178775772184], [0.9063750181798904, 0.1818818181818182], [0.9090090909090909, 0.18033639264657716], [0.9191080808080808, 0.17447672279690746], [0.9238022362639596, 0.17178282828282826], [0.9292070707070708, 0.16885832879473228], [0.9393060606060606, 0.16345294085371495], [0.9426470379389431, 0.16168383838383837], [0.9494050505050505, 0.15832224388153382], [0.9595040404040405, 0.1533519225188682], [0.9631324757136983, 0.1515848484848485], [0.9696030303030303, 0.14863696157140613], [0.9797020202020201, 0.14408368852474807], [0.9855236138161687, 0.14148585858585858], [0.98980101010101, 0.13970876777847246], [0.9999, 0.1355556253385283]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#22A784\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764231776\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.5581940054326991, 0.9999], [0.5600908827374544, 0.9898010101010101], [0.5620072135576799, 0.9797020202020201], [0.5639434010443871, 0.9696030303030303], [0.5656434343434343, 0.9608276812553491], [0.5659044807359868, 0.9595040404040404], [0.5679172622846893, 0.9494050505050504], [0.5699515690373392, 0.9393060606060606], [0.5720078663673858, 0.9292070707070708], [0.5740866349053707, 0.9191080808080808], [0.5757424242424243, 0.9111518972815397], [0.5761962631052571, 0.9090090909090909], [0.5783590902083612, 0.898910101010101], [0.5805463538187102, 0.8888111111111111], [0.5827586124398683, 0.8787121212121212], [0.5849964439440959, 0.8686131313131312], [0.5858414141414141, 0.864843989998916], [0.5872851222853801, 0.8585141414141414], [0.5896157502393383, 0.8484151515151515], [0.5919742872588043, 0.8383161616161615], [0.5943614098705361, 0.8282171717171717], [0.595940404040404, 0.8216180231447108], [0.5967921325649399, 0.8181181818181819], [0.5992803709415369, 0.8080191919191919], [0.6017999048361586, 0.797920202020202], [0.6043515315182142, 0.7878212121212123], [0.606039393939394, 0.7812259745055046], [0.6069511476517276, 0.7777222222222222], [0.6096134770323527, 0.7676232323232324], [0.6123110654535432, 0.7575242424242424], [0.6150448593829929, 0.7474252525252525], [0.6161383838383838, 0.7434398486753542], [0.6178435672441882, 0.7373262626262627], [0.6206991958102688, 0.7272272727272727], [0.6235947589996795, 0.7171282828282828], [0.6262373737373738, 0.7080404052178376], [0.6265361697917322, 0.707029292929293], [0.6295634808917421, 0.696930303030303], [0.6326349814846837, 0.6868313131313131], [0.6357519807675984, 0.6767323232323232], [0.6363363636363636, 0.6748669862473339], [0.638957113936956, 0.6666333333333333], [0.6416933166316718, 0.658166216202495]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.7136878189701105, 0.4784073407984813], [0.7154959043735882, 0.47475252525252526], [0.7171282828282828, 0.4715223359819886], [0.7206486670726985, 0.4646535353535354], [0.7259383222619652, 0.45455454545454543], [0.7272272727272727, 0.45214776350314057], [0.7314044396178632, 0.44445555555555555], [0.7370146368684478, 0.43435656565656566], [0.7373262626262627, 0.4338084979123817], [0.7428317164146874, 0.4242575757575757], [0.7474252525252525, 0.41647613624114294], [0.7488119595000731, 0.41415858585858584], [0.7550038749705628, 0.40405959595959595], [0.7575242424242424, 0.4000503711333398], [0.7614039060833222, 0.39396060606060607], [0.7676232323232324, 0.3844454691415623], [0.768009906973825, 0.3838616161616162], [0.7748766048746162, 0.37376262626262624], [0.7777222222222222, 0.36968910670659066], [0.781986420083287, 0.36366363636363636], [0.7878212121212121, 0.35564470968659734], [0.7893542506662017, 0.35356464646464647], [0.7970130715445799, 0.34346565656565653], [0.797920202020202, 0.3423041721861244], [0.8049893917333436, 0.3333666666666666], [0.808019191919192, 0.3296504488338836], [0.8132884610595479, 0.32326767676767676], [0.8181181818181819, 0.3175973229417842], [0.8219371238370039, 0.3131686868686869], [0.8282171717171717, 0.306117191671956], [0.8309645630973846, 0.303069696969697], [0.8383161616161616, 0.29518239471877794], [0.8404026170827386, 0.29297070707070705], [0.8484151515151515, 0.28476512163509105], [0.8502861501898373, 0.28287171717171716], [0.8585141414141414, 0.2748373114588329], [0.8606534901572092, 0.2727727272727273], [0.8686131313131313, 0.26537054285109457], [0.8715469463791926, 0.26267373737373734], [0.8787121212121212, 0.25633591258316957], [0.8830134282910096, 0.25257474747474745], [0.8888111111111111, 0.24770389973086948], [0.895105188148513, 0.24247575757575757], [0.898910101010101, 0.2394442123147857], [0.9078807197298413, 0.23237676767676768], [0.9090090909090909, 0.23152561231765628], [0.9191080808080807, 0.2239918887880652], [0.921431241738869, 0.22227777777777777], [0.9292070707070708, 0.21679545782774018], [0.9358266650033051, 0.21217878787878786], [0.9393060606060606, 0.20986502632375642], [0.9494050505050505, 0.20322112372027373], [0.9511584629745439, 0.20207979797979797], [0.9595040404040404, 0.19691248979435988], [0.9675533426923437, 0.19198080808080809], [0.9696030303030303, 0.1907893933854791], [0.9797020202020201, 0.18498001509616335], [0.9851437155238669, 0.1818818181818182], [0.9898010101010101, 0.17937354011306478], [0.9999, 0.17398974323210006]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#35B778\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764233288\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.6066892298336369, 0.9999], [0.6087569753623143, 0.98980101010101], [0.6108459267536634, 0.9797020202020204], [0.6129565234740116, 0.9696030303030303], [0.6150892187939763, 0.9595040404040402], [0.6161383838383838, 0.9545879284618757], [0.6172627607936384, 0.9494050505050505], [0.6194770721601808, 0.9393060606060606], [0.6217153199293443, 0.9292070707070708], [0.6239780272600233, 0.9191080808080808], [0.6262373737373738, 0.9091342889974754], [0.6262661957511918, 0.9090090909090909], [0.6286170714916536, 0.898910101010101], [0.6309945083899544, 0.8888111111111111], [0.6333991135091727, 0.8787121212121212], [0.6358315149651097, 0.8686131313131313], [0.6363363636363636, 0.866541300081255], [0.6383236552662852, 0.8585141414141414], [0.6408534577941599, 0.8484151515151515], [0.6434135544856106, 0.8383161616161616], [0.6460046796831136, 0.8282171717171717], [0.6464353535353535, 0.8265589514702278], [0.6486621142747167, 0.8181181818181819], [0.6513594229794177, 0.8080191919191919], [0.654090656758975, 0.797920202020202], [0.6565343434343435, 0.7889980903669576], [0.6568616767677703, 0.7878212121212121], [0.6597068193514654, 0.7777222222222222], [0.6625891495801124, 0.7676232323232324], [0.6655096524703371, 0.7575242424242424], [0.6666333333333332, 0.7536900562564015], [0.6684973803743528, 0.7474252525252525], [0.671543140265038, 0.7373262626262627], [0.6746309062225383, 0.7272272727272727], [0.6767323232323232, 0.7204490711977938], [0.6777773330623821, 0.7171282828282828], [0.6810004301535275, 0.707029292929293], [0.6842698977242214, 0.696930303030303], [0.6868313131313131, 0.6891322286895399], [0.6875982849840554, 0.6868313131313131], [0.6910144810008225, 0.6767323232323232], [0.6944820426590947, 0.6666333333333333], [0.696930303030303, 0.659610186656211], [0.6980181895863017, 0.6565343434343435], [0.701645445382622, 0.6464353535353535], [0.7053298167532001, 0.6363363636363636], [0.707029292929293, 0.631751391446875], [0.7091025357850822, 0.6262373737373738], [0.7129614404138962, 0.6161383838383838], [0.7168841210320871, 0.6060393939393939], [0.7171282828282828, 0.6054211851862339], [0.7209258280721067, 0.595940404040404], [0.7250401378687569, 0.5858414141414141], [0.7272272727272727, 0.5805646291782892], [0.7292539432853391, 0.5757424242424243], [0.7335734474507899, 0.5656434343434343], [0.7373262626262627, 0.5570246361645826], [0.7379796596427078, 0.5555444444444444], [0.7425194166603086, 0.5454454545454546], [0.7471440181402261, 0.5353464646464646], [0.7474252525252525, 0.5347437959854648], [0.7519169814030477, 0.5252474747474747], [0.7567865117137041, 0.5151484848484849], [0.7575242424242425, 0.5136481990996392], [0.761809204391744, 0.5050494949494949], [0.7669434535519051, 0.494950505050505], [0.7676232323232324, 0.4936403994277526], [0.7722439447148572, 0.48485151515151514], [0.7776652023412667, 0.4747525252525253], [0.7777222222222222, 0.4746485416664478], [0.7832746675222202, 0.4646535353535354], [0.7878212121212121, 0.4566452420262322], [0.7890234762529432, 0.45455454545454543], [0.7949614309194276, 0.4444555555555555], [0.7979202020202019, 0.43953648506673515], [0.8010755572190049, 0.43435656565656566], [0.8073720991699775, 0.4242575757575757], [0.8080191919191919, 0.4232441241924698], [0.8138933066139398, 0.4141585858585858], [0.8146213525828382, 0.4130596420686251]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.9230151919362745, 0.2839635413861412], [0.9241834641377196, 0.2828717171717172], [0.9292070707070708, 0.2783415490407368], [0.9354499486087492, 0.2727727272727273], [0.9393060606060606, 0.26945803269089624], [0.9472838090133254, 0.26267373737373734], [0.9494050505050505, 0.2609378918583559], [0.9595040404040404, 0.252761172387965], [0.959736728389879, 0.25257474747474745], [0.9696030303030303, 0.2449800139147549], [0.972890367070876, 0.24247575757575757], [0.9797020202020204, 0.2374984885329695], [0.9867839927177864, 0.23237676767676768], [0.9898010101010101, 0.23028768168788583], [0.9999, 0.22336578364904855]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#53C567\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764267632\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.6594232580273115, 0.9999000000000001], [0.6616618711327481, 0.9898010101010101], [0.6639234424414215, 0.9797020202020204], [0.6662084477348367, 0.9696030303030303], [0.6666333333333334, 0.9677446303693931], [0.6685461385370548, 0.9595040404040404], [0.6709151193777256, 0.9494050505050505], [0.6715104539807389, 0.946893986877306]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.7250484259192609, 0.7522262665823103], [0.7265843273857091, 0.7474252525252525], [0.7272272727272727, 0.7454424687818804], [0.7298958704031283, 0.7373262626262627], [0.7332622003694582, 0.7272272727272727], [0.7366756068781677, 0.7171282828282828], [0.7373262626262627, 0.7152301573338221], [0.7401761958960003, 0.707029292929293], [0.743736250372786, 0.696930303030303], [0.7473482707681515, 0.6868313131313131], [0.7474252525252526, 0.6866192186029696], [0.751062615319213, 0.6767323232323232], [0.7548338714569353, 0.6666333333333333], [0.7575242424242424, 0.6595371559069162], [0.7586779772420285, 0.6565343434343435], [0.7626183431866007, 0.6464353535353535], [0.76662075500727, 0.6363363636363636], [0.7676232323232323, 0.6338467164559423], [0.7707277761658471, 0.6262373737373738], [0.7749150626658794, 0.6161383838383838], [0.7777222222222222, 0.6094780890030249], [0.7791904958869345, 0.606039393939394], [0.783575084295371, 0.5959404040404039], [0.7878212121212123, 0.586324680826092], [0.7880373671616331, 0.5858414141414141], [0.7926329813550219, 0.5757424242424243], [0.7973099238079706, 0.5656434343434343], [0.797920202020202, 0.5643489724463165], [0.8021239977303518, 0.5555444444444444], [0.8070343082356227, 0.5454454545454546], [0.8080191919191919, 0.5434570157883212], [0.8120869143604301, 0.5353464646464646], [0.817248371388959, 0.5252474747474747], [0.8181181818181819, 0.5235780023855846], [0.8225645897546083, 0.5151484848484849], [0.8279970839022464, 0.5050494949494949], [0.8282171717171717, 0.5046484531583403], [0.833604606859905, 0.4949505050505051], [0.8383161616161616, 0.4866405292458885], [0.8393427829260859, 0.48485151515151514], [0.8452600526714814, 0.4747525252525253], [0.8484151515151515, 0.46948107475408213], [0.8513391585287576, 0.4646535353535354], [0.8575904649647345, 0.45455454545454543], [0.8585141414141414, 0.4530951366435757], [0.8640469356660234, 0.4444555555555555], [0.8686131313131313, 0.43748554721168165], [0.8706869641456769, 0.43435656565656566], [0.8775378635739477, 0.42425757575757567], [0.8787121212121212, 0.4225673124372048], [0.8846213491853417, 0.41415858585858584], [0.8888111111111111, 0.4083402703708851], [0.8919288450068452, 0.40405959595959595], [0.898910101010101, 0.39471091486668186], [0.8994767349535382, 0.39396060606060607], [0.9073015708798691, 0.3838616161616162], [0.909009090909091, 0.3817150676796167], [0.9154057130285398, 0.37376262626262624], [0.9191080808080808, 0.3692824752826295], [0.9238027563362792, 0.36366363636363636], [0.9292070707070708, 0.3573726483148304], [0.9325141081970426, 0.35356464646464647], [0.9393060606060606, 0.3459640927768032], [0.9415628297734784, 0.34346565656565653], [0.9494050505050505, 0.33503526438108816], [0.9509738329683244, 0.33336666666666664], [0.9595040404040404, 0.3245645119130988], [0.9607741071216962, 0.32326767676767676], [0.9696030303030303, 0.31453001643034717], [0.9709929810534863, 0.3131686868686868], [0.9797020202020202, 0.30490972545809925], [0.9816624273509498, 0.303069696969697], [0.98980101010101, 0.29568128118708514], [0.9928174174281762, 0.29297070707070705], [0.9999, 0.28682194148901924]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#79D151\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764821264\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.7167155312475945, 0.9999], [0.7171282828282828, 0.998170011062401], [0.7191533307769971, 0.9898010101010101], [0.7216220453165513, 0.9797020202020202], [0.7241163402207969, 0.9696030303030303], [0.726636751163167, 0.9595040404040404], [0.7272272727272727, 0.9571626643533697], [0.729211192366794, 0.9494050505050505], [0.7318215117887656, 0.9393060606060606], [0.734460048406204, 0.9292070707070706], [0.7371274189398844, 0.9191080808080808], [0.7373262626262627, 0.9183634614835771], [0.7398587120762374, 0.9090090909090909], [0.742623292731384, 0.898910101010101], [0.7454191087520909, 0.888811111111111], [0.7474252525252525, 0.8816464338140784], [0.7482580513923848, 0.8787121212121212], [0.7511574182625114, 0.8686131313131313], [0.7540906926978488, 0.8585141414141413], [0.7570586771780496, 0.8484151515151515], [0.7575242424242425, 0.8468497450635084], [0.7600962660859429, 0.8383161616161616], [0.7631769950171673, 0.8282171717171717], [0.7662955206537377, 0.8181181818181819], [0.7676232323232324, 0.8138712901550718], [0.7694770119360154, 0.8080191919191919], [0.7727163229886814, 0.797920202020202], [0.7759968950544524, 0.7878212121212121], [0.7777222222222222, 0.7825775775717863], [0.7793406740054102, 0.7777222222222222], [0.782751003834628, 0.7676232323232324], [0.7862064989836087, 0.7575242424242424], [0.7878212121212121, 0.7528675994364522], [0.7897327198452098, 0.7474252525252525], [0.7933280278404264, 0.7373262626262627], [0.796972921079815, 0.7272272727272727], [0.7979202020202019, 0.7246388178672466], [0.8007037967769076, 0.7171282828282828], [0.8044998242333857, 0.707029292929293], [0.8080191919191919, 0.6977991252835194], [0.8083546314254736, 0.696930303030303], [0.8123106175731046, 0.6868313131313131], [0.8135038280900421, 0.6838297039209186]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.8948558211308268, 0.5137628456392923], [0.898910101010101, 0.5068220368505818], [0.8999571800846188, 0.5050494949494949], [0.9060433762504946, 0.49495050505050503], [0.9090090909090909, 0.49012881742569053], [0.912291308551451, 0.48485151515151514], [0.9187045894151258, 0.4747525252525253], [0.9191080808080808, 0.4741305221572582], [0.9253236956734404, 0.4646535353535354], [0.9292070707070708, 0.45885984546082303], [0.9321243481346655, 0.45455454545454543], [0.9391211939861984, 0.44445555555555555], [0.9393060606060606, 0.4441947212261756], [0.9463542393158983, 0.43435656565656566], [0.9494050505050505, 0.4301959921667343], [0.9538060627684213, 0.4242575757575757], [0.9595040404040404, 0.4167500049524273], [0.9614916456252147, 0.41415858585858584], [0.9694287479231519, 0.40405959595959595], [0.9696030303030302, 0.40384331759795916], [0.9776501430603071, 0.39396060606060607], [0.9797020202020204, 0.39150446883831946], [0.986153081066985, 0.3838616161616162], [0.9898010101010101, 0.3796519958407737], [0.9949568984780494, 0.37376262626262624], [0.9999, 0.36826686142077364]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#A5DA35\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764882368\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.7790051685062264, 0.9999], [0.7816538619049465, 0.98980101010101], [0.7843297191048665, 0.9797020202020202], [0.7870333030435162, 0.9696030303030303], [0.7878212121212121, 0.9666903646988289], [0.7897902754695815, 0.9595040404040402], [0.7911147925010029, 0.9547206756489699]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.8517281979601051, 0.7650499575972265], [0.8545357737853048, 0.7575242424242424], [0.8583539128348203, 0.7474252525252525], [0.8585141414141414, 0.7470071354996226], [0.8622678934028463, 0.7373262626262627], [0.8662377764041729, 0.7272272727272726], [0.8686131313131313, 0.7212679430868235], [0.8702824733283284, 0.7171282828282828], [0.8744127090249665, 0.707029292929293], [0.8786023661428292, 0.696930303030303], [0.8787121212121212, 0.6966695493215564], [0.8829010485402606, 0.6868313131313131], [0.8872646956136382, 0.6767323232323232], [0.8888111111111112, 0.6732063979672952], [0.8917268978866665, 0.6666333333333333], [0.8962751591827269, 0.6565343434343435], [0.898910101010101, 0.650773013701901], [0.9009163422283515, 0.6464353535353535], [0.9056608457998239, 0.6363363636363635], [0.9090090909090909, 0.629321625082011], [0.910497699870302, 0.6262373737373739], [0.9154512081209637, 0.6161383838383838], [0.9191080808080807, 0.608804129210338], [0.9205018135473106, 0.606039393939394], [0.9256783757403433, 0.5959404040404039], [0.9292070707070708, 0.5891719356826632], [0.9309623902396962, 0.5858414141414141], [0.9363775215282104, 0.5757424242424243], [0.9393060606060606, 0.5703757960625202], [0.9419163996557508, 0.5656434343434343], [0.947587292369925, 0.5555444444444444], [0.9494050505050506, 0.5523656158615495], [0.9534045440860295, 0.5454454545454546], [0.959350318511942, 0.5353464646464646], [0.9595040404040402, 0.5350902453722526], [0.9654718156709301, 0.5252474747474747], [0.9696030303030303, 0.5185635482666864], [0.9717359201381629, 0.5151484848484849], [0.97816816150191, 0.5050494949494949], [0.9797020202020204, 0.5026889301797133], [0.9847824323111659, 0.494950505050505], [0.9898010101010102, 0.48746067405164306], [0.9915672122737655, 0.48485151515151514], [0.9985473620352114, 0.47475252525252526], [0.9999, 0.47283670234097436]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#D2E11B\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764654672\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.8467045506498926, 0.9999], [0.8484151515151515, 0.9938464056556537], [0.8495719723748782, 0.9898010101010102], [0.8524894954529457, 0.9797020202020202], [0.8554372493669956, 0.9696030303030303], [0.8584158671750741, 0.9595040404040404], [0.8585141414141413, 0.9591743307414526], [0.8614604586816479, 0.9494050505050505], [0.864538785169237, 0.9393060606060606], [0.8676503879445782, 0.9292070707070708], [0.8686131313131313, 0.9261161767894349], [0.8708215224843655, 0.9191080808080808], [0.8740390775668105, 0.9090090909090909], [0.8772925797520352, 0.898910101010101], [0.8787121212121212, 0.8945530204288112], [0.8806044661643817, 0.8888111111111111], [0.8839707961307117, 0.8787121212121212], [0.8873760396136531, 0.8686131313131313], [0.8888111111111112, 0.8644063127551866], [0.8908440760733232, 0.8585141414141414], [0.8943697439005454, 0.8484151515151515], [0.897937631291032, 0.8383161616161616], [0.898910101010101, 0.8355965251432131], [0.9015785743334148, 0.8282171717171718], [0.9052753093730296, 0.8181181818181817], [0.9090090909090909, 0.8080431295376931], [0.9090180612231603, 0.8080191919191919], [0.9128501262193616, 0.797920202020202], [0.9167310024848287, 0.787821212121212], [0.9191080808080808, 0.7817142639632522], [0.920679117845435, 0.7777222222222222], [0.924705444336134, 0.7676232323232324], [0.9287850942097695, 0.7575242424242425], [0.9292070707070708, 0.7564934927117509], [0.9329600682377991, 0.7474252525252525], [0.937196512812444, 0.7373262626262627], [0.9393060606060606, 0.732365858427596], [0.9415150080222211, 0.7272272727272727], [0.9459170181826694, 0.7171282828282828], [0.9494050505050505, 0.7092380262872512], [0.9503919035038751, 0.707029292929293], [0.9549690072726746, 0.696930303030303], [0.9578392717891697, 0.6906884210750366]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#FDE724\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764707528\"}], \"images\": [], \"sharex\": [], \"sharey\": []}], \"data\": {\"data01\": [[0.0001, 0.9999], [0.010198989898989898, 0.9898010101010101], [0.020297979797979798, 0.9797020202020202], [0.030396969696969697, 0.9696030303030303], [0.0404959595959596, 0.9595040404040404], [0.0505949494949495, 0.9494050505050505], [0.0606939393939394, 0.9393060606060606], [0.0707929292929293, 0.9292070707070708], [0.0808919191919192, 0.9191080808080808], [0.0909909090909091, 0.9090090909090909], [0.101089898989899, 0.898910101010101], [0.11118888888888889, 0.8888111111111111], [0.12128787878787879, 0.8787121212121212], [0.13138686868686866, 0.8686131313131313], [0.14148585858585858, 0.8585141414141414], [0.1515848484848485, 0.8484151515151515], [0.16168383838383837, 0.8383161616161616], [0.17178282828282826, 0.8282171717171718], [0.18188181818181817, 0.8181181818181819], [0.19198080808080809, 0.8080191919191919], [0.20207979797979797, 0.7979202020202021], [0.21217878787878786, 0.7878212121212121], [0.22227777777777777, 0.7777222222222222], [0.23237676767676768, 0.7676232323232324], [0.24247575757575757, 0.7575242424242424], [0.25257474747474745, 0.7474252525252525], [0.26267373737373734, 0.7373262626262627], [0.2727727272727273, 0.7272272727272727], [0.28287171717171716, 0.7171282828282828], [0.29297070707070705, 0.707029292929293], [0.303069696969697, 0.696930303030303], [0.3131686868686869, 0.6868313131313131], [0.32326767676767676, 0.6767323232323232], [0.33336666666666664, 0.6666333333333334], [0.34346565656565653, 0.6565343434343435], [0.35356464646464647, 0.6464353535353535], [0.36366363636363636, 0.6363363636363637], [0.37376262626262624, 0.6262373737373738], [0.3838616161616162, 0.6161383838383838], [0.39396060606060607, 0.606039393939394], [0.40405959595959595, 0.595940404040404], [0.41415858585858584, 0.5858414141414141], [0.4242575757575757, 0.5757424242424243], [0.43435656565656566, 0.5656434343434343], [0.44445555555555555, 0.5555444444444444], [0.45455454545454543, 0.5454454545454546], [0.4646535353535354, 0.5353464646464646], [0.47475252525252526, 0.5252474747474747], [0.48485151515151514, 0.5151484848484849], [0.49495050505050503, 0.505049494949495], [0.5050494949494949, 0.4949505050505051], [0.5151484848484849, 0.48485151515151514], [0.5252474747474747, 0.4747525252525253], [0.5353464646464646, 0.4646535353535354], [0.5454454545454546, 0.45455454545454543], [0.5555444444444444, 0.4444555555555556], [0.5656434343434343, 0.43435656565656566], [0.5757424242424243, 0.4242575757575757], [0.5858414141414141, 0.4141585858585859], [0.595940404040404, 0.40405959595959595], [0.606039393939394, 0.393960606060606], [0.6161383838383838, 0.3838616161616162], [0.6262373737373738, 0.37376262626262624], [0.6363363636363636, 0.3636636363636364], [0.6464353535353535, 0.35356464646464647], [0.6565343434343435, 0.34346565656565653], [0.6666333333333333, 0.3333666666666667], [0.6767323232323232, 0.32326767676767676], [0.6868313131313131, 0.31316868686868693], [0.696930303030303, 0.303069696969697], [0.707029292929293, 0.29297070707070705], [0.7171282828282828, 0.2828717171717172], [0.7272272727272727, 0.2727727272727273], [0.7373262626262627, 0.26267373737373734], [0.7474252525252525, 0.2525747474747475], [0.7575242424242424, 0.24247575757575757], [0.7676232323232324, 0.23237676767676763], [0.7777222222222222, 0.2222777777777778], [0.7878212121212121, 0.21217878787878786], [0.797920202020202, 0.20207979797979803], [0.8080191919191919, 0.19198080808080809], [0.8181181818181819, 0.18188181818181814], [0.8282171717171717, 0.17178282828282831], [0.8383161616161616, 0.16168383838383837], [0.8484151515151515, 0.15158484848484854], [0.8585141414141414, 0.1414858585858586], [0.8686131313131313, 0.13138686868686866], [0.8787121212121212, 0.12128787878787883], [0.8888111111111111, 0.11118888888888889], [0.898910101010101, 0.10108989898989895], [0.9090090909090909, 0.09099090909090912], [0.9191080808080808, 0.08089191919191918], [0.9292070707070708, 0.07079292929292924], [0.9393060606060606, 0.06069393939393941], [0.9494050505050505, 0.05059494949494947], [0.9595040404040404, 0.04049595959595964], [0.9696030303030303, 0.0303969696969697], [0.9797020202020202, 0.02029797979797976], [0.9898010101010101, 0.01019898989898993], [0.9999, 9.999999999998899e-05]], \"data02\": [[0.75, 0.25]], \"data03\": [[0.0, 0.0]]}, \"id\": \"el83139652764943360\", \"plugins\": [{\"type\": \"reset\"}, {\"type\": \"zoom\", \"button\": true, \"enabled\": false}, {\"type\": \"boxzoom\", \"button\": true, \"enabled\": false}]});\n", " }(mpld3);\n", "}else if(typeof define === \"function\" && define.amd){\n", " // require.js is available: use it to load d3/mpld3\n", " require.config({paths: {d3: \"https://mpld3.github.io/js/d3.v3.min\"}});\n", " require([\"d3\"], function(d3){\n", " window.d3 = d3;\n", " mpld3_load_lib(\"https://mpld3.github.io/js/mpld3.v0.3.js\", function(){\n", " \n", " mpld3.draw_figure(\"fig_el831396527649433608516548762\", {\"width\": 432.0, \"height\": 288.0, \"axes\": [{\"bbox\": [0.125, 0.125, 0.775, 0.755], \"xlim\": [0.0001, 0.9999], \"ylim\": [9.999999999998899e-05, 0.9999], \"xdomain\": [0.0001, 0.9999], \"ydomain\": [9.999999999998899e-05, 0.9999], \"xscale\": \"linear\", \"yscale\": \"linear\", \"axes\": [{\"position\": \"bottom\", \"nticks\": 6, \"tickvalues\": null, \"tickformat\": null, \"scale\": \"linear\", \"fontsize\": 10.0, \"grid\": {\"gridOn\": false}, \"visible\": true}, {\"position\": \"left\", \"nticks\": 6, \"tickvalues\": null, \"tickformat\": null, \"scale\": \"linear\", \"fontsize\": 10.0, \"grid\": {\"gridOn\": false}, \"visible\": true}], \"axesbg\": \"#FFFFFF\", \"axesbgalpha\": null, \"zoomable\": true, \"id\": \"el83139652764945376\", \"lines\": [{\"data\": \"data01\", \"xindex\": 0, \"yindex\": 1, \"coordinates\": \"data\", \"id\": \"el83139652764397976\", \"color\": \"#1F77B4\", \"linewidth\": 1.5, \"dasharray\": \"none\", \"alpha\": 1, \"zorder\": 2, \"drawstyle\": \"default\"}], \"paths\": [], \"markers\": [{\"data\": \"data02\", \"xindex\": 0, \"yindex\": 1, \"coordinates\": \"data\", \"id\": \"el83139652765110112pts\", \"facecolor\": \"#FF0000\", \"edgecolor\": \"#FF0000\", \"edgewidth\": 1.0, \"alpha\": 1, \"zorder\": 2, \"markerpath\": [[[0.0, 3.0], [0.7956093000000001, 3.0], [1.5587396123545605, 2.683901074764725], [2.121320343559643, 2.121320343559643], [2.683901074764725, 1.5587396123545605], [3.0, 0.7956093000000001], [3.0, 0.0], [3.0, -0.7956093000000001], [2.683901074764725, -1.5587396123545605], [2.121320343559643, -2.121320343559643], [1.5587396123545605, -2.683901074764725], [0.7956093000000001, -3.0], [0.0, -3.0], [-0.7956093000000001, -3.0], [-1.5587396123545605, -2.683901074764725], [-2.121320343559643, -2.121320343559643], [-2.683901074764725, -1.5587396123545605], [-3.0, -0.7956093000000001], [-3.0, 0.0], [-3.0, 0.7956093000000001], [-2.683901074764725, 1.5587396123545605], [-2.121320343559643, 2.121320343559643], [-1.5587396123545605, 2.683901074764725], [-0.7956093000000001, 3.0], [0.0, 3.0]], [\"M\", \"C\", \"C\", \"C\", \"C\", \"C\", \"C\", \"C\", \"C\", \"Z\"]]}], \"texts\": [{\"text\": \"rice\", \"position\": [0.49999999999999994, -0.09657836644591611], \"coordinates\": \"axes\", \"h_anchor\": \"middle\", \"v_baseline\": \"hanging\", \"rotation\": -0.0, \"fontsize\": 10.0, \"color\": \"#000000\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652765056472\"}, {\"text\": \"pizza\", \"position\": [-0.08064516129032258, 0.49999999999999994], \"coordinates\": \"axes\", \"h_anchor\": \"middle\", \"v_baseline\": \"auto\", \"rotation\": -90.0, \"fontsize\": 10.0, \"color\": \"#000000\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652764706016\"}, {\"text\": \"-4.249\", \"position\": [0.25835195499164887, 0.8282171717171716], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -279.1440266581857, \"fontsize\": 10.0, \"color\": \"#440154\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652764365824\"}, {\"text\": \"-3.999\", \"position\": [0.3289343406475663, 0.5151484848484846], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -288.33163732845446, \"fontsize\": 10.0, \"color\": \"#48196B\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652764367336\"}, {\"text\": \"-3.749\", \"position\": [0.6464353535353535, 0.08725687848143515], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -345.0610816495742, \"fontsize\": 10.0, \"color\": \"#462F7C\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652764368792\"}, {\"text\": \"-3.499\", \"position\": [0.48485151515151514, 0.2651471393507611], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -313.32689360974246, \"fontsize\": 10.0, \"color\": \"#404387\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652763899272\"}, {\"text\": \"-3.249\", \"position\": [0.33858875197193417, 0.9999], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -280.41667635028057, \"fontsize\": 10.0, \"color\": \"#38568B\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652763900728\"}, {\"text\": \"-2.999\", \"position\": [0.39027036693195416, 0.8383161616161616], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -283.47974454130633, \"fontsize\": 10.0, \"color\": \"#30678D\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652763934960\"}, {\"text\": \"-2.749\", \"position\": [0.4895135190790375, 0.5454454545454546], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -294.8748342074417, \"fontsize\": 10.0, \"color\": \"#29788E\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652763936416\"}, {\"text\": \"-2.499\", \"position\": [0.8484151515151515, 0.1345813115369105], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -342.6954230851251, \"fontsize\": 10.0, \"color\": \"#23888D\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652763937872\"}, {\"text\": \"-2.249\", \"position\": [0.695750050530035, 0.3131686868686868], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -318.75789470186965, \"fontsize\": 10.0, \"color\": \"#1E988A\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652763963968\"}, {\"text\": \"-1.999\", \"position\": [0.5424737289602676, 0.8484151515151515], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -288.2373169157988, \"fontsize\": 10.0, \"color\": \"#22A784\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652763965424\"}, {\"text\": \"-1.749\", \"position\": [0.6749163975890173, 0.5656434343434342], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -301.5932834358027, \"fontsize\": 10.0, \"color\": \"#35B778\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652763966880\"}, {\"text\": \"-1.499\", \"position\": [0.866281506806436, 0.3434656565656565], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -322.29253547473536, \"fontsize\": 10.0, \"color\": \"#53C567\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652763997072\"}, {\"text\": \"-1.249\", \"position\": [0.696527687593809, 0.8484151515151515], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -292.9170136550897, \"fontsize\": 10.0, \"color\": \"#79D151\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652763998528\"}, {\"text\": \"-0.999\", \"position\": [0.8516667069751893, 0.5959404040404039], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -306.33238033448595, \"fontsize\": 10.0, \"color\": \"#A5DA35\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652763999984\"}, {\"text\": \"-0.749\", \"position\": [0.8196154986928067, 0.8585141414141413], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -296.16755158592866, \"fontsize\": 10.0, \"color\": \"#D2E11B\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652764034272\"}, {\"text\": \"-0.499\", \"position\": [0.9999, 0.6071208286402086], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -308.28156817277863, \"fontsize\": 10.0, \"color\": \"#FDE724\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652764035728\"}], \"collections\": [{\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 1, \"paths\": [[[[0.24258465799981052, 0.9998999999999999], [0.24342211370268305, 0.9898010101010101], [0.24426815797237028, 0.9797020202020204], [0.24512296879672274, 0.9696030303030303], [0.24598672975445354, 0.9595040404040404], [0.24685963025177515, 0.9494050505050504], [0.24774186577168916, 0.9393060606060606], [0.24831340149911038, 0.93283363135811]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.2701787385723803, 0.724046348969176], [0.27103353159059623, 0.7171282828282828], [0.2722990558310663, 0.7070292929292931], [0.2727727272727273, 0.7033029653998268], [0.2736133510770824, 0.696930303030303], [0.2749649637722912, 0.6868313131313131], [0.27633659814912515, 0.6767323232323232], [0.27772885630730254, 0.6666333333333333], [0.2791423679215541, 0.6565343434343435], [0.28057779195160504, 0.6464353535353535], [0.28203581848679576, 0.6363363636363636], [0.28287171717171716, 0.6306376971867003], [0.28354063840673055, 0.6262373737373738], [0.2851008101445511, 0.6161383838383838], [0.2866867667891647, 0.606039393939394], [0.2882993749760906, 0.5959404040404042], [0.28993954578039377, 0.5858414141414141], [0.29160823780797634, 0.5757424242424243], [0.29297070707070705, 0.5676400929657142], [0.29331823966745446, 0.5656434343434343], [0.29510770863284075, 0.5555444444444444], [0.2969300077516055, 0.5454454545454546], [0.2987863641972959, 0.5353464646464646], [0.30067807526268314, 0.5252474747474747], [0.3026065138056927, 0.5151484848484849], [0.303069696969697, 0.5127699465062245], [0.30462409070189567, 0.5050494949494949], [0.3066984372359103, 0.49495050505050503], [0.3088155480694782, 0.48485151515151514], [0.31097722362476, 0.47475252525252526], [0.3131686868686869, 0.4647298834351902], [0.31318592772288245, 0.4646535353535354], [0.3155165873604342, 0.45455454545454543], [0.31789961407749057, 0.44445555555555555], [0.32033741531881144, 0.43435656565656566], [0.32283256845714425, 0.42425757575757567], [0.3232676767676767, 0.42253793100632014], [0.3254551338234946, 0.41415858585858584], [0.32815659642376205, 0.40405959595959595], [0.33092644055298215, 0.3939606060606061], [0.33336666666666664, 0.38528863301959193], [0.3337805717555417, 0.3838616161616162], [0.33678787624644335, 0.37376262626262624], [0.3398775604587243, 0.36366363636363636], [0.34305426510459597, 0.35356464646464647], [0.34346565656565653, 0.35229363655313384], [0.34640831656148235, 0.34346565656565653], [0.34987511899307794, 0.3333666666666666], [0.3534485763472773, 0.32326767676767676], [0.35356464646464647, 0.32294974132733356], [0.35723894631043557, 0.3131686868686869], [0.36115704638500484, 0.303069696969697], [0.36366363636363636, 0.29682070470999733], [0.3652514390046333, 0.29297070707070705], [0.36956254801657096, 0.2828717171717171], [0.37376262626262624, 0.27337799897507276], [0.37403773735796686, 0.2727727272727273], [0.3788011726672773, 0.26267373737373734], [0.38375138378894347, 0.25257474747474745], [0.38386161616161624, 0.2523586789414347], [0.38903805126933183, 0.24247575757575757], [0.39396060606060607, 0.2334611021159033], [0.39456809648473556, 0.23237676767676768], [0.40047741347085664, 0.2222777777777778], [0.40405959595959595, 0.21642790547065788], [0.4067274154502634, 0.21217878787878786], [0.41337736411657494, 0.20207979797979797], [0.41415858585858584, 0.20095125937840772], [0.4205216127846664, 0.19198080808080809], [0.4242575757575757, 0.18698401265809855], [0.42816425158087945, 0.18188181818181817], [0.43435656565656566, 0.17423167106662418], [0.436385383260459, 0.17178282828282826], [0.44445555555555555, 0.16259851387012467], [0.44527774611615656, 0.16168383838383837], [0.45455454545454543, 0.15198902203922815], [0.45494998174763085, 0.1515848484848485], [0.4646535353535354, 0.14230681085306854], [0.4655310065185484, 0.14148585858585858], [0.47475252525252526, 0.13345339424790234], [0.47717597397754585, 0.13138686868686866], [0.48485151515151514, 0.12532670088065714], [0.49007458695123557, 0.12128787878787879], [0.494950505050505, 0.11781922579639598], [0.5044629778689362, 0.11118888888888888], [0.5050494949494949, 0.11081564275778462], [0.5151484848484849, 0.10451612143484304], [0.5207499377226179, 0.101089898989899], [0.5252474747474747, 0.09860107431507623], [0.5353464646464646, 0.09311898009262995], [0.5393414113510893, 0.0909909090909091], [0.5454454545454546, 0.08808192467349993], [0.5555444444444444, 0.08335737924446943], [0.5609111945427422, 0.08089191919191921], [0.5656434343434343, 0.0789740428021462], [0.5757424242424243, 0.07495356840220636], [0.5858414141414141, 0.07100300681150923], [0.5863877828187183, 0.0707929292929293], [0.5959404040404042, 0.06761061346061921], [0.606039393939394, 0.06430281955250877], [0.6161383838383838, 0.061049693486231855], [0.6172610376446701, 0.0606939393939394], [0.6262373737373738, 0.058288289730569154], [0.6363363636363636, 0.05562506921837889], [0.6464353535353535, 0.0530037843943421], [0.6558619729809803, 0.0505949494949495], [0.6565343434343435, 0.05045450964306131], [0.6666333333333333, 0.048377307084143555], [0.6767323232323232, 0.04633133718925063], [0.6868313131313131, 0.04431567463032106], [0.696930303030303, 0.04232943460169559], [0.706388639337134, 0.0404959595959596], [0.707029292929293, 0.04039956860939402], [0.7171282828282828, 0.03890165263696828], [0.7272272727272727, 0.03742468432493527], [0.7373262626262627, 0.03596808585785248], [0.7474252525252525, 0.03453130300288962], [0.7575242424242424, 0.03311380384371872], [0.7676232323232324, 0.03171507759824914], [0.777266186014101, 0.030396969696969697], [0.7777222222222222, 0.03035268847296373], [0.7878212121212121, 0.02938472598249698], [0.7979202020202021, 0.02842909300473012], [0.8080191919191919, 0.02748547938944906], [0.8181181818181819, 0.026553586544016922], [0.8282171717171717, 0.025633126866163543], [0.8383161616161616, 0.024723823211149576], [0.8484151515151515, 0.0238254083908357], [0.8585141414141414, 0.022937624702391433], [0.8686131313131313, 0.02206022348456332], [0.8787121212121212, 0.021192964699591532], [0.8888111111111111, 0.020335616539015413], [0.8892595130654992, 0.020297979797979798], [0.898910101010101, 0.019822696560062775], [0.9090090909090909, 0.019330886578532224], [0.9191080808080809, 0.018844510478077434], [0.9292070707070708, 0.018363449494608546], [0.9393060606060606, 0.017887588715584265], [0.9494050505050505, 0.017416816915249145], [0.9595040404040404, 0.016951026398588028], [0.9696030303030303, 0.016490112853450135], [0.9797020202020201, 0.016033975210334644], [0.9898010101010101, 0.015582515509366452], [0.9999, 0.015135638774024102]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#440154\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764398256\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.2636808912608244, 0.9999000000000001], [0.2645867013257923, 0.9898010101010101], [0.2655018009689883, 0.9797020202020201], [0.2664263827058921, 0.9696030303030303], [0.26736064509918067, 0.9595040404040405], [0.26830479301467913, 0.9494050505050506], [0.26925903789099814, 0.9393060606060606], [0.27022359802374574, 0.9292070707070706], [0.27119869886526893, 0.9191080808080807], [0.27218457334095475, 0.909009090909091], [0.2727727272727273, 0.9030507930886029], [0.2731968839720576, 0.898910101010101], [0.27424307419620586, 0.8888111111111111], [0.27530121978587896, 0.8787121212121212], [0.276371597143202, 0.8686131313131313], [0.2774544923679316, 0.8585141414141414], [0.27855020171648825, 0.8484151515151515], [0.27965903208847304, 0.8383161616161616], [0.2807813015426702, 0.8282171717171717], [0.2819173398447038, 0.8181181818181819], [0.28287171717171716, 0.8097381847258314], [0.2830746070038053, 0.8080191919191919], [0.2842815656282844, 0.797920202020202], [0.28550389799576387, 0.7878212121212121], [0.28674200081361384, 0.7777222222222222], [0.2879962863452118, 0.7676232323232324], [0.28926718323405254, 0.7575242424242424], [0.29055513738316474, 0.7474252525252525], [0.2918606128943495, 0.7373262626262627], [0.29297070707070705, 0.7288555427305962], [0.2931915792089747, 0.7272272727272727], [0.29458064808480583, 0.7171282828282828], [0.29598941795410855, 0.707029292929293], [0.2974184557001043, 0.696930303030303], [0.2988683530311542, 0.6868313131313131], [0.3003397279517934, 0.6767323232323232], [0.30183322634436505, 0.6666333333333333], [0.303069696969697, 0.658398072258142], [0.30335900792491943, 0.6565343434343435], [0.30495100009064746, 0.6464353535353535], [0.3065680601181051, 0.6363363636363636], [0.30821099010231634, 0.6262373737373738], [0.30978913593252627, 0.6166918023992598]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.35313708622050166, 0.4162181480821952], [0.35356464646464647, 0.41467525461667754], [0.353711973012847, 0.41415858585858584], [0.3566627630973489, 0.40405959595959595], [0.35968824588260356, 0.3939606060606061], [0.3627923011489723, 0.3838616161616162], [0.36366363636363636, 0.3811003647157691], [0.36604433422648874, 0.37376262626262624], [0.36941066419281876, 0.3636636363636364], [0.3728718062736408, 0.35356464646464647], [0.37376262626262624, 0.3510386017828815], [0.37650641349761144, 0.34346565656565653], [0.3802746310081746, 0.33336666666666664], [0.3838616161616162, 0.32404030951881996], [0.38416669947386173, 0.32326767676767676], [0.3882809818315282, 0.3131686868686869], [0.3925301386796703, 0.30306969696969693], [0.3939606060606061, 0.2997813517198893], [0.3970002557156158, 0.29297070707070705], [0.40166564897059776, 0.28287171717171716], [0.40405959595959595, 0.2778714382335561], [0.406562458861754, 0.2727727272727273], [0.4117069118625349, 0.26267373737373734], [0.4141585858585859, 0.2580424897273091], [0.41712453920472736, 0.25257474747474745], [0.4228262615792352, 0.24247575757575757], [0.4242575757575757, 0.24004405277550653], [0.42887931145503944, 0.23237676767676768], [0.43435656565656566, 0.22367682803656136], [0.43525809296222845, 0.22227777777777777], [0.4420683809612713, 0.21217878787878786], [0.4444555555555555, 0.208803475442751], [0.4493201479751582, 0.20207979797979797], [0.45455454545454543, 0.19519787887141227], [0.4570564331341693, 0.19198080808080809], [0.4646535353535354, 0.1827129525978577], [0.46534980946947013, 0.18188181818181817], [0.4742935613911988, 0.17178282828282826], [0.4747525252525253, 0.1712941953655256], [0.4839734546661693, 0.16168383838383837], [0.48485151515151514, 0.16082415976382966], [0.4944870277443071, 0.1515848484848485], [0.4949505050505051, 0.15116910332408529], [0.5050494949494949, 0.14229316282967502], [0.5059865947153911, 0.14148585858585858], [0.5151484848484849, 0.13413737402521125], [0.5186456370097432, 0.13138686868686866], [0.5252474747474747, 0.12657923347499955], [0.5326546259700307, 0.12128787878787879], [0.5353464646464646, 0.1195188275299151], [0.5454454545454546, 0.11300590530740186], [0.5483155913827724, 0.11118888888888889], [0.5555444444444444, 0.10701060322782076], [0.5656434343434343, 0.10127853732486507], [0.565981772690207, 0.101089898989899], [0.5757424242424243, 0.09616653179073457], [0.5858414141414141, 0.09116108449874685], [0.5861907305282643, 0.0909909090909091], [0.5959404040404039, 0.08674161698823987], [0.606039393939394, 0.08241404566191325], [0.6096511797809407, 0.0808919191919192], [0.6161383838383838, 0.07848005095575622], [0.6262373737373738, 0.074786406807858], [0.6363363636363636, 0.07115185414572418], [0.6373496295118668, 0.0707929292929293], [0.6464353535353535, 0.0680044553409151], [0.6565343434343435, 0.06495305090593548], [0.6666333333333333, 0.06194822757963961], [0.6709132561519593, 0.0606939393939394], [0.6767323232323232, 0.05925167798730229], [0.6868313131313131, 0.05678571163528967], [0.696930303030303, 0.054355740876586844], [0.707029292929293, 0.051960729959960233], [0.7128712045568919, 0.0505949494949495], [0.7171282828282827, 0.04978142950045895], [0.7272272727272726, 0.047878519449789464], [0.7373262626262627, 0.046001853687755445], [0.7474252525252525, 0.044150718146753185], [0.7575242424242425, 0.042324427511520143], [0.7676232323232324, 0.04052232369591724], [0.7677729334210109, 0.0404959595959596], [0.7777222222222221, 0.03913597834940379], [0.7878212121212121, 0.037773344668321836], [0.797920202020202, 0.036428067661121034], [0.8080191919191919, 0.03509971071880864], [0.8181181818181817, 0.03378785350238611], [0.8282171717171717, 0.03249209114436742], [0.8383161616161616, 0.03121203349868788], [0.8448245287758538, 0.0303969696969697], [0.8484151515151515, 0.03007754481236181], [0.8585141414141414, 0.02918976112391753], [0.8686131313131313, 0.028312359906089428], [0.8787121212121212, 0.02744510112111762], [0.8888111111111111, 0.02658775296054153], [0.898910101010101, 0.02574009147327555], [0.9090090909090909, 0.024901900214461616], [0.9191080808080809, 0.024072969913721286], [0.9292070707070708, 0.0232530981615352], [0.9393060606060606, 0.022442089112574354], [0.9494050505050504, 0.021639753204895168], [0.9595040404040404, 0.020845906893991222], [0.9665483016754962, 0.020297979797979798], [0.9696030303030303, 0.02015856330036633], [0.9797020202020201, 0.019702425657250836], [0.9898010101010102, 0.019250965956282645], [0.9999, 0.018804089220940297]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#48196B\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764399488\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.2866186052142227, 0.9999], [0.28759276841075304, 0.98980101010101], [0.28857692218430514, 0.9797020202020201], [0.2895712735777265, 0.9696030303030303], [0.2905760361373878, 0.9595040404040405], [0.29159143018844863, 0.9494050505050505], [0.29261768312484177, 0.9393060606060605], [0.29297070707070705, 0.9358692292736437], [0.2936790375358905, 0.9292070707070708], [0.294764510765988, 0.9191080808080809], [0.2958619771059017, 0.9090090909090909], [0.2969717045367082, 0.898910101010101], [0.2980939701229519, 0.8888111111111111], [0.29922906042786523, 0.8787121212121212], [0.3003772719525869, 0.8686131313131313], [0.30153891160106594, 0.8585141414141414], [0.30271429717247267, 0.8484151515151515], [0.303069696969697, 0.8453976672634886], [0.3039320269693464, 0.8383161616161616], [0.3051767073853866, 0.8282171717171717], [0.3064366584792389, 0.8181181818181819], [0.30771225961441695, 0.8080191919191919], [0.3090039044689966, 0.7979202020202021], [0.31031200176497664, 0.787821212121212], [0.31163697604469287, 0.7777222222222222], [0.3129792684979751, 0.7676232323232324], [0.3131686868686869, 0.7662167347663406], [0.3143777141488909, 0.7575242424242424], [0.315801221805155, 0.7474252525252525], [0.3172440948969633, 0.7373262626262627], [0.3187068675953314, 0.7272272727272726], [0.3201900964823723, 0.7171282828282828], [0.32169436182277333, 0.707029292929293], [0.3232202689267421, 0.696930303030303], [0.32326767676767676, 0.6966210553364407], [0.32481608609661816, 0.6868313131313131], [0.3264370694701387, 0.6767323232323232], [0.328082425815948, 0.6666333333333333], [0.3297528992771548, 0.6565343434343435], [0.3314492686055724, 0.6464353535353535], [0.3331723493416731, 0.6363363636363636], [0.33336666666666664, 0.6352154015600886], [0.3349708760830277, 0.6262373737373738], [0.33680471902736175, 0.6161383838383838], [0.3386688698334823, 0.606039393939394], [0.340564347154268, 0.595940404040404], [0.34249222187732636, 0.5858414141414141], [0.34346565656565653, 0.5808293244645133], [0.3444831078257664, 0.5757424242424243], [0.34653879391376596, 0.5656434343434343], [0.34863151476904547, 0.5555444444444444], [0.3507626293310534, 0.5454454545454546], [0.3529335727359814, 0.5353464646464646], [0.35356464646464647, 0.5324656447810163], [0.3551916876321962, 0.5252474747474747], [0.3575122880708405, 0.5151484848484849], [0.3598788349573614, 0.5050494949494949], [0.36229318452822823, 0.49495050505050503], [0.36366363636363636, 0.48933383025698507], [0.36478811090302193, 0.48485151515151514], [0.36737496596958763, 0.4747525252525252], [0.3700174447246317, 0.4646535353535354], [0.3727179919223112, 0.45455454545454543], [0.37376262626262624, 0.450733867715995], [0.3755262400545508, 0.4444555555555555], [0.37842831017336076, 0.43435656565656566], [0.38139865461402866, 0.4242575757575757], [0.3838616161616162, 0.4160806626252642], [0.38445599970870425, 0.41415858585858584], [0.38765611447258486, 0.40405959595959595], [0.39093723303801975, 0.39396060606060607], [0.39396060606060607, 0.3848904869928471], [0.39431246967475503, 0.3838616161616162], [0.397858310571039, 0.37376262626262624], [0.4015012834291761, 0.3636636363636364], [0.40405959595959595, 0.3567658005030671], [0.40527691295581014, 0.35356464646464647], [0.40922859948294127, 0.34346565656565653], [0.41329822919784936, 0.33336666666666664], [0.41415858585858584, 0.33129537119196506], [0.4175753804188238, 0.32326767676767676], [0.4220102084968479, 0.3131686868686868], [0.4242575757575757, 0.30821342591518464], [0.4266466242602848, 0.303069696969697], [0.4314961643693003, 0.29297070707070705], [0.43435656565656566, 0.28721591897003956], [0.4365666382059922, 0.28287171717171716], [0.44189120715489194, 0.2727727272727273], [0.4444555555555556, 0.2680858248265631], [0.4474847371088223, 0.26267373737373734], [0.4533588445474248, 0.25257474747474745], [0.45455454545454543, 0.250599658051957], [0.45958318430277323, 0.24247575757575757], [0.4646535353535354, 0.23461876784822439], [0.46613215935951, 0.23237676767676768], [0.4730885380045231, 0.22227777777777777], [0.47475252525252526, 0.21996942199228325], [0.4804891898888961, 0.21217878787878786], [0.48485151515151514, 0.20653008506442702], [0.48836068397691407, 0.20207979797979797], [0.4949505050505051, 0.1941302974936629], [0.49676908072426523, 0.19198080808080809], [0.5050494949494949, 0.1826955395128126], [0.5057898129885896, 0.18188181818181817], [0.5151484848484849, 0.17215123730376428], [0.5155098285194817, 0.17178282828282826], [0.5252474747474747, 0.16242209583542982], [0.5260303688078298, 0.16168383838383837], [0.5353464646464646, 0.15343133599311393], [0.5374706289029815, 0.1515848484848485], [0.5454454545454546, 0.14509979702146303], [0.5499726602162681, 0.14148585858585858], [0.5555444444444444, 0.13734485015082562], [0.563708065113293, 0.13138686868686866], [0.5656434343434343, 0.13007904601634576], [0.5757424242424243, 0.12337544031603423], [0.5789429934673995, 0.12128787878787878], [0.5811672706325427, 0.11995320021540898]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.7135527978549122, 0.06496778945010359], [0.7171282828282828, 0.06397939193162153], [0.7272272727272727, 0.06122669528990662], [0.7292091610493889, 0.0606939393939394], [0.7373262626262627, 0.05884858709064848], [0.7474252525252525, 0.05658390348232148], [0.7575242424242424, 0.05434961519059863], [0.7676232323232324, 0.05214491711133767], [0.7748171479926242, 0.0505949494949495], [0.7777222222222222, 0.05008333222219715], [0.7878212121212121, 0.04832772967745301], [0.7979202020202019, 0.04659448928422261], [0.8080191919191919, 0.04488304852018654], [0.8181181818181819, 0.043192865825110616], [0.8282171717171717, 0.04152341957209053], [0.8345088461395691, 0.0404959595959596], [0.8383161616161616, 0.04001337833445998], [0.8484151515151515, 0.038748649271299146], [0.8585141414141414, 0.03749888601362786], [0.8686131313131313, 0.036263738512552296], [0.8787121212121212, 0.03504286885876337], [0.888811111111111, 0.03383595072761626], [0.898910101010101, 0.032642668855559734], [0.9090090909090909, 0.031462718545814165], [0.9182325580246902, 0.0303969696969697], [0.9191080808080808, 0.03032510633524738], [0.9292070707070708, 0.029505234583061285], [0.9393060606060606, 0.028694225534100445], [0.9494050505050505, 0.027891889626421258], [0.9595040404040402, 0.027098043315517323], [0.9696030303030303, 0.0263125088222945], [0.9797020202020202, 0.025535113894103817], [0.98980101010101, 0.024765691578028312], [0.9999, 0.02400408000567758]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#462F7C\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764401224\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.31150492239529776, 0.9999], [0.3125474377349286, 0.9898010101010101], [0.3131686868686869, 0.9838439766872011], [0.3136148050889576, 0.9797020202020202], [0.31471380913543534, 0.9696030303030303], [0.3158243200937575, 0.9595040404040404], [0.31694658147767907, 0.9494050505050504], [0.3180808446136968, 0.9393060606060606], [0.31922736897887694, 0.9292070707070708], [0.32038642255714306, 0.9191080808080809], [0.3215582822152475, 0.9090090909090909], [0.32274323409974565, 0.898910101010101], [0.32326767676767676, 0.8944903692164303], [0.32396296443379335, 0.8888111111111112], [0.3252134699887675, 0.8787121212121212], [0.32647843092071666, 0.8686131313131313], [0.3277581853393857, 0.8585141414141414], [0.32905308335755945, 0.8484151515151515], [0.3303634876660245, 0.8383161616161616], [0.3316897741433748, 0.8282171717171717], [0.33303233250322695, 0.8181181818181819], [0.3333666666666666, 0.8156341090602398], [0.3344230976690394, 0.8080191919191919], [0.3358417700523094, 0.797920202020202], [0.3372785129014427, 0.7878212121212121], [0.3387337925106261, 0.7777222222222222], [0.34020809345874764, 0.7676232323232324], [0.3417019195780648, 0.7575242424242424], [0.3432157949878801, 0.7474252525252524], [0.34346565656565653, 0.7457808090342075], [0.3447886060021784, 0.7373262626262627], [0.3463906689738385, 0.7272272727272727], [0.348015136043176, 0.7171282828282828], [0.3496626427296877, 0.707029292929293], [0.3513338519833118, 0.6969303030303031], [0.3530294557861121, 0.6868313131313131], [0.35356464646464647, 0.6836902548279115], [0.35478453495371914, 0.6767323232323232], [0.3565817470232869, 0.6666333333333333], [0.3584063943551673, 0.6565343434343435], [0.36025932757491724, 0.6464353535353535], [0.36214143749210764, 0.6363363636363636], [0.36366363636363636, 0.6282971894921877], [0.36406464255618143, 0.6262373737373738], [0.3660626850850965, 0.6161383838383838], [0.3680937491969103, 0.606039393939394], [0.3701589447531737, 0.595940404040404], [0.37225943852718635, 0.5858414141414141], [0.37376262626262624, 0.5787377462560277], [0.3744138208527878, 0.5757424242424243], [0.3766482349752722, 0.5656434343434343], [0.37892290378815735, 0.5555444444444444], [0.38123930438150716, 0.5454454545454546], [0.38359899666692127, 0.5353464646464645], [0.38386161616161624, 0.5342435139668678], [0.3860607416470007, 0.5252474747474747], [0.38857741938825285, 0.5151484848484849], [0.3911439257862333, 0.5050494949494949], [0.3937622739186468, 0.49495050505050503], [0.39396060606060607, 0.4942009882600366], [0.39649885160031373, 0.48485151515151514], [0.3992982927987972, 0.47475252525252526], [0.4021579288056989, 0.4646535353535354], [0.40405959595959595, 0.4580820821616838], [0.40510624480556223, 0.45455454545454543], [0.40817002392076607, 0.44445555555555555], [0.41130422484126716, 0.4343565656565657], [0.41415858585858584, 0.42537067573724263], [0.4145208902079905, 0.4242575757575757], [0.41788722017432045, 0.41415858585858584], [0.4213366574209674, 0.40405959595959595], [0.4242575757575757, 0.39571908353515234], [0.42488824676045833, 0.39396060606060607], [0.42860427281687474, 0.3838616161616162], [0.43241937832688193, 0.37376262626262624], [0.43435656565656566, 0.36877141085173115], [0.43638563052905205, 0.36366363636363636], [0.4405104495659434, 0.35356464646464647], [0.44266770896438373, 0.3484316853763133]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.5365164779676272, 0.19573286657507702], [0.5399473923571932, 0.19198080808080809], [0.5454454545454546, 0.1862764360618987], [0.5497602938928887, 0.18188181818181817], [0.5555444444444444, 0.1763091491044208], [0.5603287307559568, 0.17178282828282826], [0.5656434343434343, 0.16704201058212292], [0.5717584414283035, 0.16168383838383837], [0.5757424242424243, 0.15840451664086977], [0.5841741240178913, 0.1515848484848485], [0.5858414141414141, 0.15032333110367865], [0.595940404040404, 0.14281276133472265], [0.5977551020525589, 0.14148585858585858], [0.606039393939394, 0.13584621805510108], [0.6126999887903833, 0.13138686868686866], [0.6161383838383838, 0.12925538039185705], [0.6262373737373738, 0.12309672061649736], [0.6292517426609209, 0.12128787878787879], [0.6363363636363636, 0.11737680027455383], [0.6464353535353535, 0.11188942151866552], [0.6477449171039269, 0.11118888888888889], [0.6565343434343436, 0.10689614679380503], [0.6666333333333333, 0.10203911022313863], [0.6686371087463177, 0.101089898989899], [0.6767323232323232, 0.09762055891177429], [0.6868313131313131, 0.09335658007321057], [0.6925172670907673, 0.0909909090909091], [0.696930303030303, 0.08934828895949276], [0.707029292929293, 0.08564332434570684], [0.7171282828282828, 0.08199090681554742], [0.7202100980424962, 0.0808919191919192], [0.7272272727272728, 0.0786843426711546], [0.7373262626262627, 0.07555105631860695], [0.7474252525252525, 0.07246039529378392], [0.7529479579228706, 0.0707929292929293], [0.7575242424242424, 0.06959578895821361], [0.7676232323232324, 0.0669889158064919], [0.7777222222222222, 0.06441611599430697], [0.7878212121212121, 0.061876510284934044], [0.7925844933961197, 0.0606939393939394], [0.797920202020202, 0.05957361888400036], [0.8080191919191919, 0.057479838196911076], [0.8181181818181819, 0.0554120646817724], [0.8282171717171717, 0.05336966017899325], [0.8383161616161616, 0.05135200973315808], [0.8421514186622127, 0.0505949494949495], [0.8484151515151515, 0.049584301613593666], [0.8585141414141415, 0.04797412010556483], [0.8686131313131313, 0.046382769380767803], [0.8787121212121212, 0.04480981408049162], [0.8888111111111111, 0.04325483377158185], [0.898910101010101, 0.04171742227187779], [0.9070243314601315, 0.0404959595959596], [0.9090090909090909, 0.04026406338158628], [0.9191080808080808, 0.03909715003713064], [0.9292070707070708, 0.03794298871920834], [0.9393060606060606, 0.03680130372969661], [0.9494050505050505, 0.0356718282158077], [0.9595040404040402, 0.03455430379570466], [0.9696030303030303, 0.033448480203717205], [0.9797020202020202, 0.0323541149539397], [0.9898010101010101, 0.03127097302107925], [0.998033607863613, 0.030396969696969693], [0.9999000000000001, 0.030256216427203685]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#404387\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764152944\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.3511966887847107, 0.8959453360944851], [0.35212384228103694, 0.8888111111111111], [0.3534512903674052, 0.8787121212121211], [0.3535646464646464, 0.8778595831257683], [0.3548297137980363, 0.8686131313131313], [0.3562275812528114, 0.8585141414141414], [0.3576419899631486, 0.8484151515151515], [0.3590733360938426, 0.8383161616161616], [0.36052203021464463, 0.8282171717171717], [0.3619884980072118, 0.8181181818181819], [0.3634731810159634, 0.8080191919191919], [0.36366363636363636, 0.8067397836606286], [0.36501351508323004, 0.7979202020202021], [0.3665789017618178, 0.7878212121212121], [0.3681644849545306, 0.7777222222222222], [0.3697707926287335, 0.7676232323232324], [0.3713983737290788, 0.7575242424242425], [0.37304779930373616, 0.7474252525252525], [0.37376262626262624, 0.7431073005297102], [0.37474588003427123, 0.7373262626262627], [0.3764872315713001, 0.7272272727272727], [0.37825293509112645, 0.7171282828282828], [0.380043681367379, 0.707029292929293], [0.3818601909890199, 0.696930303030303], [0.38370321610128416, 0.6868313131313131], [0.3838616161616162, 0.6859760181398386], [0.38561918692428715, 0.6767323232323232], [0.3875682530092842, 0.6666333333333333], [0.38954707247743064, 0.6565343434343435], [0.39155656782721865, 0.6464353535353535], [0.3935977051364704, 0.6363363636363635], [0.39396060606060607, 0.634569101890143], [0.3957159290770845, 0.6262373737373738], [0.39787816949173305, 0.6161383838383838], [0.40007614518231605, 0.606039393939394], [0.4023110572181124, 0.595940404040404], [0.40405959595959595, 0.5881719867544947], [0.4045974466403756, 0.5858414141414141], [0.40696862452536525, 0.5757424242424243], [0.40938176497778944, 0.5656434343434343], [0.41183838001302614, 0.5555444444444444], [0.4141585858585859, 0.5461780626930897], [0.41434454518814795, 0.5454454545454546], [0.41695589991483417, 0.5353464646464646], [0.4196169883300424, 0.5252474747474747], [0.42232974164641257, 0.5151484848484849], [0.4242575757575757, 0.5081109176956913], [0.42511641085777385, 0.5050494949494949], [0.42800675434226165, 0.49495050505050503], [0.43095668455083636, 0.4848515151515152], [0.4339687101474919, 0.47475252525252526], [0.43435656565656566, 0.4734794624258699], [0.43710876174712754, 0.4646535353535354], [0.44032714118111094, 0.45455454545454543], [0.44361783367573165, 0.44445555555555555], [0.44445555555555555, 0.4419423899160837], [0.44704228439412796, 0.43435656565656566], [0.45056700726862753, 0.4242575757575757], [0.45417665108179556, 0.41415858585858584], [0.45455454545454543, 0.4131267931657444], [0.4579500248137741, 0.40405959595959595], [0.46182761887761636, 0.393960606060606], [0.4646535353535354, 0.386786956477247], [0.46583123847707675, 0.3838616161616162], [0.4700053607906125, 0.37376262626262624], [0.47429382571037004, 0.36366363636363636], [0.47475252525252526, 0.3626130261025236], [0.47878802095703044, 0.35356464646464647], [0.4834226123308021, 0.34346565656565653], [0.48485151515151514, 0.34044224846045557], [0.4882659198337197, 0.33336666666666664], [0.49328923337443265, 0.32326767676767676], [0.4949505050505051, 0.3200305664820139], [0.4985445917043577, 0.3131686868686869], [0.5040076024676942, 0.303069696969697], [0.5050494949494949, 0.30120678188170047], [0.5097488165258462, 0.29297070707070705], [0.5151484848484849, 0.28382794976453934], [0.5157244128281356, 0.28287171717171716], [0.5220280695003408, 0.2727727272727273], [0.5252474747474747, 0.26780249784922316], [0.5286340647916508, 0.26267373737373734], [0.5353464646464646, 0.2528918161942094], [0.5355681824118296, 0.25257474747474745], [0.5429183438789227, 0.24247575757575757], [0.5454454545454546, 0.23914525842747195], [0.5506772225657846, 0.23237676767676768], [0.5555444444444444, 0.2263478224060545], [0.5588905101802017, 0.22227777777777777], [0.5656434343434343, 0.2144287728100335], [0.5676140929014519, 0.21217878787878786], [0.5757424242424243, 0.20332993528434182], [0.5769110908017299, 0.20207979797979797], [0.5858414141414141, 0.19299287737624812], [0.5868533379485212, 0.19198080808080809], [0.595940404040404, 0.18335847895076274], [0.5975232550726378, 0.18188181818181817], [0.606039393939394, 0.1743664440517177], [0.6090162484188951, 0.17178282828282826], [0.6161383838383838, 0.16595473378659037], [0.6214438247494802, 0.16168383838383837], [0.6262373737373738, 0.15805889278291613], [0.6349376978113306, 0.15158484848484846], [0.6363363636363635, 0.15061123147360336], [0.6464353535353535, 0.14369197842487313], [0.6497059957636231, 0.14148585858585858], [0.6565343434343435, 0.13719767879019998], [0.6659307143789643, 0.13138686868686866], [0.6666333333333332, 0.13098455473909643], [0.6767323232323232, 0.1252889013037805], [0.683933223361216, 0.1212878787878788], [0.6868313131313131, 0.11980648074396992], [0.696930303030303, 0.11471959747342134], [0.704042136679154, 0.11118888888888889], [0.707029292929293, 0.10983491369898116], [0.7171282828282828, 0.10532231141912096], [0.7267345604681407, 0.101089898989899], [0.7272272727272727, 0.1008935037750466], [0.7373262626262627, 0.0969235619507466], [0.7474252525252525, 0.09300762734196037], [0.7526970177679386, 0.0909909090909091], [0.7575242424242424, 0.08933881282321968], [0.7676232323232324, 0.08592825284996963], [0.7777222222222222, 0.08256227086775161], [0.7827992994396306, 0.0808919191919192], [0.7878212121212121, 0.07943434531106927], [0.797920202020202, 0.07654052235140327], [0.8080191919191919, 0.0736830961130006], [0.8181181818181819, 0.07086116240539478], [0.8183654040495548, 0.0707929292929293], [0.8282171717171718, 0.06843707319859108], [0.8383161616161616, 0.0660513684046856], [0.8484151515151515, 0.06369423222479698], [0.8585141414141414, 0.06136498853398613], [0.8614580631670915, 0.0606939393939394], [0.8686131313131313, 0.059314600252306296], [0.8787121212121212, 0.05739024300981186], [0.8888111111111111, 0.0554878764143585], [0.898910101010101, 0.05360700354172806], [0.9090090909090909, 0.05174714412324258], [0.9153353762709515, 0.0505949494949495], [0.9191080808080808, 0.050033306243255575], [0.9292070707070708, 0.048546297243756364], [0.9393060606060607, 0.047075362611279425], [0.9494050505050505, 0.045620158535569895], [0.9595040404040405, 0.04418035212025452], [0.9696030303030303, 0.04275562092574172], [0.9797020202020202, 0.041345652535804814], [0.9858510627171562, 0.0404959595959596], [0.9898010101010101, 0.04007231785685137], [0.9999, 0.039000171373275896]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#38568B\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764154456\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.36800645770055096, 0.9999], [0.3692540251635346, 0.9898010101010102], [0.3705143871140057, 0.9797020202020202], [0.3717878087025272, 0.9696030303030303], [0.3730745634084349, 0.9595040404040402], [0.37376262626262624, 0.9541603767542655], [0.37439170644972497, 0.9494050505050505], [0.37543910022335736, 0.9415713944324157]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.4075774838830532, 0.7359824822816388], [0.4092078832325957, 0.7272272727272728], [0.41111482185592607, 0.7171282828282828], [0.41304880635583063, 0.707029292929293], [0.41415858585858584, 0.7013163747750633], [0.415031649683631, 0.696930303030303], [0.41707123440747895, 0.6868313131313131], [0.4191410318661829, 0.6767323232323232], [0.42124195062873765, 0.6666333333333333], [0.4233749408748553, 0.6565343434343435], [0.4242575757575757, 0.6524191588077141], [0.4255719183664291, 0.6464353535353535], [0.42782509007026315, 0.6363363636363636], [0.43011430833609676, 0.6262373737373738], [0.43244074529736337, 0.6161383838383838], [0.43435656565656566, 0.6079570798737604], [0.43481619595565235, 0.606039393939394], [0.43727739452723924, 0.595940404040404], [0.43978065978003733, 0.5858414141414141], [0.4423274547597489, 0.5757424242424243], [0.44445555555555555, 0.5674504549957486], [0.44492997994783917, 0.5656434343434343], [0.4476291878534665, 0.5555444444444444], [0.4503779162655993, 0.5454454545454546], [0.4531780162342445, 0.5353464646464646], [0.45455454545454543, 0.5304745866717647], [0.4560646286981721, 0.5252474747474747], [0.45903881401804636, 0.5151484848484849], [0.46207188636064955, 0.5050494949494949], [0.4646535353535354, 0.4966237690840527], [0.4651774911059778, 0.494950505050505], [0.4684050216355231, 0.48485151515151514], [0.4717004909794147, 0.47475252525252526], [0.47475252525252526, 0.4655964224331935], [0.47507357906913383, 0.4646535353535354], [0.47858785904350665, 0.45455454545454543], [0.4821811006027692, 0.4444555555555555], [0.48485151515151514, 0.43711885444474463], [0.48587809765078654, 0.43435656565656566], [0.48971960461568753, 0.4242575757575757], [0.4936536647795139, 0.41415858585858584], [0.494950505050505, 0.4109097193785395], [0.49774121888721695, 0.40405959595959595], [0.5019596524916604, 0.3939606060606061], [0.5050494949494949, 0.3867507217267689], [0.5063126494913418, 0.3838616161616162], [0.5108457862113712, 0.37376262626262624], [0.5151484848484849, 0.36443258942896894], [0.5155101212561015, 0.36366363636363636], [0.5203934166539218, 0.35356464646464647], [0.5252474747474747, 0.3438088557341712], [0.5254215510765334, 0.34346565656565653], [0.5306968107178281, 0.3333666666666667], [0.5353464646464646, 0.3247310129996621], [0.5361493674471525, 0.32326767676767676], [0.5418663596665585, 0.3131686868686868], [0.5454454545454546, 0.3070469468891168], [0.5478142246820294, 0.303069696969697], [0.5540328401253017, 0.29297070707070705], [0.5555444444444444, 0.29059907480167824], [0.5605599796122027, 0.28287171717171716], [0.5656434343434343, 0.2753144858684339], [0.5673839785264327, 0.2727727272727273], [0.5745604884057097, 0.26267373737373734], [0.5757424242424243, 0.2610732394996972], [0.5821294568674247, 0.2525747474747475], [0.5858414141414141, 0.2478293362017029], [0.5901019125798904, 0.24247575757575757], [0.595940404040404, 0.23543874329768735], [0.5985242948807915, 0.23237676767676768], [0.606039393939394, 0.22385010442157965], [0.607448474816821, 0.22227777777777777], [0.6161383838383838, 0.21301203774443603], [0.6169327656194024, 0.21217878787878786], [0.6262373737373738, 0.20287282319928787], [0.6270431746820717, 0.20207979797979797], [0.6363363636363636, 0.19338005452000218], [0.6378549708050751, 0.19198080808080809], [0.6464353535353535, 0.18448024446378516], [0.6494546682047438, 0.18188181818181817], [0.6565343434343435, 0.1761183680937136], [0.6619425691462602, 0.17178282828282826], [0.6666333333333333, 0.16823732406022315], [0.6754360669205286, 0.16168383838383837], [0.6767323232323232, 0.16077728673831038], [0.6868313131313131, 0.15381906612614682], [0.6901220360756757, 0.1515848484848485], [0.696930303030303, 0.14726065929684207], [0.7061552194745336, 0.14148585858585858], [0.707029292929293, 0.1409764294363797], [0.7171282828282828, 0.13517399619441703], [0.7238131685405002, 0.13138686868686866], [0.7272272727272727, 0.12959600962404202], [0.7373262626262627, 0.12437167185585207], [0.7433696527395872, 0.12128787878787879], [0.7474252525252524, 0.11938401701122028], [0.7575242424242424, 0.11470677400652883], [0.7652219204623167, 0.11118888888888889], [0.7676232323232325, 0.11018694601930501], [0.7777222222222222, 0.10602823802891205], [0.7878212121212121, 0.10192318542979531], [0.7898976594829072, 0.101089898989899], [0.7979202020202021, 0.098177236893073], [0.8080191919191919, 0.09455681582161125], [0.8180912229413337, 0.0909909090909091], [0.8181181818181819, 0.09098237016210567], [0.8282171717171718, 0.08782287040479682], [0.8383161616161616, 0.08470166396147183], [0.8484151515151515, 0.08161783370248198], [0.8508208583176803, 0.0808919191919192], [0.8585141414141415, 0.07884395779074355], [0.8686131313131313, 0.07618703421436887], [0.8787121212121212, 0.07356082368970883], [0.8888111111111111, 0.0709646242604047], [0.8894866217948173, 0.0707929292929293], [0.8989101010101012, 0.06871771209689326], [0.9090090909090909, 0.0665185821436201], [0.9191080808080807, 0.06434374980748563], [0.9292070707070708, 0.06219268403447063], [0.9363203869097851, 0.0606939393939394], [0.9393060606060606, 0.06016192045206252], [0.9494050505050505, 0.05838162033679076], [0.9595040404040404, 0.05662015775573992], [0.9696030303030303, 0.054877138235549454], [0.9797020202020202, 0.05315217956546717], [0.9898010101010101, 0.051444911294296104], [0.9948803446654009, 0.0505949494949495], [0.9999, 0.04990835997822997]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#30678D\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764201144\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.3999816801253656, 0.9999], [0.4013317719024053, 0.9898010101010102], [0.4026957096099143, 0.9797020202020202], [0.40405959595959595, 0.9697069773615367], [0.4040741392306278, 0.9696030303030303], [0.4055018866649977, 0.9595040404040404], [0.40694474123530056, 0.9494050505050505], [0.4084030260637517, 0.9393060606060606], [0.40987707475148527, 0.9292070707070708], [0.411367231836623, 0.9191080808080808], [0.41287385327764714, 0.9090090909090909], [0.41415858585858584, 0.9004925856316912], [0.41440320046263385, 0.898910101010101], [0.415981902413996, 0.8888111111111111], [0.41757864502225545, 0.8787121212121212], [0.4191938453784577, 0.8686131313131313], [0.4208279352073826, 0.8585141414141413], [0.4224813615602241, 0.8484151515151515], [0.4241545875487455, 0.8383161616161616], [0.4242575757575757, 0.8377020054563391], [0.4258864133642769, 0.8282171717171717], [0.4276419982557953, 0.8181181818181819], [0.42941938953030506, 0.8080191919191919], [0.43121913572916276, 0.7979202020202021], [0.43304180635555756, 0.787821212121212], [0.43435656565656566, 0.7806292300676071], [0.43490049535533254, 0.7777222222222222], [0.4368148139007542, 0.7676232323232324], [0.43875448506998693, 0.7575242424242424], [0.44072018941017577, 0.7474252525252525], [0.44271263524383764, 0.7373262626262627], [0.44445555555555555, 0.7286122088894734], [0.4447389272291433, 0.7272272727272727], [0.44683417769932676, 0.7171282828282828], [0.4489591448499085, 0.707029292929293], [0.4511146837589607, 0.696930303030303], [0.4533016869504203, 0.6868313131313131], [0.45455454545454543, 0.6811303996854412], [0.45554280361397903, 0.6767323232323232], [0.4578461909895032, 0.6666333333333333], [0.4601847406243542, 0.6565343434343435], [0.46255954271829314, 0.6464353535353535], [0.4633350318635276, 0.6431886620482254]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.5212677219267963, 0.45172553274927385], [0.5240721900466145, 0.4444555555555556], [0.5252474747474747, 0.4414773392203083], [0.5281120815302289, 0.43435656565656566], [0.5322703707225791, 0.4242575757575757], [0.5353464646464646, 0.4169626064704131], [0.5365513639675384, 0.41415858585858584], [0.5409980765691227, 0.40405959595959595], [0.5454454545454546, 0.3942084546922799], [0.5455594390261288, 0.39396060606060607], [0.550324537675189, 0.3838616161616162], [0.5552166869324224, 0.37376262626262624], [0.5555444444444444, 0.37310406800074725], [0.5603290462264072, 0.36366363636363636], [0.5655915767559739, 0.35356464646464647], [0.5656434343434343, 0.3534679327236867], [0.5711032436270349, 0.34346565656565653], [0.5757424242424243, 0.33521306712139726], [0.5767987440014435, 0.3333666666666666], [0.5827540893895977, 0.32326767676767676], [0.5858414141414141, 0.31819330266148194], [0.588951624801752, 0.3131686868686869], [0.5954077739285628, 0.30306969696969704], [0.595940404040404, 0.3022638466657585], [0.6021877278797914, 0.29297070707070705], [0.606039393939394, 0.2874353956634971], [0.6092683278693243, 0.28287171717171716], [0.6161383838383838, 0.2735024379998349], [0.6166822896891888, 0.2727727272727273], [0.6244938094499558, 0.26267373737373734], [0.6262373737373739, 0.2605046506454655], [0.632715255529905, 0.25257474747474745], [0.6363363636363635, 0.2483157781853537], [0.6413811673824695, 0.24247575757575757], [0.6464353535353535, 0.2368636582939429], [0.6505398188131748, 0.23237676767676768], [0.6565343434343435, 0.22610253701861152], [0.6602452430085484, 0.22227777777777774], [0.6666333333333333, 0.21598628100460165], [0.6705582985091966, 0.21217878787878786], [0.6767323232323232, 0.2064680921610587], [0.6815479906758481, 0.20207979797979797], [0.6868313131313131, 0.19750018459936614], [0.6932931266792753, 0.19198080808080809], [0.696930303030303, 0.18903341247428454], [0.7058844113975365, 0.18188181818181817], [0.707029292929293, 0.1810168338306892], [0.7171282828282828, 0.17349503017434637], [0.7194597386556802, 0.17178282828282826], [0.7272272727272727, 0.16640438015888465], [0.7341399989535032, 0.16168383838383837], [0.7373262626262627, 0.15963988460653236], [0.7474252525252525, 0.15324962378621393], [0.7500920086701544, 0.1515848484848485], [0.7575242424242423, 0.1472444896799196], [0.7675174077266619, 0.14148585858585858], [0.7676232323232324, 0.14142908267524557], [0.7777222222222222, 0.1360816968453959], [0.7867046931088575, 0.13138686868686866], [0.7878212121212121, 0.13084653915664046], [0.797920202020202, 0.1260214747094201], [0.8079539440522215, 0.12128787878787879], [0.8080191919191919, 0.1212595602846638], [0.818118181818182, 0.11693089811300156], [0.8282171717171716, 0.11265534324894773], [0.8317234778943627, 0.11118888888888889], [0.8383161616161616, 0.10867148187289215], [0.8484151515151515, 0.10486137545912402], [0.8585141414141414, 0.10109635483735976], [0.8585316629740259, 0.101089898989899], [0.8686131313131313, 0.09772935975012828], [0.8787121212121212, 0.09440189400707942], [0.8888111111111111, 0.09111245297331054], [0.8891885300639797, 0.0909909090909091], [0.898910101010101, 0.0881900289651795], [0.9090090909090909, 0.0853129175147604], [0.9191080808080808, 0.08246759452340147], [0.9247624634174384, 0.08089191919191921], [0.9292070707070708, 0.07979926632495593], [0.9393060606060607, 0.07734338978973616], [0.9494050505050504, 0.07491377703565122], [0.9595040404040404, 0.07250987225799457], [0.9667933721656218, 0.0707929292929293], [0.9696030303030303, 0.07021954133307746], [0.9797020202020204, 0.0681799203585926], [0.98980101010101, 0.06616121681783654], [0.9999, 0.06416300602298053]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#29788E\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764202600\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.43471216624016135, 0.9999], [0.4361989558318498, 0.9898010101010101], [0.43770099326495104, 0.9797020202020201], [0.4392185945328754, 0.9696030303030303], [0.4407520855548554, 0.9595040404040402], [0.4423018025960623, 0.9494050505050505], [0.4438680927101863, 0.9393060606060606], [0.44445555555555555, 0.9355587761248114], [0.4454742019922856, 0.9292070707070708], [0.4471115133850505, 0.9191080808080807], [0.4487669150031587, 0.9090090909090909], [0.45044081106521056, 0.898910101010101], [0.45213361949117215, 0.8888111111111111], [0.453845772528686, 0.8787121212121212], [0.45455454545454543, 0.8745792583981332], [0.4556007068416521, 0.8686131313131313], [0.4573922762966468, 0.8585141414141413], [0.4592050457646405, 0.8484151515151515], [0.4610395229881542, 0.8383161616161616], [0.46289623417174547, 0.8282171717171718], [0.4646535353535354, 0.8187747378012856], [0.4647784100017924, 0.8181181818181819], [0.4667230609581957, 0.8080191919191919], [0.4686921705274194, 0.797920202020202], [0.4706863618051978, 0.7878212121212121], [0.4727062820053318, 0.7777222222222222], [0.47475252525252526, 0.7676236195786579], [0.47475260540794506, 0.7676232323232324], [0.4768706115929606, 0.7575242424242424], [0.47901704446079474, 0.7474252525252525], [0.48119267745773897, 0.7373262626262627], [0.48339831603237626, 0.7272272727272727], [0.48485151515151514, 0.7206652552007985], [0.48565128738910474, 0.7171282828282828], [0.48796723573449186, 0.707029292929293], [0.49031650347186384, 0.6969303030303031], [0.49270006334065075, 0.6868313131313131], [0.49495050505050503, 0.6774355179142857], [0.4951224035508633, 0.6767323232323232], [0.49762825809597105, 0.6666333333333333], [0.5001723656541354, 0.6565343434343435], [0.5027559122534015, 0.6464353535353535], [0.5050494949494949, 0.6376088067739498], [0.5053868187611003, 0.6363363636363636], [0.5081068849175387, 0.6262373737373738], [0.5108711746044919, 0.6161383838383838], [0.513681149615823, 0.606039393939394], [0.5151484848484849, 0.6008529788018575], [0.5165658638206458, 0.595940404040404], [0.5195294323018769, 0.5858414141414141], [0.5225445348051347, 0.5757424242424243], [0.5252474747474747, 0.5668464444346085], [0.5256200919291449, 0.5656434343434343], [0.528804480450319, 0.5555444444444444], [0.5320472907522495, 0.5454454545454546], [0.5353464646464646, 0.5353594329032004], [0.5353507873987099, 0.5353464646464646], [0.5387812296835606, 0.5252474747474747], [0.5422782738372465, 0.5151484848484849], [0.5454454545454546, 0.5061796728152068], [0.5458520162081442, 0.5050494949494949], [0.5495583335547278, 0.494950505050505], [0.5533410595739465, 0.48485151515151514], [0.5555444444444444, 0.47909026812274735], [0.557233847070008, 0.47475252525252526], [0.5612516321818078, 0.4646535353535354], [0.5653577080788564, 0.45455454545454543], [0.5656434343434343, 0.4538672379714038], [0.5696265311410313, 0.44445555555555555], [0.5739987401720402, 0.43435656565656566], [0.5757424242424243, 0.4304215550308539], [0.5785221472674265, 0.4242575757575757], [0.5831861378512274, 0.41415858585858584], [0.5858414141414141, 0.40854760967906517], [0.5880022042465709, 0.40405959595959595], [0.5929875205147754, 0.39396060606060607], [0.595940404040404, 0.3881302271420406], [0.5981392577174258, 0.3838616161616162], [0.6034801705917645, 0.37376262626262624], [0.606039393939394, 0.3690524848880077], [0.6090165923065106, 0.36366363636363636], [0.6147531646956469, 0.35356464646464647], [0.6161383838383838, 0.3511947110620792], [0.6207306520989975, 0.34346565656565653], [0.6262373737373739, 0.33446612646258894], [0.6269210598043115, 0.33336666666666664], [0.6333941971988774, 0.32326767676767676], [0.6363363636363636, 0.3188187061930925], [0.6401325764505811, 0.3131686868686869], [0.6464353535353535, 0.30408582601930384], [0.6471515684646704, 0.303069696969697], [0.6545110660257532, 0.29297070707070705], [0.6565343434343435, 0.2902883895009447], [0.662215479111977, 0.28287171717171716], [0.6666333333333333, 0.2773065869131711], [0.670287461097191, 0.2727727272727273], [0.6767323232323232, 0.2650670045677216], [0.6787640853233704, 0.26267373737373734], [0.6868313131313131, 0.25352967445259916], [0.6876862644311597, 0.25257474747474745], [0.696930303030303, 0.24265458720996386], [0.6970993767471871, 0.24247575757575757], [0.707029292929293, 0.23240150166932946], [0.7070540232914152, 0.23237676767676768], [0.7171282828282828, 0.22272973562941395], [0.7176069499779744, 0.22227777777777777], [0.7272272727272728, 0.21359793250956435], [0.7288221807645955, 0.21217878787878786], [0.7373262626262627, 0.20496379710723892], [0.7407724230328809, 0.20207979797979797], [0.7474252525252525, 0.19678379182482153], [0.7535408283540291, 0.19198080808080809], [0.7575242424242424, 0.18901278216713338], [0.7672232230912145, 0.18188181818181817], [0.7676232323232324, 0.1816036167621211], [0.7777222222222222, 0.174671699649149], [0.7819859795779904, 0.17178282828282826], [0.7838656741125899, 0.1705820328218169]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.914775762682733, 0.10741933128222164], [0.9191080808080808, 0.10591126435768317], [0.9292070707070708, 0.10243425290279612], [0.9331544208869177, 0.101089898989899], [0.9393060606060606, 0.09919448736563667], [0.9494050505050505, 0.09611611526554056], [0.9595040404040405, 0.09307031572963342], [0.9664717047123357, 0.0909909090909091], [0.9696030303030303, 0.09015486514303636], [0.9797020202020201, 0.08748643854483958], [0.9898010101010101, 0.08484537812752943], [0.9999, 0.08223112827400238]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#23888D\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764204112\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.4725049665247236, 0.9999], [0.47409427872927534, 0.9898010101010101], [0.47475252525252526, 0.9856607650246982], [0.4757202608560304, 0.9797020202020201], [0.47737739167430326, 0.9696030303030303], [0.47905187316412406, 0.9595040404040404], [0.48074407250716955, 0.9494050505050504], [0.4824543686655412, 0.9393060606060606], [0.4841831528911587, 0.9292070707070708], [0.48485151515151514, 0.9253449233295565], [0.485953548589845, 0.9191080808080808], [0.48775772925087757, 0.9090090909090909], [0.48958206654201997, 0.898910101010101], [0.4914270159437507, 0.8888111111111111], [0.4932930485519225, 0.8787121212121212], [0.49495050505050503, 0.8698444545264135], [0.4951853964576504, 0.8686131313131313], [0.4971344444160525, 0.8585141414141414], [0.4991065558632513, 0.8484151515151515], [0.5011022831722075, 0.8383161616161616], [0.5031221988007264, 0.8282171717171716], [0.5050494949494949, 0.8186980401277212], [0.5051692677064508, 0.8181181818181819], [0.5072811772280108, 0.8080191919191919], [0.5094196490368179, 0.797920202020202], [0.511585359820794, 0.7878212121212121], [0.5137790124603115, 0.7777222222222222], [0.5151484848484849, 0.7714988803595042], [0.5160182233486077, 0.7676232323232324], [0.51831456343269, 0.7575242424242424], [0.5206417236964658, 0.7474252525252525], [0.5230005427095926, 0.7373262626262627], [0.5252474747474747, 0.7278371731202776], [0.525394697626214, 0.7272272727272727], [0.5278665678116586, 0.7171282828282828], [0.5303734962287241, 0.707029292929293], [0.5329164916551303, 0.6969303030303029], [0.5353464646464646, 0.6874189948200088], [0.5354994665324844, 0.6868313131313131], [0.5381676682663449, 0.6767323232323232], [0.5408759888613747, 0.6666333333333332], [0.5436256532060988, 0.6565343434343435], [0.5454454545454546, 0.6499525930889365], [0.5464361181980595, 0.6464353535353535], [0.5493253835796899, 0.6363363636363636], [0.5522608718406218, 0.6262373737373738], [0.5552440860196811, 0.6161383838383838], [0.5555444444444444, 0.6151381203489136], [0.5583267287228258, 0.606039393939394], [0.5614667774150135, 0.595940404040404], [0.5646604956602586, 0.585841414141414], [0.5656434343434343, 0.5827863477588902], [0.5679505794647808, 0.5757424242424243], [0.5713169094311107, 0.5656434343434343], [0.5747438864230825, 0.5555444444444445], [0.5757424242424243, 0.5526548574553317], [0.5782778243637682, 0.5454454545454546], [0.5818958101162185, 0.5353464646464646], [0.5855827010138223, 0.5252474747474747], [0.5858414141414141, 0.5245523141959872], [0.5894020306449343, 0.5151484848484849], [0.5933015685138462, 0.505049494949495], [0.595940404040404, 0.4983507710192837], [0.5973027686333506, 0.494950505050505], [0.6014324893417424, 0.48485151515151514], [0.6056491397711523, 0.47475252525252526], [0.606039393939394, 0.47383753075443025], [0.6100222835967789, 0.4646535353535354], [0.6144982294343124, 0.45455454545454543], [0.6161383838383838, 0.4509352186986113], [0.6191232734484505, 0.44445555555555555], [0.6238823552052462, 0.43435656565656566], [0.6262373737373738, 0.4294739764162875], [0.6287943056699739, 0.4242575757575757], [0.6338638104405885, 0.41415858585858584], [0.6363363636363636, 0.4093516704413759], [0.6391020187777299, 0.40405959595959595], [0.644513378268265, 0.39396060606060607], [0.6464353535353535, 0.39046450009563705], [0.6475757022098617, 0.3884223425696539]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.7505296175693253, 0.24952902153476963], [0.7575242424242424, 0.242627266715264], [0.7576798511037075, 0.24247575757575757], [0.7676232323232324, 0.23318944896200805], [0.7685049410520093, 0.23237676767676768], [0.7777222222222222, 0.22424256873030485], [0.7799777287884664, 0.22227777777777774], [0.7878212121212121, 0.2157488891438141], [0.7921654905538764, 0.21217878787878786], [0.7979202020202021, 0.2076695435025442], [0.8051447178614811, 0.20207979797979797], [0.8080191919191919, 0.19996424388563114], [0.8181181818181819, 0.19262391603537812], [0.8190139746246017, 0.19198080808080809], [0.8282171717171717, 0.18571245418382287], [0.8339103126213885, 0.1818818181818182], [0.8383161616161616, 0.17907757456947793], [0.8484151515151515, 0.17272672187367508], [0.8499340847386356, 0.17178282828282826], [0.8585141414141414, 0.16675569327672954], [0.8672729564703706, 0.16168383838383837], [0.8686131313131313, 0.16095483457912235], [0.8787121212121212, 0.1555248731285282], [0.8861247391630558, 0.1515848484848485], [0.8888111111111111, 0.1502490916104427], [0.898910101010101, 0.14528426091410493], [0.9067237479248764, 0.14148585858585858], [0.9090090909090909, 0.14045152680314446], [0.9191080808080807, 0.13593128874907373], [0.9292070707070708, 0.13146044784679356], [0.9293750917866908, 0.13138686868686866], [0.9393060606060606, 0.12736014925396724], [0.9494050505050505, 0.12330909351087457], [0.9544976786962476, 0.1212878787878788], [0.9595040404040404, 0.11945991144586629], [0.9696030303030303, 0.11581108694633625], [0.9797020202020201, 0.11220007090023638], [0.9825593132149526, 0.11118888888888889], [0.9898010101010101, 0.10884904231554271], [0.9999, 0.1056191076895758]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#1E988A\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764230208\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.5135603819246188, 0.9999], [0.5151484848484849, 0.990607903356782], [0.5152891206057495, 0.9898010101010101], [0.5170673543703864, 0.9797020202020202], [0.5188640138652878, 0.9696030303030303], [0.5206794849400813, 0.9595040404040404], [0.5224818493855852, 0.949582935436372]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.5655172168295566, 0.7488022500059256], [0.5656434343434343, 0.7482939856729381], [0.5658630538368956, 0.7474252525252525], [0.5684508541282706, 0.7373262626262627], [0.5710743444660854, 0.7272272727272727], [0.5737345230832149, 0.7171282828282828], [0.5757424242424243, 0.7096121716412547], [0.5764446416826382, 0.707029292929293], [0.5792297954804064, 0.696930303030303], [0.5820556040143399, 0.6868313131313131], [0.5849232717576464, 0.6767323232323232], [0.5858414141414141, 0.6735468223307103], [0.5878687079484013, 0.6666333333333333], [0.5908753170329721, 0.6565343434343435], [0.593928534909252, 0.6464353535353535], [0.595940404040404, 0.6398839454415419], [0.5970484498349373, 0.6363363636363636], [0.6002532144937631, 0.6262373737373738], [0.6035100830351899, 0.6161383838383838], [0.606039393939394, 0.60842293811308], [0.606833908663956, 0.606039393939394], [0.6102568088308897, 0.595940404040404], [0.6137382130339475, 0.5858414141414141], [0.6161383838383838, 0.5789979101767826], [0.6172990260277196, 0.5757424242424243], [0.6209632240147078, 0.5656434343434343], [0.6246934353490199, 0.5555444444444444], [0.6262373737373736, 0.5514397675965423], [0.6285287399267736, 0.5454454545454546], [0.632461294185302, 0.5353464646464646], [0.6363363636363636, 0.5255810818706167], [0.636470862448418, 0.5252474747474747], [0.640621473804926, 0.5151484848484849], [0.644854264689272, 0.5050494949494949], [0.6464353535353535, 0.5013518742324161], [0.6492156557381121, 0.4949505050505051], [0.653692369753738, 0.4848515151515151], [0.6565343434343435, 0.47857249725217177], [0.6582901203759586, 0.4747525252525253], [0.6630317377613083, 0.4646535353535354], [0.6666333333333333, 0.4571475777432459], [0.6678965457062452, 0.45455454545454543], [0.672926875285782, 0.44445555555555555], [0.6767323232323232, 0.4369873218354666], [0.6780929840984361, 0.43435656565656566], [0.6834391957049463, 0.4242575757575757], [0.6868313131313131, 0.4180006169042162], [0.6889450676437308, 0.4141585858585858], [0.6946383560051257, 0.40405959595959595], [0.696930303030303, 0.4000944154632218], [0.7005275101237911, 0.3939606060606061], [0.7066039311933819, 0.3838616161616162], [0.707029292929293, 0.3831730261894312], [0.71292599861914, 0.37376262626262624], [0.7171282828282828, 0.3672351190738549], [0.719460145060712, 0.36366363636363636], [0.7262396037512847, 0.35356464646464647], [0.7272272727272727, 0.35213480826433957], [0.7332992823095379, 0.34346565656565653], [0.7373262626262627, 0.33788286708140586], [0.7406288184931125, 0.33336666666666664], [0.7474252525252525, 0.3243500287878767], [0.7482521912630222, 0.32326767676767676], [0.7562129334426263, 0.3131686868686869], [0.7575242424242424, 0.31155796429268995], [0.7645273923575944, 0.303069696969697], [0.7676232323232324, 0.2994403507396374], [0.773214938813775, 0.29297070707070705], [0.7777222222222222, 0.2879325018835396], [0.7823088825498721, 0.28287171717171716], [0.7878212121212121, 0.27700295539743575], [0.7918457858011264, 0.2727727272727273], [0.797920202020202, 0.266620053987113], [0.8018659518623824, 0.26267373737373734], [0.8080191919191919, 0.25675181395892877], [0.8124140077569255, 0.25257474747474745], [0.8181181818181819, 0.24736578020559458], [0.8235396038828204, 0.24247575757575757], [0.8282171717171717, 0.2384288642913023], [0.835298260278469, 0.23237676767676768], [0.8383161616161616, 0.22990716151578192], [0.8477523983162936, 0.22227777777777777], [0.8484151515151515, 0.22176574177985456], [0.8585141414141414, 0.21405569783215772], [0.8610017007576378, 0.21217878787878786], [0.8686131313131313, 0.2067029117831501], [0.8751143801044916, 0.20207979797979797], [0.8787121212121212, 0.1996461925892497], [0.8888111111111111, 0.19289303785554032], [0.8901908923928578, 0.19198080808080809], [0.898910101010101, 0.18651178775772184], [0.9063750181798904, 0.1818818181818182], [0.9090090909090909, 0.18033639264657716], [0.9191080808080808, 0.17447672279690746], [0.9238022362639596, 0.17178282828282826], [0.9292070707070708, 0.16885832879473228], [0.9393060606060606, 0.16345294085371495], [0.9426470379389431, 0.16168383838383837], [0.9494050505050505, 0.15832224388153382], [0.9595040404040405, 0.1533519225188682], [0.9631324757136983, 0.1515848484848485], [0.9696030303030303, 0.14863696157140613], [0.9797020202020201, 0.14408368852474807], [0.9855236138161687, 0.14148585858585858], [0.98980101010101, 0.13970876777847246], [0.9999, 0.1355556253385283]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#22A784\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764231776\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.5581940054326991, 0.9999], [0.5600908827374544, 0.9898010101010101], [0.5620072135576799, 0.9797020202020201], [0.5639434010443871, 0.9696030303030303], [0.5656434343434343, 0.9608276812553491], [0.5659044807359868, 0.9595040404040404], [0.5679172622846893, 0.9494050505050504], [0.5699515690373392, 0.9393060606060606], [0.5720078663673858, 0.9292070707070708], [0.5740866349053707, 0.9191080808080808], [0.5757424242424243, 0.9111518972815397], [0.5761962631052571, 0.9090090909090909], [0.5783590902083612, 0.898910101010101], [0.5805463538187102, 0.8888111111111111], [0.5827586124398683, 0.8787121212121212], [0.5849964439440959, 0.8686131313131312], [0.5858414141414141, 0.864843989998916], [0.5872851222853801, 0.8585141414141414], [0.5896157502393383, 0.8484151515151515], [0.5919742872588043, 0.8383161616161615], [0.5943614098705361, 0.8282171717171717], [0.595940404040404, 0.8216180231447108], [0.5967921325649399, 0.8181181818181819], [0.5992803709415369, 0.8080191919191919], [0.6017999048361586, 0.797920202020202], [0.6043515315182142, 0.7878212121212123], [0.606039393939394, 0.7812259745055046], [0.6069511476517276, 0.7777222222222222], [0.6096134770323527, 0.7676232323232324], [0.6123110654535432, 0.7575242424242424], [0.6150448593829929, 0.7474252525252525], [0.6161383838383838, 0.7434398486753542], [0.6178435672441882, 0.7373262626262627], [0.6206991958102688, 0.7272272727272727], [0.6235947589996795, 0.7171282828282828], [0.6262373737373738, 0.7080404052178376], [0.6265361697917322, 0.707029292929293], [0.6295634808917421, 0.696930303030303], [0.6326349814846837, 0.6868313131313131], [0.6357519807675984, 0.6767323232323232], [0.6363363636363636, 0.6748669862473339], [0.638957113936956, 0.6666333333333333], [0.6416933166316718, 0.658166216202495]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.7136878189701105, 0.4784073407984813], [0.7154959043735882, 0.47475252525252526], [0.7171282828282828, 0.4715223359819886], [0.7206486670726985, 0.4646535353535354], [0.7259383222619652, 0.45455454545454543], [0.7272272727272727, 0.45214776350314057], [0.7314044396178632, 0.44445555555555555], [0.7370146368684478, 0.43435656565656566], [0.7373262626262627, 0.4338084979123817], [0.7428317164146874, 0.4242575757575757], [0.7474252525252525, 0.41647613624114294], [0.7488119595000731, 0.41415858585858584], [0.7550038749705628, 0.40405959595959595], [0.7575242424242424, 0.4000503711333398], [0.7614039060833222, 0.39396060606060607], [0.7676232323232324, 0.3844454691415623], [0.768009906973825, 0.3838616161616162], [0.7748766048746162, 0.37376262626262624], [0.7777222222222222, 0.36968910670659066], [0.781986420083287, 0.36366363636363636], [0.7878212121212121, 0.35564470968659734], [0.7893542506662017, 0.35356464646464647], [0.7970130715445799, 0.34346565656565653], [0.797920202020202, 0.3423041721861244], [0.8049893917333436, 0.3333666666666666], [0.808019191919192, 0.3296504488338836], [0.8132884610595479, 0.32326767676767676], [0.8181181818181819, 0.3175973229417842], [0.8219371238370039, 0.3131686868686869], [0.8282171717171717, 0.306117191671956], [0.8309645630973846, 0.303069696969697], [0.8383161616161616, 0.29518239471877794], [0.8404026170827386, 0.29297070707070705], [0.8484151515151515, 0.28476512163509105], [0.8502861501898373, 0.28287171717171716], [0.8585141414141414, 0.2748373114588329], [0.8606534901572092, 0.2727727272727273], [0.8686131313131313, 0.26537054285109457], [0.8715469463791926, 0.26267373737373734], [0.8787121212121212, 0.25633591258316957], [0.8830134282910096, 0.25257474747474745], [0.8888111111111111, 0.24770389973086948], [0.895105188148513, 0.24247575757575757], [0.898910101010101, 0.2394442123147857], [0.9078807197298413, 0.23237676767676768], [0.9090090909090909, 0.23152561231765628], [0.9191080808080807, 0.2239918887880652], [0.921431241738869, 0.22227777777777777], [0.9292070707070708, 0.21679545782774018], [0.9358266650033051, 0.21217878787878786], [0.9393060606060606, 0.20986502632375642], [0.9494050505050505, 0.20322112372027373], [0.9511584629745439, 0.20207979797979797], [0.9595040404040404, 0.19691248979435988], [0.9675533426923437, 0.19198080808080809], [0.9696030303030303, 0.1907893933854791], [0.9797020202020201, 0.18498001509616335], [0.9851437155238669, 0.1818818181818182], [0.9898010101010101, 0.17937354011306478], [0.9999, 0.17398974323210006]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#35B778\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764233288\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.6066892298336369, 0.9999], [0.6087569753623143, 0.98980101010101], [0.6108459267536634, 0.9797020202020204], [0.6129565234740116, 0.9696030303030303], [0.6150892187939763, 0.9595040404040402], [0.6161383838383838, 0.9545879284618757], [0.6172627607936384, 0.9494050505050505], [0.6194770721601808, 0.9393060606060606], [0.6217153199293443, 0.9292070707070708], [0.6239780272600233, 0.9191080808080808], [0.6262373737373738, 0.9091342889974754], [0.6262661957511918, 0.9090090909090909], [0.6286170714916536, 0.898910101010101], [0.6309945083899544, 0.8888111111111111], [0.6333991135091727, 0.8787121212121212], [0.6358315149651097, 0.8686131313131313], [0.6363363636363636, 0.866541300081255], [0.6383236552662852, 0.8585141414141414], [0.6408534577941599, 0.8484151515151515], [0.6434135544856106, 0.8383161616161616], [0.6460046796831136, 0.8282171717171717], [0.6464353535353535, 0.8265589514702278], [0.6486621142747167, 0.8181181818181819], [0.6513594229794177, 0.8080191919191919], [0.654090656758975, 0.797920202020202], [0.6565343434343435, 0.7889980903669576], [0.6568616767677703, 0.7878212121212121], [0.6597068193514654, 0.7777222222222222], [0.6625891495801124, 0.7676232323232324], [0.6655096524703371, 0.7575242424242424], [0.6666333333333332, 0.7536900562564015], [0.6684973803743528, 0.7474252525252525], [0.671543140265038, 0.7373262626262627], [0.6746309062225383, 0.7272272727272727], [0.6767323232323232, 0.7204490711977938], [0.6777773330623821, 0.7171282828282828], [0.6810004301535275, 0.707029292929293], [0.6842698977242214, 0.696930303030303], [0.6868313131313131, 0.6891322286895399], [0.6875982849840554, 0.6868313131313131], [0.6910144810008225, 0.6767323232323232], [0.6944820426590947, 0.6666333333333333], [0.696930303030303, 0.659610186656211], [0.6980181895863017, 0.6565343434343435], [0.701645445382622, 0.6464353535353535], [0.7053298167532001, 0.6363363636363636], [0.707029292929293, 0.631751391446875], [0.7091025357850822, 0.6262373737373738], [0.7129614404138962, 0.6161383838383838], [0.7168841210320871, 0.6060393939393939], [0.7171282828282828, 0.6054211851862339], [0.7209258280721067, 0.595940404040404], [0.7250401378687569, 0.5858414141414141], [0.7272272727272727, 0.5805646291782892], [0.7292539432853391, 0.5757424242424243], [0.7335734474507899, 0.5656434343434343], [0.7373262626262627, 0.5570246361645826], [0.7379796596427078, 0.5555444444444444], [0.7425194166603086, 0.5454454545454546], [0.7471440181402261, 0.5353464646464646], [0.7474252525252525, 0.5347437959854648], [0.7519169814030477, 0.5252474747474747], [0.7567865117137041, 0.5151484848484849], [0.7575242424242425, 0.5136481990996392], [0.761809204391744, 0.5050494949494949], [0.7669434535519051, 0.494950505050505], [0.7676232323232324, 0.4936403994277526], [0.7722439447148572, 0.48485151515151514], [0.7776652023412667, 0.4747525252525253], [0.7777222222222222, 0.4746485416664478], [0.7832746675222202, 0.4646535353535354], [0.7878212121212121, 0.4566452420262322], [0.7890234762529432, 0.45455454545454543], [0.7949614309194276, 0.4444555555555555], [0.7979202020202019, 0.43953648506673515], [0.8010755572190049, 0.43435656565656566], [0.8073720991699775, 0.4242575757575757], [0.8080191919191919, 0.4232441241924698], [0.8138933066139398, 0.4141585858585858], [0.8146213525828382, 0.4130596420686251]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.9230151919362745, 0.2839635413861412], [0.9241834641377196, 0.2828717171717172], [0.9292070707070708, 0.2783415490407368], [0.9354499486087492, 0.2727727272727273], [0.9393060606060606, 0.26945803269089624], [0.9472838090133254, 0.26267373737373734], [0.9494050505050505, 0.2609378918583559], [0.9595040404040404, 0.252761172387965], [0.959736728389879, 0.25257474747474745], [0.9696030303030303, 0.2449800139147549], [0.972890367070876, 0.24247575757575757], [0.9797020202020204, 0.2374984885329695], [0.9867839927177864, 0.23237676767676768], [0.9898010101010101, 0.23028768168788583], [0.9999, 0.22336578364904855]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#53C567\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764267632\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.6594232580273115, 0.9999000000000001], [0.6616618711327481, 0.9898010101010101], [0.6639234424414215, 0.9797020202020204], [0.6662084477348367, 0.9696030303030303], [0.6666333333333334, 0.9677446303693931], [0.6685461385370548, 0.9595040404040404], [0.6709151193777256, 0.9494050505050505], [0.6715104539807389, 0.946893986877306]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.7250484259192609, 0.7522262665823103], [0.7265843273857091, 0.7474252525252525], [0.7272272727272727, 0.7454424687818804], [0.7298958704031283, 0.7373262626262627], [0.7332622003694582, 0.7272272727272727], [0.7366756068781677, 0.7171282828282828], [0.7373262626262627, 0.7152301573338221], [0.7401761958960003, 0.707029292929293], [0.743736250372786, 0.696930303030303], [0.7473482707681515, 0.6868313131313131], [0.7474252525252526, 0.6866192186029696], [0.751062615319213, 0.6767323232323232], [0.7548338714569353, 0.6666333333333333], [0.7575242424242424, 0.6595371559069162], [0.7586779772420285, 0.6565343434343435], [0.7626183431866007, 0.6464353535353535], [0.76662075500727, 0.6363363636363636], [0.7676232323232323, 0.6338467164559423], [0.7707277761658471, 0.6262373737373738], [0.7749150626658794, 0.6161383838383838], [0.7777222222222222, 0.6094780890030249], [0.7791904958869345, 0.606039393939394], [0.783575084295371, 0.5959404040404039], [0.7878212121212123, 0.586324680826092], [0.7880373671616331, 0.5858414141414141], [0.7926329813550219, 0.5757424242424243], [0.7973099238079706, 0.5656434343434343], [0.797920202020202, 0.5643489724463165], [0.8021239977303518, 0.5555444444444444], [0.8070343082356227, 0.5454454545454546], [0.8080191919191919, 0.5434570157883212], [0.8120869143604301, 0.5353464646464646], [0.817248371388959, 0.5252474747474747], [0.8181181818181819, 0.5235780023855846], [0.8225645897546083, 0.5151484848484849], [0.8279970839022464, 0.5050494949494949], [0.8282171717171717, 0.5046484531583403], [0.833604606859905, 0.4949505050505051], [0.8383161616161616, 0.4866405292458885], [0.8393427829260859, 0.48485151515151514], [0.8452600526714814, 0.4747525252525253], [0.8484151515151515, 0.46948107475408213], [0.8513391585287576, 0.4646535353535354], [0.8575904649647345, 0.45455454545454543], [0.8585141414141414, 0.4530951366435757], [0.8640469356660234, 0.4444555555555555], [0.8686131313131313, 0.43748554721168165], [0.8706869641456769, 0.43435656565656566], [0.8775378635739477, 0.42425757575757567], [0.8787121212121212, 0.4225673124372048], [0.8846213491853417, 0.41415858585858584], [0.8888111111111111, 0.4083402703708851], [0.8919288450068452, 0.40405959595959595], [0.898910101010101, 0.39471091486668186], [0.8994767349535382, 0.39396060606060607], [0.9073015708798691, 0.3838616161616162], [0.909009090909091, 0.3817150676796167], [0.9154057130285398, 0.37376262626262624], [0.9191080808080808, 0.3692824752826295], [0.9238027563362792, 0.36366363636363636], [0.9292070707070708, 0.3573726483148304], [0.9325141081970426, 0.35356464646464647], [0.9393060606060606, 0.3459640927768032], [0.9415628297734784, 0.34346565656565653], [0.9494050505050505, 0.33503526438108816], [0.9509738329683244, 0.33336666666666664], [0.9595040404040404, 0.3245645119130988], [0.9607741071216962, 0.32326767676767676], [0.9696030303030303, 0.31453001643034717], [0.9709929810534863, 0.3131686868686868], [0.9797020202020202, 0.30490972545809925], [0.9816624273509498, 0.303069696969697], [0.98980101010101, 0.29568128118708514], [0.9928174174281762, 0.29297070707070705], [0.9999, 0.28682194148901924]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#79D151\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764821264\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.7167155312475945, 0.9999], [0.7171282828282828, 0.998170011062401], [0.7191533307769971, 0.9898010101010101], [0.7216220453165513, 0.9797020202020202], [0.7241163402207969, 0.9696030303030303], [0.726636751163167, 0.9595040404040404], [0.7272272727272727, 0.9571626643533697], [0.729211192366794, 0.9494050505050505], [0.7318215117887656, 0.9393060606060606], [0.734460048406204, 0.9292070707070706], [0.7371274189398844, 0.9191080808080808], [0.7373262626262627, 0.9183634614835771], [0.7398587120762374, 0.9090090909090909], [0.742623292731384, 0.898910101010101], [0.7454191087520909, 0.888811111111111], [0.7474252525252525, 0.8816464338140784], [0.7482580513923848, 0.8787121212121212], [0.7511574182625114, 0.8686131313131313], [0.7540906926978488, 0.8585141414141413], [0.7570586771780496, 0.8484151515151515], [0.7575242424242425, 0.8468497450635084], [0.7600962660859429, 0.8383161616161616], [0.7631769950171673, 0.8282171717171717], [0.7662955206537377, 0.8181181818181819], [0.7676232323232324, 0.8138712901550718], [0.7694770119360154, 0.8080191919191919], [0.7727163229886814, 0.797920202020202], [0.7759968950544524, 0.7878212121212121], [0.7777222222222222, 0.7825775775717863], [0.7793406740054102, 0.7777222222222222], [0.782751003834628, 0.7676232323232324], [0.7862064989836087, 0.7575242424242424], [0.7878212121212121, 0.7528675994364522], [0.7897327198452098, 0.7474252525252525], [0.7933280278404264, 0.7373262626262627], [0.796972921079815, 0.7272272727272727], [0.7979202020202019, 0.7246388178672466], [0.8007037967769076, 0.7171282828282828], [0.8044998242333857, 0.707029292929293], [0.8080191919191919, 0.6977991252835194], [0.8083546314254736, 0.696930303030303], [0.8123106175731046, 0.6868313131313131], [0.8135038280900421, 0.6838297039209186]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.8948558211308268, 0.5137628456392923], [0.898910101010101, 0.5068220368505818], [0.8999571800846188, 0.5050494949494949], [0.9060433762504946, 0.49495050505050503], [0.9090090909090909, 0.49012881742569053], [0.912291308551451, 0.48485151515151514], [0.9187045894151258, 0.4747525252525253], [0.9191080808080808, 0.4741305221572582], [0.9253236956734404, 0.4646535353535354], [0.9292070707070708, 0.45885984546082303], [0.9321243481346655, 0.45455454545454543], [0.9391211939861984, 0.44445555555555555], [0.9393060606060606, 0.4441947212261756], [0.9463542393158983, 0.43435656565656566], [0.9494050505050505, 0.4301959921667343], [0.9538060627684213, 0.4242575757575757], [0.9595040404040404, 0.4167500049524273], [0.9614916456252147, 0.41415858585858584], [0.9694287479231519, 0.40405959595959595], [0.9696030303030302, 0.40384331759795916], [0.9776501430603071, 0.39396060606060607], [0.9797020202020204, 0.39150446883831946], [0.986153081066985, 0.3838616161616162], [0.9898010101010101, 0.3796519958407737], [0.9949568984780494, 0.37376262626262624], [0.9999, 0.36826686142077364]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#A5DA35\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764882368\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.7790051685062264, 0.9999], [0.7816538619049465, 0.98980101010101], [0.7843297191048665, 0.9797020202020202], [0.7870333030435162, 0.9696030303030303], [0.7878212121212121, 0.9666903646988289], [0.7897902754695815, 0.9595040404040402], [0.7911147925010029, 0.9547206756489699]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.8517281979601051, 0.7650499575972265], [0.8545357737853048, 0.7575242424242424], [0.8583539128348203, 0.7474252525252525], [0.8585141414141414, 0.7470071354996226], [0.8622678934028463, 0.7373262626262627], [0.8662377764041729, 0.7272272727272726], [0.8686131313131313, 0.7212679430868235], [0.8702824733283284, 0.7171282828282828], [0.8744127090249665, 0.707029292929293], [0.8786023661428292, 0.696930303030303], [0.8787121212121212, 0.6966695493215564], [0.8829010485402606, 0.6868313131313131], [0.8872646956136382, 0.6767323232323232], [0.8888111111111112, 0.6732063979672952], [0.8917268978866665, 0.6666333333333333], [0.8962751591827269, 0.6565343434343435], [0.898910101010101, 0.650773013701901], [0.9009163422283515, 0.6464353535353535], [0.9056608457998239, 0.6363363636363635], [0.9090090909090909, 0.629321625082011], [0.910497699870302, 0.6262373737373739], [0.9154512081209637, 0.6161383838383838], [0.9191080808080807, 0.608804129210338], [0.9205018135473106, 0.606039393939394], [0.9256783757403433, 0.5959404040404039], [0.9292070707070708, 0.5891719356826632], [0.9309623902396962, 0.5858414141414141], [0.9363775215282104, 0.5757424242424243], [0.9393060606060606, 0.5703757960625202], [0.9419163996557508, 0.5656434343434343], [0.947587292369925, 0.5555444444444444], [0.9494050505050506, 0.5523656158615495], [0.9534045440860295, 0.5454454545454546], [0.959350318511942, 0.5353464646464646], [0.9595040404040402, 0.5350902453722526], [0.9654718156709301, 0.5252474747474747], [0.9696030303030303, 0.5185635482666864], [0.9717359201381629, 0.5151484848484849], [0.97816816150191, 0.5050494949494949], [0.9797020202020204, 0.5026889301797133], [0.9847824323111659, 0.494950505050505], [0.9898010101010102, 0.48746067405164306], [0.9915672122737655, 0.48485151515151514], [0.9985473620352114, 0.47475252525252526], [0.9999, 0.47283670234097436]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#D2E11B\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764654672\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.8467045506498926, 0.9999], [0.8484151515151515, 0.9938464056556537], [0.8495719723748782, 0.9898010101010102], [0.8524894954529457, 0.9797020202020202], [0.8554372493669956, 0.9696030303030303], [0.8584158671750741, 0.9595040404040404], [0.8585141414141413, 0.9591743307414526], [0.8614604586816479, 0.9494050505050505], [0.864538785169237, 0.9393060606060606], [0.8676503879445782, 0.9292070707070708], [0.8686131313131313, 0.9261161767894349], [0.8708215224843655, 0.9191080808080808], [0.8740390775668105, 0.9090090909090909], [0.8772925797520352, 0.898910101010101], [0.8787121212121212, 0.8945530204288112], [0.8806044661643817, 0.8888111111111111], [0.8839707961307117, 0.8787121212121212], [0.8873760396136531, 0.8686131313131313], [0.8888111111111112, 0.8644063127551866], [0.8908440760733232, 0.8585141414141414], [0.8943697439005454, 0.8484151515151515], [0.897937631291032, 0.8383161616161616], [0.898910101010101, 0.8355965251432131], [0.9015785743334148, 0.8282171717171718], [0.9052753093730296, 0.8181181818181817], [0.9090090909090909, 0.8080431295376931], [0.9090180612231603, 0.8080191919191919], [0.9128501262193616, 0.797920202020202], [0.9167310024848287, 0.787821212121212], [0.9191080808080808, 0.7817142639632522], [0.920679117845435, 0.7777222222222222], [0.924705444336134, 0.7676232323232324], [0.9287850942097695, 0.7575242424242425], [0.9292070707070708, 0.7564934927117509], [0.9329600682377991, 0.7474252525252525], [0.937196512812444, 0.7373262626262627], [0.9393060606060606, 0.732365858427596], [0.9415150080222211, 0.7272272727272727], [0.9459170181826694, 0.7171282828282828], [0.9494050505050505, 0.7092380262872512], [0.9503919035038751, 0.707029292929293], [0.9549690072726746, 0.696930303030303], [0.9578392717891697, 0.6906884210750366]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#FDE724\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764707528\"}], \"images\": [], \"sharex\": [], \"sharey\": []}], \"data\": {\"data01\": [[0.0001, 0.9999], [0.010198989898989898, 0.9898010101010101], [0.020297979797979798, 0.9797020202020202], [0.030396969696969697, 0.9696030303030303], [0.0404959595959596, 0.9595040404040404], [0.0505949494949495, 0.9494050505050505], [0.0606939393939394, 0.9393060606060606], [0.0707929292929293, 0.9292070707070708], [0.0808919191919192, 0.9191080808080808], [0.0909909090909091, 0.9090090909090909], [0.101089898989899, 0.898910101010101], [0.11118888888888889, 0.8888111111111111], [0.12128787878787879, 0.8787121212121212], [0.13138686868686866, 0.8686131313131313], [0.14148585858585858, 0.8585141414141414], [0.1515848484848485, 0.8484151515151515], [0.16168383838383837, 0.8383161616161616], [0.17178282828282826, 0.8282171717171718], [0.18188181818181817, 0.8181181818181819], [0.19198080808080809, 0.8080191919191919], [0.20207979797979797, 0.7979202020202021], [0.21217878787878786, 0.7878212121212121], [0.22227777777777777, 0.7777222222222222], [0.23237676767676768, 0.7676232323232324], [0.24247575757575757, 0.7575242424242424], [0.25257474747474745, 0.7474252525252525], [0.26267373737373734, 0.7373262626262627], [0.2727727272727273, 0.7272272727272727], [0.28287171717171716, 0.7171282828282828], [0.29297070707070705, 0.707029292929293], [0.303069696969697, 0.696930303030303], [0.3131686868686869, 0.6868313131313131], [0.32326767676767676, 0.6767323232323232], [0.33336666666666664, 0.6666333333333334], [0.34346565656565653, 0.6565343434343435], [0.35356464646464647, 0.6464353535353535], [0.36366363636363636, 0.6363363636363637], [0.37376262626262624, 0.6262373737373738], [0.3838616161616162, 0.6161383838383838], [0.39396060606060607, 0.606039393939394], [0.40405959595959595, 0.595940404040404], [0.41415858585858584, 0.5858414141414141], [0.4242575757575757, 0.5757424242424243], [0.43435656565656566, 0.5656434343434343], [0.44445555555555555, 0.5555444444444444], [0.45455454545454543, 0.5454454545454546], [0.4646535353535354, 0.5353464646464646], [0.47475252525252526, 0.5252474747474747], [0.48485151515151514, 0.5151484848484849], [0.49495050505050503, 0.505049494949495], [0.5050494949494949, 0.4949505050505051], [0.5151484848484849, 0.48485151515151514], [0.5252474747474747, 0.4747525252525253], [0.5353464646464646, 0.4646535353535354], [0.5454454545454546, 0.45455454545454543], [0.5555444444444444, 0.4444555555555556], [0.5656434343434343, 0.43435656565656566], [0.5757424242424243, 0.4242575757575757], [0.5858414141414141, 0.4141585858585859], [0.595940404040404, 0.40405959595959595], [0.606039393939394, 0.393960606060606], [0.6161383838383838, 0.3838616161616162], [0.6262373737373738, 0.37376262626262624], [0.6363363636363636, 0.3636636363636364], [0.6464353535353535, 0.35356464646464647], [0.6565343434343435, 0.34346565656565653], [0.6666333333333333, 0.3333666666666667], [0.6767323232323232, 0.32326767676767676], [0.6868313131313131, 0.31316868686868693], [0.696930303030303, 0.303069696969697], [0.707029292929293, 0.29297070707070705], [0.7171282828282828, 0.2828717171717172], [0.7272272727272727, 0.2727727272727273], [0.7373262626262627, 0.26267373737373734], [0.7474252525252525, 0.2525747474747475], [0.7575242424242424, 0.24247575757575757], [0.7676232323232324, 0.23237676767676763], [0.7777222222222222, 0.2222777777777778], [0.7878212121212121, 0.21217878787878786], [0.797920202020202, 0.20207979797979803], [0.8080191919191919, 0.19198080808080809], [0.8181181818181819, 0.18188181818181814], [0.8282171717171717, 0.17178282828282831], [0.8383161616161616, 0.16168383838383837], [0.8484151515151515, 0.15158484848484854], [0.8585141414141414, 0.1414858585858586], [0.8686131313131313, 0.13138686868686866], [0.8787121212121212, 0.12128787878787883], [0.8888111111111111, 0.11118888888888889], [0.898910101010101, 0.10108989898989895], [0.9090090909090909, 0.09099090909090912], [0.9191080808080808, 0.08089191919191918], [0.9292070707070708, 0.07079292929292924], [0.9393060606060606, 0.06069393939393941], [0.9494050505050505, 0.05059494949494947], [0.9595040404040404, 0.04049595959595964], [0.9696030303030303, 0.0303969696969697], [0.9797020202020202, 0.02029797979797976], [0.9898010101010101, 0.01019898989898993], [0.9999, 9.999999999998899e-05]], \"data02\": [[0.75, 0.25]], \"data03\": [[0.0, 0.0]]}, \"id\": \"el83139652764943360\", \"plugins\": [{\"type\": \"reset\"}, {\"type\": \"zoom\", \"button\": true, \"enabled\": false}, {\"type\": \"boxzoom\", \"button\": true, \"enabled\": false}]});\n", " });\n", " });\n", "}else{\n", " // require.js not available: dynamically load d3 & mpld3\n", " mpld3_load_lib(\"https://mpld3.github.io/js/d3.v3.min.js\", function(){\n", " mpld3_load_lib(\"https://mpld3.github.io/js/mpld3.v0.3.js\", function(){\n", " \n", " mpld3.draw_figure(\"fig_el831396527649433608516548762\", {\"width\": 432.0, \"height\": 288.0, \"axes\": [{\"bbox\": [0.125, 0.125, 0.775, 0.755], \"xlim\": [0.0001, 0.9999], \"ylim\": [9.999999999998899e-05, 0.9999], \"xdomain\": [0.0001, 0.9999], \"ydomain\": [9.999999999998899e-05, 0.9999], \"xscale\": \"linear\", \"yscale\": \"linear\", \"axes\": [{\"position\": \"bottom\", \"nticks\": 6, \"tickvalues\": null, \"tickformat\": null, \"scale\": \"linear\", \"fontsize\": 10.0, \"grid\": {\"gridOn\": false}, \"visible\": true}, {\"position\": \"left\", \"nticks\": 6, \"tickvalues\": null, \"tickformat\": null, \"scale\": \"linear\", \"fontsize\": 10.0, \"grid\": {\"gridOn\": false}, \"visible\": true}], \"axesbg\": \"#FFFFFF\", \"axesbgalpha\": null, \"zoomable\": true, \"id\": \"el83139652764945376\", \"lines\": [{\"data\": \"data01\", \"xindex\": 0, \"yindex\": 1, \"coordinates\": \"data\", \"id\": \"el83139652764397976\", \"color\": \"#1F77B4\", \"linewidth\": 1.5, \"dasharray\": \"none\", \"alpha\": 1, \"zorder\": 2, \"drawstyle\": \"default\"}], \"paths\": [], \"markers\": [{\"data\": \"data02\", \"xindex\": 0, \"yindex\": 1, \"coordinates\": \"data\", \"id\": \"el83139652765110112pts\", \"facecolor\": \"#FF0000\", \"edgecolor\": \"#FF0000\", \"edgewidth\": 1.0, \"alpha\": 1, \"zorder\": 2, \"markerpath\": [[[0.0, 3.0], [0.7956093000000001, 3.0], [1.5587396123545605, 2.683901074764725], [2.121320343559643, 2.121320343559643], [2.683901074764725, 1.5587396123545605], [3.0, 0.7956093000000001], [3.0, 0.0], [3.0, -0.7956093000000001], [2.683901074764725, -1.5587396123545605], [2.121320343559643, -2.121320343559643], [1.5587396123545605, -2.683901074764725], [0.7956093000000001, -3.0], [0.0, -3.0], [-0.7956093000000001, -3.0], [-1.5587396123545605, -2.683901074764725], [-2.121320343559643, -2.121320343559643], [-2.683901074764725, -1.5587396123545605], [-3.0, -0.7956093000000001], [-3.0, 0.0], [-3.0, 0.7956093000000001], [-2.683901074764725, 1.5587396123545605], [-2.121320343559643, 2.121320343559643], [-1.5587396123545605, 2.683901074764725], [-0.7956093000000001, 3.0], [0.0, 3.0]], [\"M\", \"C\", \"C\", \"C\", \"C\", \"C\", \"C\", \"C\", \"C\", \"Z\"]]}], \"texts\": [{\"text\": \"rice\", \"position\": [0.49999999999999994, -0.09657836644591611], \"coordinates\": \"axes\", \"h_anchor\": \"middle\", \"v_baseline\": \"hanging\", \"rotation\": -0.0, \"fontsize\": 10.0, \"color\": \"#000000\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652765056472\"}, {\"text\": \"pizza\", \"position\": [-0.08064516129032258, 0.49999999999999994], \"coordinates\": \"axes\", \"h_anchor\": \"middle\", \"v_baseline\": \"auto\", \"rotation\": -90.0, \"fontsize\": 10.0, \"color\": \"#000000\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652764706016\"}, {\"text\": \"-4.249\", \"position\": [0.25835195499164887, 0.8282171717171716], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -279.1440266581857, \"fontsize\": 10.0, \"color\": \"#440154\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652764365824\"}, {\"text\": \"-3.999\", \"position\": [0.3289343406475663, 0.5151484848484846], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -288.33163732845446, \"fontsize\": 10.0, \"color\": \"#48196B\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652764367336\"}, {\"text\": \"-3.749\", \"position\": [0.6464353535353535, 0.08725687848143515], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -345.0610816495742, \"fontsize\": 10.0, \"color\": \"#462F7C\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652764368792\"}, {\"text\": \"-3.499\", \"position\": [0.48485151515151514, 0.2651471393507611], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -313.32689360974246, \"fontsize\": 10.0, \"color\": \"#404387\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652763899272\"}, {\"text\": \"-3.249\", \"position\": [0.33858875197193417, 0.9999], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -280.41667635028057, \"fontsize\": 10.0, \"color\": \"#38568B\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652763900728\"}, {\"text\": \"-2.999\", \"position\": [0.39027036693195416, 0.8383161616161616], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -283.47974454130633, \"fontsize\": 10.0, \"color\": \"#30678D\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652763934960\"}, {\"text\": \"-2.749\", \"position\": [0.4895135190790375, 0.5454454545454546], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -294.8748342074417, \"fontsize\": 10.0, \"color\": \"#29788E\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652763936416\"}, {\"text\": \"-2.499\", \"position\": [0.8484151515151515, 0.1345813115369105], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -342.6954230851251, \"fontsize\": 10.0, \"color\": \"#23888D\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652763937872\"}, {\"text\": \"-2.249\", \"position\": [0.695750050530035, 0.3131686868686868], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -318.75789470186965, \"fontsize\": 10.0, \"color\": \"#1E988A\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652763963968\"}, {\"text\": \"-1.999\", \"position\": [0.5424737289602676, 0.8484151515151515], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -288.2373169157988, \"fontsize\": 10.0, \"color\": \"#22A784\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652763965424\"}, {\"text\": \"-1.749\", \"position\": [0.6749163975890173, 0.5656434343434342], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -301.5932834358027, \"fontsize\": 10.0, \"color\": \"#35B778\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652763966880\"}, {\"text\": \"-1.499\", \"position\": [0.866281506806436, 0.3434656565656565], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -322.29253547473536, \"fontsize\": 10.0, \"color\": \"#53C567\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652763997072\"}, {\"text\": \"-1.249\", \"position\": [0.696527687593809, 0.8484151515151515], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -292.9170136550897, \"fontsize\": 10.0, \"color\": \"#79D151\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652763998528\"}, {\"text\": \"-0.999\", \"position\": [0.8516667069751893, 0.5959404040404039], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -306.33238033448595, \"fontsize\": 10.0, \"color\": \"#A5DA35\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652763999984\"}, {\"text\": \"-0.749\", \"position\": [0.8196154986928067, 0.8585141414141413], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -296.16755158592866, \"fontsize\": 10.0, \"color\": \"#D2E11B\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652764034272\"}, {\"text\": \"-0.499\", \"position\": [0.9999, 0.6071208286402086], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -308.28156817277863, \"fontsize\": 10.0, \"color\": \"#FDE724\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652764035728\"}], \"collections\": [{\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 1, \"paths\": [[[[0.24258465799981052, 0.9998999999999999], [0.24342211370268305, 0.9898010101010101], [0.24426815797237028, 0.9797020202020204], [0.24512296879672274, 0.9696030303030303], [0.24598672975445354, 0.9595040404040404], [0.24685963025177515, 0.9494050505050504], [0.24774186577168916, 0.9393060606060606], [0.24831340149911038, 0.93283363135811]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.2701787385723803, 0.724046348969176], [0.27103353159059623, 0.7171282828282828], [0.2722990558310663, 0.7070292929292931], [0.2727727272727273, 0.7033029653998268], [0.2736133510770824, 0.696930303030303], [0.2749649637722912, 0.6868313131313131], [0.27633659814912515, 0.6767323232323232], [0.27772885630730254, 0.6666333333333333], [0.2791423679215541, 0.6565343434343435], [0.28057779195160504, 0.6464353535353535], [0.28203581848679576, 0.6363363636363636], [0.28287171717171716, 0.6306376971867003], [0.28354063840673055, 0.6262373737373738], [0.2851008101445511, 0.6161383838383838], [0.2866867667891647, 0.606039393939394], [0.2882993749760906, 0.5959404040404042], [0.28993954578039377, 0.5858414141414141], [0.29160823780797634, 0.5757424242424243], [0.29297070707070705, 0.5676400929657142], [0.29331823966745446, 0.5656434343434343], [0.29510770863284075, 0.5555444444444444], [0.2969300077516055, 0.5454454545454546], [0.2987863641972959, 0.5353464646464646], [0.30067807526268314, 0.5252474747474747], [0.3026065138056927, 0.5151484848484849], [0.303069696969697, 0.5127699465062245], [0.30462409070189567, 0.5050494949494949], [0.3066984372359103, 0.49495050505050503], [0.3088155480694782, 0.48485151515151514], [0.31097722362476, 0.47475252525252526], [0.3131686868686869, 0.4647298834351902], [0.31318592772288245, 0.4646535353535354], [0.3155165873604342, 0.45455454545454543], [0.31789961407749057, 0.44445555555555555], [0.32033741531881144, 0.43435656565656566], [0.32283256845714425, 0.42425757575757567], [0.3232676767676767, 0.42253793100632014], [0.3254551338234946, 0.41415858585858584], [0.32815659642376205, 0.40405959595959595], [0.33092644055298215, 0.3939606060606061], [0.33336666666666664, 0.38528863301959193], [0.3337805717555417, 0.3838616161616162], [0.33678787624644335, 0.37376262626262624], [0.3398775604587243, 0.36366363636363636], [0.34305426510459597, 0.35356464646464647], [0.34346565656565653, 0.35229363655313384], [0.34640831656148235, 0.34346565656565653], [0.34987511899307794, 0.3333666666666666], [0.3534485763472773, 0.32326767676767676], [0.35356464646464647, 0.32294974132733356], [0.35723894631043557, 0.3131686868686869], [0.36115704638500484, 0.303069696969697], [0.36366363636363636, 0.29682070470999733], [0.3652514390046333, 0.29297070707070705], [0.36956254801657096, 0.2828717171717171], [0.37376262626262624, 0.27337799897507276], [0.37403773735796686, 0.2727727272727273], [0.3788011726672773, 0.26267373737373734], [0.38375138378894347, 0.25257474747474745], [0.38386161616161624, 0.2523586789414347], [0.38903805126933183, 0.24247575757575757], [0.39396060606060607, 0.2334611021159033], [0.39456809648473556, 0.23237676767676768], [0.40047741347085664, 0.2222777777777778], [0.40405959595959595, 0.21642790547065788], [0.4067274154502634, 0.21217878787878786], [0.41337736411657494, 0.20207979797979797], [0.41415858585858584, 0.20095125937840772], [0.4205216127846664, 0.19198080808080809], [0.4242575757575757, 0.18698401265809855], [0.42816425158087945, 0.18188181818181817], [0.43435656565656566, 0.17423167106662418], [0.436385383260459, 0.17178282828282826], [0.44445555555555555, 0.16259851387012467], [0.44527774611615656, 0.16168383838383837], [0.45455454545454543, 0.15198902203922815], [0.45494998174763085, 0.1515848484848485], [0.4646535353535354, 0.14230681085306854], [0.4655310065185484, 0.14148585858585858], [0.47475252525252526, 0.13345339424790234], [0.47717597397754585, 0.13138686868686866], [0.48485151515151514, 0.12532670088065714], [0.49007458695123557, 0.12128787878787879], [0.494950505050505, 0.11781922579639598], [0.5044629778689362, 0.11118888888888888], [0.5050494949494949, 0.11081564275778462], [0.5151484848484849, 0.10451612143484304], [0.5207499377226179, 0.101089898989899], [0.5252474747474747, 0.09860107431507623], [0.5353464646464646, 0.09311898009262995], [0.5393414113510893, 0.0909909090909091], [0.5454454545454546, 0.08808192467349993], [0.5555444444444444, 0.08335737924446943], [0.5609111945427422, 0.08089191919191921], [0.5656434343434343, 0.0789740428021462], [0.5757424242424243, 0.07495356840220636], [0.5858414141414141, 0.07100300681150923], [0.5863877828187183, 0.0707929292929293], [0.5959404040404042, 0.06761061346061921], [0.606039393939394, 0.06430281955250877], [0.6161383838383838, 0.061049693486231855], [0.6172610376446701, 0.0606939393939394], [0.6262373737373738, 0.058288289730569154], [0.6363363636363636, 0.05562506921837889], [0.6464353535353535, 0.0530037843943421], [0.6558619729809803, 0.0505949494949495], [0.6565343434343435, 0.05045450964306131], [0.6666333333333333, 0.048377307084143555], [0.6767323232323232, 0.04633133718925063], [0.6868313131313131, 0.04431567463032106], [0.696930303030303, 0.04232943460169559], [0.706388639337134, 0.0404959595959596], [0.707029292929293, 0.04039956860939402], [0.7171282828282828, 0.03890165263696828], [0.7272272727272727, 0.03742468432493527], [0.7373262626262627, 0.03596808585785248], [0.7474252525252525, 0.03453130300288962], [0.7575242424242424, 0.03311380384371872], [0.7676232323232324, 0.03171507759824914], [0.777266186014101, 0.030396969696969697], [0.7777222222222222, 0.03035268847296373], [0.7878212121212121, 0.02938472598249698], [0.7979202020202021, 0.02842909300473012], [0.8080191919191919, 0.02748547938944906], [0.8181181818181819, 0.026553586544016922], [0.8282171717171717, 0.025633126866163543], [0.8383161616161616, 0.024723823211149576], [0.8484151515151515, 0.0238254083908357], [0.8585141414141414, 0.022937624702391433], [0.8686131313131313, 0.02206022348456332], [0.8787121212121212, 0.021192964699591532], [0.8888111111111111, 0.020335616539015413], [0.8892595130654992, 0.020297979797979798], [0.898910101010101, 0.019822696560062775], [0.9090090909090909, 0.019330886578532224], [0.9191080808080809, 0.018844510478077434], [0.9292070707070708, 0.018363449494608546], [0.9393060606060606, 0.017887588715584265], [0.9494050505050505, 0.017416816915249145], [0.9595040404040404, 0.016951026398588028], [0.9696030303030303, 0.016490112853450135], [0.9797020202020201, 0.016033975210334644], [0.9898010101010101, 0.015582515509366452], [0.9999, 0.015135638774024102]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#440154\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764398256\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.2636808912608244, 0.9999000000000001], [0.2645867013257923, 0.9898010101010101], [0.2655018009689883, 0.9797020202020201], [0.2664263827058921, 0.9696030303030303], [0.26736064509918067, 0.9595040404040405], [0.26830479301467913, 0.9494050505050506], [0.26925903789099814, 0.9393060606060606], [0.27022359802374574, 0.9292070707070706], [0.27119869886526893, 0.9191080808080807], [0.27218457334095475, 0.909009090909091], [0.2727727272727273, 0.9030507930886029], [0.2731968839720576, 0.898910101010101], [0.27424307419620586, 0.8888111111111111], [0.27530121978587896, 0.8787121212121212], [0.276371597143202, 0.8686131313131313], [0.2774544923679316, 0.8585141414141414], [0.27855020171648825, 0.8484151515151515], [0.27965903208847304, 0.8383161616161616], [0.2807813015426702, 0.8282171717171717], [0.2819173398447038, 0.8181181818181819], [0.28287171717171716, 0.8097381847258314], [0.2830746070038053, 0.8080191919191919], [0.2842815656282844, 0.797920202020202], [0.28550389799576387, 0.7878212121212121], [0.28674200081361384, 0.7777222222222222], [0.2879962863452118, 0.7676232323232324], [0.28926718323405254, 0.7575242424242424], [0.29055513738316474, 0.7474252525252525], [0.2918606128943495, 0.7373262626262627], [0.29297070707070705, 0.7288555427305962], [0.2931915792089747, 0.7272272727272727], [0.29458064808480583, 0.7171282828282828], [0.29598941795410855, 0.707029292929293], [0.2974184557001043, 0.696930303030303], [0.2988683530311542, 0.6868313131313131], [0.3003397279517934, 0.6767323232323232], [0.30183322634436505, 0.6666333333333333], [0.303069696969697, 0.658398072258142], [0.30335900792491943, 0.6565343434343435], [0.30495100009064746, 0.6464353535353535], [0.3065680601181051, 0.6363363636363636], [0.30821099010231634, 0.6262373737373738], [0.30978913593252627, 0.6166918023992598]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.35313708622050166, 0.4162181480821952], [0.35356464646464647, 0.41467525461667754], [0.353711973012847, 0.41415858585858584], [0.3566627630973489, 0.40405959595959595], [0.35968824588260356, 0.3939606060606061], [0.3627923011489723, 0.3838616161616162], [0.36366363636363636, 0.3811003647157691], [0.36604433422648874, 0.37376262626262624], [0.36941066419281876, 0.3636636363636364], [0.3728718062736408, 0.35356464646464647], [0.37376262626262624, 0.3510386017828815], [0.37650641349761144, 0.34346565656565653], [0.3802746310081746, 0.33336666666666664], [0.3838616161616162, 0.32404030951881996], [0.38416669947386173, 0.32326767676767676], [0.3882809818315282, 0.3131686868686869], [0.3925301386796703, 0.30306969696969693], [0.3939606060606061, 0.2997813517198893], [0.3970002557156158, 0.29297070707070705], [0.40166564897059776, 0.28287171717171716], [0.40405959595959595, 0.2778714382335561], [0.406562458861754, 0.2727727272727273], [0.4117069118625349, 0.26267373737373734], [0.4141585858585859, 0.2580424897273091], [0.41712453920472736, 0.25257474747474745], [0.4228262615792352, 0.24247575757575757], [0.4242575757575757, 0.24004405277550653], [0.42887931145503944, 0.23237676767676768], [0.43435656565656566, 0.22367682803656136], [0.43525809296222845, 0.22227777777777777], [0.4420683809612713, 0.21217878787878786], [0.4444555555555555, 0.208803475442751], [0.4493201479751582, 0.20207979797979797], [0.45455454545454543, 0.19519787887141227], [0.4570564331341693, 0.19198080808080809], [0.4646535353535354, 0.1827129525978577], [0.46534980946947013, 0.18188181818181817], [0.4742935613911988, 0.17178282828282826], [0.4747525252525253, 0.1712941953655256], [0.4839734546661693, 0.16168383838383837], [0.48485151515151514, 0.16082415976382966], [0.4944870277443071, 0.1515848484848485], [0.4949505050505051, 0.15116910332408529], [0.5050494949494949, 0.14229316282967502], [0.5059865947153911, 0.14148585858585858], [0.5151484848484849, 0.13413737402521125], [0.5186456370097432, 0.13138686868686866], [0.5252474747474747, 0.12657923347499955], [0.5326546259700307, 0.12128787878787879], [0.5353464646464646, 0.1195188275299151], [0.5454454545454546, 0.11300590530740186], [0.5483155913827724, 0.11118888888888889], [0.5555444444444444, 0.10701060322782076], [0.5656434343434343, 0.10127853732486507], [0.565981772690207, 0.101089898989899], [0.5757424242424243, 0.09616653179073457], [0.5858414141414141, 0.09116108449874685], [0.5861907305282643, 0.0909909090909091], [0.5959404040404039, 0.08674161698823987], [0.606039393939394, 0.08241404566191325], [0.6096511797809407, 0.0808919191919192], [0.6161383838383838, 0.07848005095575622], [0.6262373737373738, 0.074786406807858], [0.6363363636363636, 0.07115185414572418], [0.6373496295118668, 0.0707929292929293], [0.6464353535353535, 0.0680044553409151], [0.6565343434343435, 0.06495305090593548], [0.6666333333333333, 0.06194822757963961], [0.6709132561519593, 0.0606939393939394], [0.6767323232323232, 0.05925167798730229], [0.6868313131313131, 0.05678571163528967], [0.696930303030303, 0.054355740876586844], [0.707029292929293, 0.051960729959960233], [0.7128712045568919, 0.0505949494949495], [0.7171282828282827, 0.04978142950045895], [0.7272272727272726, 0.047878519449789464], [0.7373262626262627, 0.046001853687755445], [0.7474252525252525, 0.044150718146753185], [0.7575242424242425, 0.042324427511520143], [0.7676232323232324, 0.04052232369591724], [0.7677729334210109, 0.0404959595959596], [0.7777222222222221, 0.03913597834940379], [0.7878212121212121, 0.037773344668321836], [0.797920202020202, 0.036428067661121034], [0.8080191919191919, 0.03509971071880864], [0.8181181818181817, 0.03378785350238611], [0.8282171717171717, 0.03249209114436742], [0.8383161616161616, 0.03121203349868788], [0.8448245287758538, 0.0303969696969697], [0.8484151515151515, 0.03007754481236181], [0.8585141414141414, 0.02918976112391753], [0.8686131313131313, 0.028312359906089428], [0.8787121212121212, 0.02744510112111762], [0.8888111111111111, 0.02658775296054153], [0.898910101010101, 0.02574009147327555], [0.9090090909090909, 0.024901900214461616], [0.9191080808080809, 0.024072969913721286], [0.9292070707070708, 0.0232530981615352], [0.9393060606060606, 0.022442089112574354], [0.9494050505050504, 0.021639753204895168], [0.9595040404040404, 0.020845906893991222], [0.9665483016754962, 0.020297979797979798], [0.9696030303030303, 0.02015856330036633], [0.9797020202020201, 0.019702425657250836], [0.9898010101010102, 0.019250965956282645], [0.9999, 0.018804089220940297]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#48196B\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764399488\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.2866186052142227, 0.9999], [0.28759276841075304, 0.98980101010101], [0.28857692218430514, 0.9797020202020201], [0.2895712735777265, 0.9696030303030303], [0.2905760361373878, 0.9595040404040405], [0.29159143018844863, 0.9494050505050505], [0.29261768312484177, 0.9393060606060605], [0.29297070707070705, 0.9358692292736437], [0.2936790375358905, 0.9292070707070708], [0.294764510765988, 0.9191080808080809], [0.2958619771059017, 0.9090090909090909], [0.2969717045367082, 0.898910101010101], [0.2980939701229519, 0.8888111111111111], [0.29922906042786523, 0.8787121212121212], [0.3003772719525869, 0.8686131313131313], [0.30153891160106594, 0.8585141414141414], [0.30271429717247267, 0.8484151515151515], [0.303069696969697, 0.8453976672634886], [0.3039320269693464, 0.8383161616161616], [0.3051767073853866, 0.8282171717171717], [0.3064366584792389, 0.8181181818181819], [0.30771225961441695, 0.8080191919191919], [0.3090039044689966, 0.7979202020202021], [0.31031200176497664, 0.787821212121212], [0.31163697604469287, 0.7777222222222222], [0.3129792684979751, 0.7676232323232324], [0.3131686868686869, 0.7662167347663406], [0.3143777141488909, 0.7575242424242424], [0.315801221805155, 0.7474252525252525], [0.3172440948969633, 0.7373262626262627], [0.3187068675953314, 0.7272272727272726], [0.3201900964823723, 0.7171282828282828], [0.32169436182277333, 0.707029292929293], [0.3232202689267421, 0.696930303030303], [0.32326767676767676, 0.6966210553364407], [0.32481608609661816, 0.6868313131313131], [0.3264370694701387, 0.6767323232323232], [0.328082425815948, 0.6666333333333333], [0.3297528992771548, 0.6565343434343435], [0.3314492686055724, 0.6464353535353535], [0.3331723493416731, 0.6363363636363636], [0.33336666666666664, 0.6352154015600886], [0.3349708760830277, 0.6262373737373738], [0.33680471902736175, 0.6161383838383838], [0.3386688698334823, 0.606039393939394], [0.340564347154268, 0.595940404040404], [0.34249222187732636, 0.5858414141414141], [0.34346565656565653, 0.5808293244645133], [0.3444831078257664, 0.5757424242424243], [0.34653879391376596, 0.5656434343434343], [0.34863151476904547, 0.5555444444444444], [0.3507626293310534, 0.5454454545454546], [0.3529335727359814, 0.5353464646464646], [0.35356464646464647, 0.5324656447810163], [0.3551916876321962, 0.5252474747474747], [0.3575122880708405, 0.5151484848484849], [0.3598788349573614, 0.5050494949494949], [0.36229318452822823, 0.49495050505050503], [0.36366363636363636, 0.48933383025698507], [0.36478811090302193, 0.48485151515151514], [0.36737496596958763, 0.4747525252525252], [0.3700174447246317, 0.4646535353535354], [0.3727179919223112, 0.45455454545454543], [0.37376262626262624, 0.450733867715995], [0.3755262400545508, 0.4444555555555555], [0.37842831017336076, 0.43435656565656566], [0.38139865461402866, 0.4242575757575757], [0.3838616161616162, 0.4160806626252642], [0.38445599970870425, 0.41415858585858584], [0.38765611447258486, 0.40405959595959595], [0.39093723303801975, 0.39396060606060607], [0.39396060606060607, 0.3848904869928471], [0.39431246967475503, 0.3838616161616162], [0.397858310571039, 0.37376262626262624], [0.4015012834291761, 0.3636636363636364], [0.40405959595959595, 0.3567658005030671], [0.40527691295581014, 0.35356464646464647], [0.40922859948294127, 0.34346565656565653], [0.41329822919784936, 0.33336666666666664], [0.41415858585858584, 0.33129537119196506], [0.4175753804188238, 0.32326767676767676], [0.4220102084968479, 0.3131686868686868], [0.4242575757575757, 0.30821342591518464], [0.4266466242602848, 0.303069696969697], [0.4314961643693003, 0.29297070707070705], [0.43435656565656566, 0.28721591897003956], [0.4365666382059922, 0.28287171717171716], [0.44189120715489194, 0.2727727272727273], [0.4444555555555556, 0.2680858248265631], [0.4474847371088223, 0.26267373737373734], [0.4533588445474248, 0.25257474747474745], [0.45455454545454543, 0.250599658051957], [0.45958318430277323, 0.24247575757575757], [0.4646535353535354, 0.23461876784822439], [0.46613215935951, 0.23237676767676768], [0.4730885380045231, 0.22227777777777777], [0.47475252525252526, 0.21996942199228325], [0.4804891898888961, 0.21217878787878786], [0.48485151515151514, 0.20653008506442702], [0.48836068397691407, 0.20207979797979797], [0.4949505050505051, 0.1941302974936629], [0.49676908072426523, 0.19198080808080809], [0.5050494949494949, 0.1826955395128126], [0.5057898129885896, 0.18188181818181817], [0.5151484848484849, 0.17215123730376428], [0.5155098285194817, 0.17178282828282826], [0.5252474747474747, 0.16242209583542982], [0.5260303688078298, 0.16168383838383837], [0.5353464646464646, 0.15343133599311393], [0.5374706289029815, 0.1515848484848485], [0.5454454545454546, 0.14509979702146303], [0.5499726602162681, 0.14148585858585858], [0.5555444444444444, 0.13734485015082562], [0.563708065113293, 0.13138686868686866], [0.5656434343434343, 0.13007904601634576], [0.5757424242424243, 0.12337544031603423], [0.5789429934673995, 0.12128787878787878], [0.5811672706325427, 0.11995320021540898]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.7135527978549122, 0.06496778945010359], [0.7171282828282828, 0.06397939193162153], [0.7272272727272727, 0.06122669528990662], [0.7292091610493889, 0.0606939393939394], [0.7373262626262627, 0.05884858709064848], [0.7474252525252525, 0.05658390348232148], [0.7575242424242424, 0.05434961519059863], [0.7676232323232324, 0.05214491711133767], [0.7748171479926242, 0.0505949494949495], [0.7777222222222222, 0.05008333222219715], [0.7878212121212121, 0.04832772967745301], [0.7979202020202019, 0.04659448928422261], [0.8080191919191919, 0.04488304852018654], [0.8181181818181819, 0.043192865825110616], [0.8282171717171717, 0.04152341957209053], [0.8345088461395691, 0.0404959595959596], [0.8383161616161616, 0.04001337833445998], [0.8484151515151515, 0.038748649271299146], [0.8585141414141414, 0.03749888601362786], [0.8686131313131313, 0.036263738512552296], [0.8787121212121212, 0.03504286885876337], [0.888811111111111, 0.03383595072761626], [0.898910101010101, 0.032642668855559734], [0.9090090909090909, 0.031462718545814165], [0.9182325580246902, 0.0303969696969697], [0.9191080808080808, 0.03032510633524738], [0.9292070707070708, 0.029505234583061285], [0.9393060606060606, 0.028694225534100445], [0.9494050505050505, 0.027891889626421258], [0.9595040404040402, 0.027098043315517323], [0.9696030303030303, 0.0263125088222945], [0.9797020202020202, 0.025535113894103817], [0.98980101010101, 0.024765691578028312], [0.9999, 0.02400408000567758]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#462F7C\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764401224\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.31150492239529776, 0.9999], [0.3125474377349286, 0.9898010101010101], [0.3131686868686869, 0.9838439766872011], [0.3136148050889576, 0.9797020202020202], [0.31471380913543534, 0.9696030303030303], [0.3158243200937575, 0.9595040404040404], [0.31694658147767907, 0.9494050505050504], [0.3180808446136968, 0.9393060606060606], [0.31922736897887694, 0.9292070707070708], [0.32038642255714306, 0.9191080808080809], [0.3215582822152475, 0.9090090909090909], [0.32274323409974565, 0.898910101010101], [0.32326767676767676, 0.8944903692164303], [0.32396296443379335, 0.8888111111111112], [0.3252134699887675, 0.8787121212121212], [0.32647843092071666, 0.8686131313131313], [0.3277581853393857, 0.8585141414141414], [0.32905308335755945, 0.8484151515151515], [0.3303634876660245, 0.8383161616161616], [0.3316897741433748, 0.8282171717171717], [0.33303233250322695, 0.8181181818181819], [0.3333666666666666, 0.8156341090602398], [0.3344230976690394, 0.8080191919191919], [0.3358417700523094, 0.797920202020202], [0.3372785129014427, 0.7878212121212121], [0.3387337925106261, 0.7777222222222222], [0.34020809345874764, 0.7676232323232324], [0.3417019195780648, 0.7575242424242424], [0.3432157949878801, 0.7474252525252524], [0.34346565656565653, 0.7457808090342075], [0.3447886060021784, 0.7373262626262627], [0.3463906689738385, 0.7272272727272727], [0.348015136043176, 0.7171282828282828], [0.3496626427296877, 0.707029292929293], [0.3513338519833118, 0.6969303030303031], [0.3530294557861121, 0.6868313131313131], [0.35356464646464647, 0.6836902548279115], [0.35478453495371914, 0.6767323232323232], [0.3565817470232869, 0.6666333333333333], [0.3584063943551673, 0.6565343434343435], [0.36025932757491724, 0.6464353535353535], [0.36214143749210764, 0.6363363636363636], [0.36366363636363636, 0.6282971894921877], [0.36406464255618143, 0.6262373737373738], [0.3660626850850965, 0.6161383838383838], [0.3680937491969103, 0.606039393939394], [0.3701589447531737, 0.595940404040404], [0.37225943852718635, 0.5858414141414141], [0.37376262626262624, 0.5787377462560277], [0.3744138208527878, 0.5757424242424243], [0.3766482349752722, 0.5656434343434343], [0.37892290378815735, 0.5555444444444444], [0.38123930438150716, 0.5454454545454546], [0.38359899666692127, 0.5353464646464645], [0.38386161616161624, 0.5342435139668678], [0.3860607416470007, 0.5252474747474747], [0.38857741938825285, 0.5151484848484849], [0.3911439257862333, 0.5050494949494949], [0.3937622739186468, 0.49495050505050503], [0.39396060606060607, 0.4942009882600366], [0.39649885160031373, 0.48485151515151514], [0.3992982927987972, 0.47475252525252526], [0.4021579288056989, 0.4646535353535354], [0.40405959595959595, 0.4580820821616838], [0.40510624480556223, 0.45455454545454543], [0.40817002392076607, 0.44445555555555555], [0.41130422484126716, 0.4343565656565657], [0.41415858585858584, 0.42537067573724263], [0.4145208902079905, 0.4242575757575757], [0.41788722017432045, 0.41415858585858584], [0.4213366574209674, 0.40405959595959595], [0.4242575757575757, 0.39571908353515234], [0.42488824676045833, 0.39396060606060607], [0.42860427281687474, 0.3838616161616162], [0.43241937832688193, 0.37376262626262624], [0.43435656565656566, 0.36877141085173115], [0.43638563052905205, 0.36366363636363636], [0.4405104495659434, 0.35356464646464647], [0.44266770896438373, 0.3484316853763133]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.5365164779676272, 0.19573286657507702], [0.5399473923571932, 0.19198080808080809], [0.5454454545454546, 0.1862764360618987], [0.5497602938928887, 0.18188181818181817], [0.5555444444444444, 0.1763091491044208], [0.5603287307559568, 0.17178282828282826], [0.5656434343434343, 0.16704201058212292], [0.5717584414283035, 0.16168383838383837], [0.5757424242424243, 0.15840451664086977], [0.5841741240178913, 0.1515848484848485], [0.5858414141414141, 0.15032333110367865], [0.595940404040404, 0.14281276133472265], [0.5977551020525589, 0.14148585858585858], [0.606039393939394, 0.13584621805510108], [0.6126999887903833, 0.13138686868686866], [0.6161383838383838, 0.12925538039185705], [0.6262373737373738, 0.12309672061649736], [0.6292517426609209, 0.12128787878787879], [0.6363363636363636, 0.11737680027455383], [0.6464353535353535, 0.11188942151866552], [0.6477449171039269, 0.11118888888888889], [0.6565343434343436, 0.10689614679380503], [0.6666333333333333, 0.10203911022313863], [0.6686371087463177, 0.101089898989899], [0.6767323232323232, 0.09762055891177429], [0.6868313131313131, 0.09335658007321057], [0.6925172670907673, 0.0909909090909091], [0.696930303030303, 0.08934828895949276], [0.707029292929293, 0.08564332434570684], [0.7171282828282828, 0.08199090681554742], [0.7202100980424962, 0.0808919191919192], [0.7272272727272728, 0.0786843426711546], [0.7373262626262627, 0.07555105631860695], [0.7474252525252525, 0.07246039529378392], [0.7529479579228706, 0.0707929292929293], [0.7575242424242424, 0.06959578895821361], [0.7676232323232324, 0.0669889158064919], [0.7777222222222222, 0.06441611599430697], [0.7878212121212121, 0.061876510284934044], [0.7925844933961197, 0.0606939393939394], [0.797920202020202, 0.05957361888400036], [0.8080191919191919, 0.057479838196911076], [0.8181181818181819, 0.0554120646817724], [0.8282171717171717, 0.05336966017899325], [0.8383161616161616, 0.05135200973315808], [0.8421514186622127, 0.0505949494949495], [0.8484151515151515, 0.049584301613593666], [0.8585141414141415, 0.04797412010556483], [0.8686131313131313, 0.046382769380767803], [0.8787121212121212, 0.04480981408049162], [0.8888111111111111, 0.04325483377158185], [0.898910101010101, 0.04171742227187779], [0.9070243314601315, 0.0404959595959596], [0.9090090909090909, 0.04026406338158628], [0.9191080808080808, 0.03909715003713064], [0.9292070707070708, 0.03794298871920834], [0.9393060606060606, 0.03680130372969661], [0.9494050505050505, 0.0356718282158077], [0.9595040404040402, 0.03455430379570466], [0.9696030303030303, 0.033448480203717205], [0.9797020202020202, 0.0323541149539397], [0.9898010101010101, 0.03127097302107925], [0.998033607863613, 0.030396969696969693], [0.9999000000000001, 0.030256216427203685]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#404387\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764152944\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.3511966887847107, 0.8959453360944851], [0.35212384228103694, 0.8888111111111111], [0.3534512903674052, 0.8787121212121211], [0.3535646464646464, 0.8778595831257683], [0.3548297137980363, 0.8686131313131313], [0.3562275812528114, 0.8585141414141414], [0.3576419899631486, 0.8484151515151515], [0.3590733360938426, 0.8383161616161616], [0.36052203021464463, 0.8282171717171717], [0.3619884980072118, 0.8181181818181819], [0.3634731810159634, 0.8080191919191919], [0.36366363636363636, 0.8067397836606286], [0.36501351508323004, 0.7979202020202021], [0.3665789017618178, 0.7878212121212121], [0.3681644849545306, 0.7777222222222222], [0.3697707926287335, 0.7676232323232324], [0.3713983737290788, 0.7575242424242425], [0.37304779930373616, 0.7474252525252525], [0.37376262626262624, 0.7431073005297102], [0.37474588003427123, 0.7373262626262627], [0.3764872315713001, 0.7272272727272727], [0.37825293509112645, 0.7171282828282828], [0.380043681367379, 0.707029292929293], [0.3818601909890199, 0.696930303030303], [0.38370321610128416, 0.6868313131313131], [0.3838616161616162, 0.6859760181398386], [0.38561918692428715, 0.6767323232323232], [0.3875682530092842, 0.6666333333333333], [0.38954707247743064, 0.6565343434343435], [0.39155656782721865, 0.6464353535353535], [0.3935977051364704, 0.6363363636363635], [0.39396060606060607, 0.634569101890143], [0.3957159290770845, 0.6262373737373738], [0.39787816949173305, 0.6161383838383838], [0.40007614518231605, 0.606039393939394], [0.4023110572181124, 0.595940404040404], [0.40405959595959595, 0.5881719867544947], [0.4045974466403756, 0.5858414141414141], [0.40696862452536525, 0.5757424242424243], [0.40938176497778944, 0.5656434343434343], [0.41183838001302614, 0.5555444444444444], [0.4141585858585859, 0.5461780626930897], [0.41434454518814795, 0.5454454545454546], [0.41695589991483417, 0.5353464646464646], [0.4196169883300424, 0.5252474747474747], [0.42232974164641257, 0.5151484848484849], [0.4242575757575757, 0.5081109176956913], [0.42511641085777385, 0.5050494949494949], [0.42800675434226165, 0.49495050505050503], [0.43095668455083636, 0.4848515151515152], [0.4339687101474919, 0.47475252525252526], [0.43435656565656566, 0.4734794624258699], [0.43710876174712754, 0.4646535353535354], [0.44032714118111094, 0.45455454545454543], [0.44361783367573165, 0.44445555555555555], [0.44445555555555555, 0.4419423899160837], [0.44704228439412796, 0.43435656565656566], [0.45056700726862753, 0.4242575757575757], [0.45417665108179556, 0.41415858585858584], [0.45455454545454543, 0.4131267931657444], [0.4579500248137741, 0.40405959595959595], [0.46182761887761636, 0.393960606060606], [0.4646535353535354, 0.386786956477247], [0.46583123847707675, 0.3838616161616162], [0.4700053607906125, 0.37376262626262624], [0.47429382571037004, 0.36366363636363636], [0.47475252525252526, 0.3626130261025236], [0.47878802095703044, 0.35356464646464647], [0.4834226123308021, 0.34346565656565653], [0.48485151515151514, 0.34044224846045557], [0.4882659198337197, 0.33336666666666664], [0.49328923337443265, 0.32326767676767676], [0.4949505050505051, 0.3200305664820139], [0.4985445917043577, 0.3131686868686869], [0.5040076024676942, 0.303069696969697], [0.5050494949494949, 0.30120678188170047], [0.5097488165258462, 0.29297070707070705], [0.5151484848484849, 0.28382794976453934], [0.5157244128281356, 0.28287171717171716], [0.5220280695003408, 0.2727727272727273], [0.5252474747474747, 0.26780249784922316], [0.5286340647916508, 0.26267373737373734], [0.5353464646464646, 0.2528918161942094], [0.5355681824118296, 0.25257474747474745], [0.5429183438789227, 0.24247575757575757], [0.5454454545454546, 0.23914525842747195], [0.5506772225657846, 0.23237676767676768], [0.5555444444444444, 0.2263478224060545], [0.5588905101802017, 0.22227777777777777], [0.5656434343434343, 0.2144287728100335], [0.5676140929014519, 0.21217878787878786], [0.5757424242424243, 0.20332993528434182], [0.5769110908017299, 0.20207979797979797], [0.5858414141414141, 0.19299287737624812], [0.5868533379485212, 0.19198080808080809], [0.595940404040404, 0.18335847895076274], [0.5975232550726378, 0.18188181818181817], [0.606039393939394, 0.1743664440517177], [0.6090162484188951, 0.17178282828282826], [0.6161383838383838, 0.16595473378659037], [0.6214438247494802, 0.16168383838383837], [0.6262373737373738, 0.15805889278291613], [0.6349376978113306, 0.15158484848484846], [0.6363363636363635, 0.15061123147360336], [0.6464353535353535, 0.14369197842487313], [0.6497059957636231, 0.14148585858585858], [0.6565343434343435, 0.13719767879019998], [0.6659307143789643, 0.13138686868686866], [0.6666333333333332, 0.13098455473909643], [0.6767323232323232, 0.1252889013037805], [0.683933223361216, 0.1212878787878788], [0.6868313131313131, 0.11980648074396992], [0.696930303030303, 0.11471959747342134], [0.704042136679154, 0.11118888888888889], [0.707029292929293, 0.10983491369898116], [0.7171282828282828, 0.10532231141912096], [0.7267345604681407, 0.101089898989899], [0.7272272727272727, 0.1008935037750466], [0.7373262626262627, 0.0969235619507466], [0.7474252525252525, 0.09300762734196037], [0.7526970177679386, 0.0909909090909091], [0.7575242424242424, 0.08933881282321968], [0.7676232323232324, 0.08592825284996963], [0.7777222222222222, 0.08256227086775161], [0.7827992994396306, 0.0808919191919192], [0.7878212121212121, 0.07943434531106927], [0.797920202020202, 0.07654052235140327], [0.8080191919191919, 0.0736830961130006], [0.8181181818181819, 0.07086116240539478], [0.8183654040495548, 0.0707929292929293], [0.8282171717171718, 0.06843707319859108], [0.8383161616161616, 0.0660513684046856], [0.8484151515151515, 0.06369423222479698], [0.8585141414141414, 0.06136498853398613], [0.8614580631670915, 0.0606939393939394], [0.8686131313131313, 0.059314600252306296], [0.8787121212121212, 0.05739024300981186], [0.8888111111111111, 0.0554878764143585], [0.898910101010101, 0.05360700354172806], [0.9090090909090909, 0.05174714412324258], [0.9153353762709515, 0.0505949494949495], [0.9191080808080808, 0.050033306243255575], [0.9292070707070708, 0.048546297243756364], [0.9393060606060607, 0.047075362611279425], [0.9494050505050505, 0.045620158535569895], [0.9595040404040405, 0.04418035212025452], [0.9696030303030303, 0.04275562092574172], [0.9797020202020202, 0.041345652535804814], [0.9858510627171562, 0.0404959595959596], [0.9898010101010101, 0.04007231785685137], [0.9999, 0.039000171373275896]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#38568B\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764154456\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.36800645770055096, 0.9999], [0.3692540251635346, 0.9898010101010102], [0.3705143871140057, 0.9797020202020202], [0.3717878087025272, 0.9696030303030303], [0.3730745634084349, 0.9595040404040402], [0.37376262626262624, 0.9541603767542655], [0.37439170644972497, 0.9494050505050505], [0.37543910022335736, 0.9415713944324157]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.4075774838830532, 0.7359824822816388], [0.4092078832325957, 0.7272272727272728], [0.41111482185592607, 0.7171282828282828], [0.41304880635583063, 0.707029292929293], [0.41415858585858584, 0.7013163747750633], [0.415031649683631, 0.696930303030303], [0.41707123440747895, 0.6868313131313131], [0.4191410318661829, 0.6767323232323232], [0.42124195062873765, 0.6666333333333333], [0.4233749408748553, 0.6565343434343435], [0.4242575757575757, 0.6524191588077141], [0.4255719183664291, 0.6464353535353535], [0.42782509007026315, 0.6363363636363636], [0.43011430833609676, 0.6262373737373738], [0.43244074529736337, 0.6161383838383838], [0.43435656565656566, 0.6079570798737604], [0.43481619595565235, 0.606039393939394], [0.43727739452723924, 0.595940404040404], [0.43978065978003733, 0.5858414141414141], [0.4423274547597489, 0.5757424242424243], [0.44445555555555555, 0.5674504549957486], [0.44492997994783917, 0.5656434343434343], [0.4476291878534665, 0.5555444444444444], [0.4503779162655993, 0.5454454545454546], [0.4531780162342445, 0.5353464646464646], [0.45455454545454543, 0.5304745866717647], [0.4560646286981721, 0.5252474747474747], [0.45903881401804636, 0.5151484848484849], [0.46207188636064955, 0.5050494949494949], [0.4646535353535354, 0.4966237690840527], [0.4651774911059778, 0.494950505050505], [0.4684050216355231, 0.48485151515151514], [0.4717004909794147, 0.47475252525252526], [0.47475252525252526, 0.4655964224331935], [0.47507357906913383, 0.4646535353535354], [0.47858785904350665, 0.45455454545454543], [0.4821811006027692, 0.4444555555555555], [0.48485151515151514, 0.43711885444474463], [0.48587809765078654, 0.43435656565656566], [0.48971960461568753, 0.4242575757575757], [0.4936536647795139, 0.41415858585858584], [0.494950505050505, 0.4109097193785395], [0.49774121888721695, 0.40405959595959595], [0.5019596524916604, 0.3939606060606061], [0.5050494949494949, 0.3867507217267689], [0.5063126494913418, 0.3838616161616162], [0.5108457862113712, 0.37376262626262624], [0.5151484848484849, 0.36443258942896894], [0.5155101212561015, 0.36366363636363636], [0.5203934166539218, 0.35356464646464647], [0.5252474747474747, 0.3438088557341712], [0.5254215510765334, 0.34346565656565653], [0.5306968107178281, 0.3333666666666667], [0.5353464646464646, 0.3247310129996621], [0.5361493674471525, 0.32326767676767676], [0.5418663596665585, 0.3131686868686868], [0.5454454545454546, 0.3070469468891168], [0.5478142246820294, 0.303069696969697], [0.5540328401253017, 0.29297070707070705], [0.5555444444444444, 0.29059907480167824], [0.5605599796122027, 0.28287171717171716], [0.5656434343434343, 0.2753144858684339], [0.5673839785264327, 0.2727727272727273], [0.5745604884057097, 0.26267373737373734], [0.5757424242424243, 0.2610732394996972], [0.5821294568674247, 0.2525747474747475], [0.5858414141414141, 0.2478293362017029], [0.5901019125798904, 0.24247575757575757], [0.595940404040404, 0.23543874329768735], [0.5985242948807915, 0.23237676767676768], [0.606039393939394, 0.22385010442157965], [0.607448474816821, 0.22227777777777777], [0.6161383838383838, 0.21301203774443603], [0.6169327656194024, 0.21217878787878786], [0.6262373737373738, 0.20287282319928787], [0.6270431746820717, 0.20207979797979797], [0.6363363636363636, 0.19338005452000218], [0.6378549708050751, 0.19198080808080809], [0.6464353535353535, 0.18448024446378516], [0.6494546682047438, 0.18188181818181817], [0.6565343434343435, 0.1761183680937136], [0.6619425691462602, 0.17178282828282826], [0.6666333333333333, 0.16823732406022315], [0.6754360669205286, 0.16168383838383837], [0.6767323232323232, 0.16077728673831038], [0.6868313131313131, 0.15381906612614682], [0.6901220360756757, 0.1515848484848485], [0.696930303030303, 0.14726065929684207], [0.7061552194745336, 0.14148585858585858], [0.707029292929293, 0.1409764294363797], [0.7171282828282828, 0.13517399619441703], [0.7238131685405002, 0.13138686868686866], [0.7272272727272727, 0.12959600962404202], [0.7373262626262627, 0.12437167185585207], [0.7433696527395872, 0.12128787878787879], [0.7474252525252524, 0.11938401701122028], [0.7575242424242424, 0.11470677400652883], [0.7652219204623167, 0.11118888888888889], [0.7676232323232325, 0.11018694601930501], [0.7777222222222222, 0.10602823802891205], [0.7878212121212121, 0.10192318542979531], [0.7898976594829072, 0.101089898989899], [0.7979202020202021, 0.098177236893073], [0.8080191919191919, 0.09455681582161125], [0.8180912229413337, 0.0909909090909091], [0.8181181818181819, 0.09098237016210567], [0.8282171717171718, 0.08782287040479682], [0.8383161616161616, 0.08470166396147183], [0.8484151515151515, 0.08161783370248198], [0.8508208583176803, 0.0808919191919192], [0.8585141414141415, 0.07884395779074355], [0.8686131313131313, 0.07618703421436887], [0.8787121212121212, 0.07356082368970883], [0.8888111111111111, 0.0709646242604047], [0.8894866217948173, 0.0707929292929293], [0.8989101010101012, 0.06871771209689326], [0.9090090909090909, 0.0665185821436201], [0.9191080808080807, 0.06434374980748563], [0.9292070707070708, 0.06219268403447063], [0.9363203869097851, 0.0606939393939394], [0.9393060606060606, 0.06016192045206252], [0.9494050505050505, 0.05838162033679076], [0.9595040404040404, 0.05662015775573992], [0.9696030303030303, 0.054877138235549454], [0.9797020202020202, 0.05315217956546717], [0.9898010101010101, 0.051444911294296104], [0.9948803446654009, 0.0505949494949495], [0.9999, 0.04990835997822997]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#30678D\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764201144\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.3999816801253656, 0.9999], [0.4013317719024053, 0.9898010101010102], [0.4026957096099143, 0.9797020202020202], [0.40405959595959595, 0.9697069773615367], [0.4040741392306278, 0.9696030303030303], [0.4055018866649977, 0.9595040404040404], [0.40694474123530056, 0.9494050505050505], [0.4084030260637517, 0.9393060606060606], [0.40987707475148527, 0.9292070707070708], [0.411367231836623, 0.9191080808080808], [0.41287385327764714, 0.9090090909090909], [0.41415858585858584, 0.9004925856316912], [0.41440320046263385, 0.898910101010101], [0.415981902413996, 0.8888111111111111], [0.41757864502225545, 0.8787121212121212], [0.4191938453784577, 0.8686131313131313], [0.4208279352073826, 0.8585141414141413], [0.4224813615602241, 0.8484151515151515], [0.4241545875487455, 0.8383161616161616], [0.4242575757575757, 0.8377020054563391], [0.4258864133642769, 0.8282171717171717], [0.4276419982557953, 0.8181181818181819], [0.42941938953030506, 0.8080191919191919], [0.43121913572916276, 0.7979202020202021], [0.43304180635555756, 0.787821212121212], [0.43435656565656566, 0.7806292300676071], [0.43490049535533254, 0.7777222222222222], [0.4368148139007542, 0.7676232323232324], [0.43875448506998693, 0.7575242424242424], [0.44072018941017577, 0.7474252525252525], [0.44271263524383764, 0.7373262626262627], [0.44445555555555555, 0.7286122088894734], [0.4447389272291433, 0.7272272727272727], [0.44683417769932676, 0.7171282828282828], [0.4489591448499085, 0.707029292929293], [0.4511146837589607, 0.696930303030303], [0.4533016869504203, 0.6868313131313131], [0.45455454545454543, 0.6811303996854412], [0.45554280361397903, 0.6767323232323232], [0.4578461909895032, 0.6666333333333333], [0.4601847406243542, 0.6565343434343435], [0.46255954271829314, 0.6464353535353535], [0.4633350318635276, 0.6431886620482254]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.5212677219267963, 0.45172553274927385], [0.5240721900466145, 0.4444555555555556], [0.5252474747474747, 0.4414773392203083], [0.5281120815302289, 0.43435656565656566], [0.5322703707225791, 0.4242575757575757], [0.5353464646464646, 0.4169626064704131], [0.5365513639675384, 0.41415858585858584], [0.5409980765691227, 0.40405959595959595], [0.5454454545454546, 0.3942084546922799], [0.5455594390261288, 0.39396060606060607], [0.550324537675189, 0.3838616161616162], [0.5552166869324224, 0.37376262626262624], [0.5555444444444444, 0.37310406800074725], [0.5603290462264072, 0.36366363636363636], [0.5655915767559739, 0.35356464646464647], [0.5656434343434343, 0.3534679327236867], [0.5711032436270349, 0.34346565656565653], [0.5757424242424243, 0.33521306712139726], [0.5767987440014435, 0.3333666666666666], [0.5827540893895977, 0.32326767676767676], [0.5858414141414141, 0.31819330266148194], [0.588951624801752, 0.3131686868686869], [0.5954077739285628, 0.30306969696969704], [0.595940404040404, 0.3022638466657585], [0.6021877278797914, 0.29297070707070705], [0.606039393939394, 0.2874353956634971], [0.6092683278693243, 0.28287171717171716], [0.6161383838383838, 0.2735024379998349], [0.6166822896891888, 0.2727727272727273], [0.6244938094499558, 0.26267373737373734], [0.6262373737373739, 0.2605046506454655], [0.632715255529905, 0.25257474747474745], [0.6363363636363635, 0.2483157781853537], [0.6413811673824695, 0.24247575757575757], [0.6464353535353535, 0.2368636582939429], [0.6505398188131748, 0.23237676767676768], [0.6565343434343435, 0.22610253701861152], [0.6602452430085484, 0.22227777777777774], [0.6666333333333333, 0.21598628100460165], [0.6705582985091966, 0.21217878787878786], [0.6767323232323232, 0.2064680921610587], [0.6815479906758481, 0.20207979797979797], [0.6868313131313131, 0.19750018459936614], [0.6932931266792753, 0.19198080808080809], [0.696930303030303, 0.18903341247428454], [0.7058844113975365, 0.18188181818181817], [0.707029292929293, 0.1810168338306892], [0.7171282828282828, 0.17349503017434637], [0.7194597386556802, 0.17178282828282826], [0.7272272727272727, 0.16640438015888465], [0.7341399989535032, 0.16168383838383837], [0.7373262626262627, 0.15963988460653236], [0.7474252525252525, 0.15324962378621393], [0.7500920086701544, 0.1515848484848485], [0.7575242424242423, 0.1472444896799196], [0.7675174077266619, 0.14148585858585858], [0.7676232323232324, 0.14142908267524557], [0.7777222222222222, 0.1360816968453959], [0.7867046931088575, 0.13138686868686866], [0.7878212121212121, 0.13084653915664046], [0.797920202020202, 0.1260214747094201], [0.8079539440522215, 0.12128787878787879], [0.8080191919191919, 0.1212595602846638], [0.818118181818182, 0.11693089811300156], [0.8282171717171716, 0.11265534324894773], [0.8317234778943627, 0.11118888888888889], [0.8383161616161616, 0.10867148187289215], [0.8484151515151515, 0.10486137545912402], [0.8585141414141414, 0.10109635483735976], [0.8585316629740259, 0.101089898989899], [0.8686131313131313, 0.09772935975012828], [0.8787121212121212, 0.09440189400707942], [0.8888111111111111, 0.09111245297331054], [0.8891885300639797, 0.0909909090909091], [0.898910101010101, 0.0881900289651795], [0.9090090909090909, 0.0853129175147604], [0.9191080808080808, 0.08246759452340147], [0.9247624634174384, 0.08089191919191921], [0.9292070707070708, 0.07979926632495593], [0.9393060606060607, 0.07734338978973616], [0.9494050505050504, 0.07491377703565122], [0.9595040404040404, 0.07250987225799457], [0.9667933721656218, 0.0707929292929293], [0.9696030303030303, 0.07021954133307746], [0.9797020202020204, 0.0681799203585926], [0.98980101010101, 0.06616121681783654], [0.9999, 0.06416300602298053]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#29788E\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764202600\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.43471216624016135, 0.9999], [0.4361989558318498, 0.9898010101010101], [0.43770099326495104, 0.9797020202020201], [0.4392185945328754, 0.9696030303030303], [0.4407520855548554, 0.9595040404040402], [0.4423018025960623, 0.9494050505050505], [0.4438680927101863, 0.9393060606060606], [0.44445555555555555, 0.9355587761248114], [0.4454742019922856, 0.9292070707070708], [0.4471115133850505, 0.9191080808080807], [0.4487669150031587, 0.9090090909090909], [0.45044081106521056, 0.898910101010101], [0.45213361949117215, 0.8888111111111111], [0.453845772528686, 0.8787121212121212], [0.45455454545454543, 0.8745792583981332], [0.4556007068416521, 0.8686131313131313], [0.4573922762966468, 0.8585141414141413], [0.4592050457646405, 0.8484151515151515], [0.4610395229881542, 0.8383161616161616], [0.46289623417174547, 0.8282171717171718], [0.4646535353535354, 0.8187747378012856], [0.4647784100017924, 0.8181181818181819], [0.4667230609581957, 0.8080191919191919], [0.4686921705274194, 0.797920202020202], [0.4706863618051978, 0.7878212121212121], [0.4727062820053318, 0.7777222222222222], [0.47475252525252526, 0.7676236195786579], [0.47475260540794506, 0.7676232323232324], [0.4768706115929606, 0.7575242424242424], [0.47901704446079474, 0.7474252525252525], [0.48119267745773897, 0.7373262626262627], [0.48339831603237626, 0.7272272727272727], [0.48485151515151514, 0.7206652552007985], [0.48565128738910474, 0.7171282828282828], [0.48796723573449186, 0.707029292929293], [0.49031650347186384, 0.6969303030303031], [0.49270006334065075, 0.6868313131313131], [0.49495050505050503, 0.6774355179142857], [0.4951224035508633, 0.6767323232323232], [0.49762825809597105, 0.6666333333333333], [0.5001723656541354, 0.6565343434343435], [0.5027559122534015, 0.6464353535353535], [0.5050494949494949, 0.6376088067739498], [0.5053868187611003, 0.6363363636363636], [0.5081068849175387, 0.6262373737373738], [0.5108711746044919, 0.6161383838383838], [0.513681149615823, 0.606039393939394], [0.5151484848484849, 0.6008529788018575], [0.5165658638206458, 0.595940404040404], [0.5195294323018769, 0.5858414141414141], [0.5225445348051347, 0.5757424242424243], [0.5252474747474747, 0.5668464444346085], [0.5256200919291449, 0.5656434343434343], [0.528804480450319, 0.5555444444444444], [0.5320472907522495, 0.5454454545454546], [0.5353464646464646, 0.5353594329032004], [0.5353507873987099, 0.5353464646464646], [0.5387812296835606, 0.5252474747474747], [0.5422782738372465, 0.5151484848484849], [0.5454454545454546, 0.5061796728152068], [0.5458520162081442, 0.5050494949494949], [0.5495583335547278, 0.494950505050505], [0.5533410595739465, 0.48485151515151514], [0.5555444444444444, 0.47909026812274735], [0.557233847070008, 0.47475252525252526], [0.5612516321818078, 0.4646535353535354], [0.5653577080788564, 0.45455454545454543], [0.5656434343434343, 0.4538672379714038], [0.5696265311410313, 0.44445555555555555], [0.5739987401720402, 0.43435656565656566], [0.5757424242424243, 0.4304215550308539], [0.5785221472674265, 0.4242575757575757], [0.5831861378512274, 0.41415858585858584], [0.5858414141414141, 0.40854760967906517], [0.5880022042465709, 0.40405959595959595], [0.5929875205147754, 0.39396060606060607], [0.595940404040404, 0.3881302271420406], [0.5981392577174258, 0.3838616161616162], [0.6034801705917645, 0.37376262626262624], [0.606039393939394, 0.3690524848880077], [0.6090165923065106, 0.36366363636363636], [0.6147531646956469, 0.35356464646464647], [0.6161383838383838, 0.3511947110620792], [0.6207306520989975, 0.34346565656565653], [0.6262373737373739, 0.33446612646258894], [0.6269210598043115, 0.33336666666666664], [0.6333941971988774, 0.32326767676767676], [0.6363363636363636, 0.3188187061930925], [0.6401325764505811, 0.3131686868686869], [0.6464353535353535, 0.30408582601930384], [0.6471515684646704, 0.303069696969697], [0.6545110660257532, 0.29297070707070705], [0.6565343434343435, 0.2902883895009447], [0.662215479111977, 0.28287171717171716], [0.6666333333333333, 0.2773065869131711], [0.670287461097191, 0.2727727272727273], [0.6767323232323232, 0.2650670045677216], [0.6787640853233704, 0.26267373737373734], [0.6868313131313131, 0.25352967445259916], [0.6876862644311597, 0.25257474747474745], [0.696930303030303, 0.24265458720996386], [0.6970993767471871, 0.24247575757575757], [0.707029292929293, 0.23240150166932946], [0.7070540232914152, 0.23237676767676768], [0.7171282828282828, 0.22272973562941395], [0.7176069499779744, 0.22227777777777777], [0.7272272727272728, 0.21359793250956435], [0.7288221807645955, 0.21217878787878786], [0.7373262626262627, 0.20496379710723892], [0.7407724230328809, 0.20207979797979797], [0.7474252525252525, 0.19678379182482153], [0.7535408283540291, 0.19198080808080809], [0.7575242424242424, 0.18901278216713338], [0.7672232230912145, 0.18188181818181817], [0.7676232323232324, 0.1816036167621211], [0.7777222222222222, 0.174671699649149], [0.7819859795779904, 0.17178282828282826], [0.7838656741125899, 0.1705820328218169]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.914775762682733, 0.10741933128222164], [0.9191080808080808, 0.10591126435768317], [0.9292070707070708, 0.10243425290279612], [0.9331544208869177, 0.101089898989899], [0.9393060606060606, 0.09919448736563667], [0.9494050505050505, 0.09611611526554056], [0.9595040404040405, 0.09307031572963342], [0.9664717047123357, 0.0909909090909091], [0.9696030303030303, 0.09015486514303636], [0.9797020202020201, 0.08748643854483958], [0.9898010101010101, 0.08484537812752943], [0.9999, 0.08223112827400238]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#23888D\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764204112\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.4725049665247236, 0.9999], [0.47409427872927534, 0.9898010101010101], [0.47475252525252526, 0.9856607650246982], [0.4757202608560304, 0.9797020202020201], [0.47737739167430326, 0.9696030303030303], [0.47905187316412406, 0.9595040404040404], [0.48074407250716955, 0.9494050505050504], [0.4824543686655412, 0.9393060606060606], [0.4841831528911587, 0.9292070707070708], [0.48485151515151514, 0.9253449233295565], [0.485953548589845, 0.9191080808080808], [0.48775772925087757, 0.9090090909090909], [0.48958206654201997, 0.898910101010101], [0.4914270159437507, 0.8888111111111111], [0.4932930485519225, 0.8787121212121212], [0.49495050505050503, 0.8698444545264135], [0.4951853964576504, 0.8686131313131313], [0.4971344444160525, 0.8585141414141414], [0.4991065558632513, 0.8484151515151515], [0.5011022831722075, 0.8383161616161616], [0.5031221988007264, 0.8282171717171716], [0.5050494949494949, 0.8186980401277212], [0.5051692677064508, 0.8181181818181819], [0.5072811772280108, 0.8080191919191919], [0.5094196490368179, 0.797920202020202], [0.511585359820794, 0.7878212121212121], [0.5137790124603115, 0.7777222222222222], [0.5151484848484849, 0.7714988803595042], [0.5160182233486077, 0.7676232323232324], [0.51831456343269, 0.7575242424242424], [0.5206417236964658, 0.7474252525252525], [0.5230005427095926, 0.7373262626262627], [0.5252474747474747, 0.7278371731202776], [0.525394697626214, 0.7272272727272727], [0.5278665678116586, 0.7171282828282828], [0.5303734962287241, 0.707029292929293], [0.5329164916551303, 0.6969303030303029], [0.5353464646464646, 0.6874189948200088], [0.5354994665324844, 0.6868313131313131], [0.5381676682663449, 0.6767323232323232], [0.5408759888613747, 0.6666333333333332], [0.5436256532060988, 0.6565343434343435], [0.5454454545454546, 0.6499525930889365], [0.5464361181980595, 0.6464353535353535], [0.5493253835796899, 0.6363363636363636], [0.5522608718406218, 0.6262373737373738], [0.5552440860196811, 0.6161383838383838], [0.5555444444444444, 0.6151381203489136], [0.5583267287228258, 0.606039393939394], [0.5614667774150135, 0.595940404040404], [0.5646604956602586, 0.585841414141414], [0.5656434343434343, 0.5827863477588902], [0.5679505794647808, 0.5757424242424243], [0.5713169094311107, 0.5656434343434343], [0.5747438864230825, 0.5555444444444445], [0.5757424242424243, 0.5526548574553317], [0.5782778243637682, 0.5454454545454546], [0.5818958101162185, 0.5353464646464646], [0.5855827010138223, 0.5252474747474747], [0.5858414141414141, 0.5245523141959872], [0.5894020306449343, 0.5151484848484849], [0.5933015685138462, 0.505049494949495], [0.595940404040404, 0.4983507710192837], [0.5973027686333506, 0.494950505050505], [0.6014324893417424, 0.48485151515151514], [0.6056491397711523, 0.47475252525252526], [0.606039393939394, 0.47383753075443025], [0.6100222835967789, 0.4646535353535354], [0.6144982294343124, 0.45455454545454543], [0.6161383838383838, 0.4509352186986113], [0.6191232734484505, 0.44445555555555555], [0.6238823552052462, 0.43435656565656566], [0.6262373737373738, 0.4294739764162875], [0.6287943056699739, 0.4242575757575757], [0.6338638104405885, 0.41415858585858584], [0.6363363636363636, 0.4093516704413759], [0.6391020187777299, 0.40405959595959595], [0.644513378268265, 0.39396060606060607], [0.6464353535353535, 0.39046450009563705], [0.6475757022098617, 0.3884223425696539]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.7505296175693253, 0.24952902153476963], [0.7575242424242424, 0.242627266715264], [0.7576798511037075, 0.24247575757575757], [0.7676232323232324, 0.23318944896200805], [0.7685049410520093, 0.23237676767676768], [0.7777222222222222, 0.22424256873030485], [0.7799777287884664, 0.22227777777777774], [0.7878212121212121, 0.2157488891438141], [0.7921654905538764, 0.21217878787878786], [0.7979202020202021, 0.2076695435025442], [0.8051447178614811, 0.20207979797979797], [0.8080191919191919, 0.19996424388563114], [0.8181181818181819, 0.19262391603537812], [0.8190139746246017, 0.19198080808080809], [0.8282171717171717, 0.18571245418382287], [0.8339103126213885, 0.1818818181818182], [0.8383161616161616, 0.17907757456947793], [0.8484151515151515, 0.17272672187367508], [0.8499340847386356, 0.17178282828282826], [0.8585141414141414, 0.16675569327672954], [0.8672729564703706, 0.16168383838383837], [0.8686131313131313, 0.16095483457912235], [0.8787121212121212, 0.1555248731285282], [0.8861247391630558, 0.1515848484848485], [0.8888111111111111, 0.1502490916104427], [0.898910101010101, 0.14528426091410493], [0.9067237479248764, 0.14148585858585858], [0.9090090909090909, 0.14045152680314446], [0.9191080808080807, 0.13593128874907373], [0.9292070707070708, 0.13146044784679356], [0.9293750917866908, 0.13138686868686866], [0.9393060606060606, 0.12736014925396724], [0.9494050505050505, 0.12330909351087457], [0.9544976786962476, 0.1212878787878788], [0.9595040404040404, 0.11945991144586629], [0.9696030303030303, 0.11581108694633625], [0.9797020202020201, 0.11220007090023638], [0.9825593132149526, 0.11118888888888889], [0.9898010101010101, 0.10884904231554271], [0.9999, 0.1056191076895758]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#1E988A\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764230208\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.5135603819246188, 0.9999], [0.5151484848484849, 0.990607903356782], [0.5152891206057495, 0.9898010101010101], [0.5170673543703864, 0.9797020202020202], [0.5188640138652878, 0.9696030303030303], [0.5206794849400813, 0.9595040404040404], [0.5224818493855852, 0.949582935436372]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.5655172168295566, 0.7488022500059256], [0.5656434343434343, 0.7482939856729381], [0.5658630538368956, 0.7474252525252525], [0.5684508541282706, 0.7373262626262627], [0.5710743444660854, 0.7272272727272727], [0.5737345230832149, 0.7171282828282828], [0.5757424242424243, 0.7096121716412547], [0.5764446416826382, 0.707029292929293], [0.5792297954804064, 0.696930303030303], [0.5820556040143399, 0.6868313131313131], [0.5849232717576464, 0.6767323232323232], [0.5858414141414141, 0.6735468223307103], [0.5878687079484013, 0.6666333333333333], [0.5908753170329721, 0.6565343434343435], [0.593928534909252, 0.6464353535353535], [0.595940404040404, 0.6398839454415419], [0.5970484498349373, 0.6363363636363636], [0.6002532144937631, 0.6262373737373738], [0.6035100830351899, 0.6161383838383838], [0.606039393939394, 0.60842293811308], [0.606833908663956, 0.606039393939394], [0.6102568088308897, 0.595940404040404], [0.6137382130339475, 0.5858414141414141], [0.6161383838383838, 0.5789979101767826], [0.6172990260277196, 0.5757424242424243], [0.6209632240147078, 0.5656434343434343], [0.6246934353490199, 0.5555444444444444], [0.6262373737373736, 0.5514397675965423], [0.6285287399267736, 0.5454454545454546], [0.632461294185302, 0.5353464646464646], [0.6363363636363636, 0.5255810818706167], [0.636470862448418, 0.5252474747474747], [0.640621473804926, 0.5151484848484849], [0.644854264689272, 0.5050494949494949], [0.6464353535353535, 0.5013518742324161], [0.6492156557381121, 0.4949505050505051], [0.653692369753738, 0.4848515151515151], [0.6565343434343435, 0.47857249725217177], [0.6582901203759586, 0.4747525252525253], [0.6630317377613083, 0.4646535353535354], [0.6666333333333333, 0.4571475777432459], [0.6678965457062452, 0.45455454545454543], [0.672926875285782, 0.44445555555555555], [0.6767323232323232, 0.4369873218354666], [0.6780929840984361, 0.43435656565656566], [0.6834391957049463, 0.4242575757575757], [0.6868313131313131, 0.4180006169042162], [0.6889450676437308, 0.4141585858585858], [0.6946383560051257, 0.40405959595959595], [0.696930303030303, 0.4000944154632218], [0.7005275101237911, 0.3939606060606061], [0.7066039311933819, 0.3838616161616162], [0.707029292929293, 0.3831730261894312], [0.71292599861914, 0.37376262626262624], [0.7171282828282828, 0.3672351190738549], [0.719460145060712, 0.36366363636363636], [0.7262396037512847, 0.35356464646464647], [0.7272272727272727, 0.35213480826433957], [0.7332992823095379, 0.34346565656565653], [0.7373262626262627, 0.33788286708140586], [0.7406288184931125, 0.33336666666666664], [0.7474252525252525, 0.3243500287878767], [0.7482521912630222, 0.32326767676767676], [0.7562129334426263, 0.3131686868686869], [0.7575242424242424, 0.31155796429268995], [0.7645273923575944, 0.303069696969697], [0.7676232323232324, 0.2994403507396374], [0.773214938813775, 0.29297070707070705], [0.7777222222222222, 0.2879325018835396], [0.7823088825498721, 0.28287171717171716], [0.7878212121212121, 0.27700295539743575], [0.7918457858011264, 0.2727727272727273], [0.797920202020202, 0.266620053987113], [0.8018659518623824, 0.26267373737373734], [0.8080191919191919, 0.25675181395892877], [0.8124140077569255, 0.25257474747474745], [0.8181181818181819, 0.24736578020559458], [0.8235396038828204, 0.24247575757575757], [0.8282171717171717, 0.2384288642913023], [0.835298260278469, 0.23237676767676768], [0.8383161616161616, 0.22990716151578192], [0.8477523983162936, 0.22227777777777777], [0.8484151515151515, 0.22176574177985456], [0.8585141414141414, 0.21405569783215772], [0.8610017007576378, 0.21217878787878786], [0.8686131313131313, 0.2067029117831501], [0.8751143801044916, 0.20207979797979797], [0.8787121212121212, 0.1996461925892497], [0.8888111111111111, 0.19289303785554032], [0.8901908923928578, 0.19198080808080809], [0.898910101010101, 0.18651178775772184], [0.9063750181798904, 0.1818818181818182], [0.9090090909090909, 0.18033639264657716], [0.9191080808080808, 0.17447672279690746], [0.9238022362639596, 0.17178282828282826], [0.9292070707070708, 0.16885832879473228], [0.9393060606060606, 0.16345294085371495], [0.9426470379389431, 0.16168383838383837], [0.9494050505050505, 0.15832224388153382], [0.9595040404040405, 0.1533519225188682], [0.9631324757136983, 0.1515848484848485], [0.9696030303030303, 0.14863696157140613], [0.9797020202020201, 0.14408368852474807], [0.9855236138161687, 0.14148585858585858], [0.98980101010101, 0.13970876777847246], [0.9999, 0.1355556253385283]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#22A784\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764231776\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.5581940054326991, 0.9999], [0.5600908827374544, 0.9898010101010101], [0.5620072135576799, 0.9797020202020201], [0.5639434010443871, 0.9696030303030303], [0.5656434343434343, 0.9608276812553491], [0.5659044807359868, 0.9595040404040404], [0.5679172622846893, 0.9494050505050504], [0.5699515690373392, 0.9393060606060606], [0.5720078663673858, 0.9292070707070708], [0.5740866349053707, 0.9191080808080808], [0.5757424242424243, 0.9111518972815397], [0.5761962631052571, 0.9090090909090909], [0.5783590902083612, 0.898910101010101], [0.5805463538187102, 0.8888111111111111], [0.5827586124398683, 0.8787121212121212], [0.5849964439440959, 0.8686131313131312], [0.5858414141414141, 0.864843989998916], [0.5872851222853801, 0.8585141414141414], [0.5896157502393383, 0.8484151515151515], [0.5919742872588043, 0.8383161616161615], [0.5943614098705361, 0.8282171717171717], [0.595940404040404, 0.8216180231447108], [0.5967921325649399, 0.8181181818181819], [0.5992803709415369, 0.8080191919191919], [0.6017999048361586, 0.797920202020202], [0.6043515315182142, 0.7878212121212123], [0.606039393939394, 0.7812259745055046], [0.6069511476517276, 0.7777222222222222], [0.6096134770323527, 0.7676232323232324], [0.6123110654535432, 0.7575242424242424], [0.6150448593829929, 0.7474252525252525], [0.6161383838383838, 0.7434398486753542], [0.6178435672441882, 0.7373262626262627], [0.6206991958102688, 0.7272272727272727], [0.6235947589996795, 0.7171282828282828], [0.6262373737373738, 0.7080404052178376], [0.6265361697917322, 0.707029292929293], [0.6295634808917421, 0.696930303030303], [0.6326349814846837, 0.6868313131313131], [0.6357519807675984, 0.6767323232323232], [0.6363363636363636, 0.6748669862473339], [0.638957113936956, 0.6666333333333333], [0.6416933166316718, 0.658166216202495]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.7136878189701105, 0.4784073407984813], [0.7154959043735882, 0.47475252525252526], [0.7171282828282828, 0.4715223359819886], [0.7206486670726985, 0.4646535353535354], [0.7259383222619652, 0.45455454545454543], [0.7272272727272727, 0.45214776350314057], [0.7314044396178632, 0.44445555555555555], [0.7370146368684478, 0.43435656565656566], [0.7373262626262627, 0.4338084979123817], [0.7428317164146874, 0.4242575757575757], [0.7474252525252525, 0.41647613624114294], [0.7488119595000731, 0.41415858585858584], [0.7550038749705628, 0.40405959595959595], [0.7575242424242424, 0.4000503711333398], [0.7614039060833222, 0.39396060606060607], [0.7676232323232324, 0.3844454691415623], [0.768009906973825, 0.3838616161616162], [0.7748766048746162, 0.37376262626262624], [0.7777222222222222, 0.36968910670659066], [0.781986420083287, 0.36366363636363636], [0.7878212121212121, 0.35564470968659734], [0.7893542506662017, 0.35356464646464647], [0.7970130715445799, 0.34346565656565653], [0.797920202020202, 0.3423041721861244], [0.8049893917333436, 0.3333666666666666], [0.808019191919192, 0.3296504488338836], [0.8132884610595479, 0.32326767676767676], [0.8181181818181819, 0.3175973229417842], [0.8219371238370039, 0.3131686868686869], [0.8282171717171717, 0.306117191671956], [0.8309645630973846, 0.303069696969697], [0.8383161616161616, 0.29518239471877794], [0.8404026170827386, 0.29297070707070705], [0.8484151515151515, 0.28476512163509105], [0.8502861501898373, 0.28287171717171716], [0.8585141414141414, 0.2748373114588329], [0.8606534901572092, 0.2727727272727273], [0.8686131313131313, 0.26537054285109457], [0.8715469463791926, 0.26267373737373734], [0.8787121212121212, 0.25633591258316957], [0.8830134282910096, 0.25257474747474745], [0.8888111111111111, 0.24770389973086948], [0.895105188148513, 0.24247575757575757], [0.898910101010101, 0.2394442123147857], [0.9078807197298413, 0.23237676767676768], [0.9090090909090909, 0.23152561231765628], [0.9191080808080807, 0.2239918887880652], [0.921431241738869, 0.22227777777777777], [0.9292070707070708, 0.21679545782774018], [0.9358266650033051, 0.21217878787878786], [0.9393060606060606, 0.20986502632375642], [0.9494050505050505, 0.20322112372027373], [0.9511584629745439, 0.20207979797979797], [0.9595040404040404, 0.19691248979435988], [0.9675533426923437, 0.19198080808080809], [0.9696030303030303, 0.1907893933854791], [0.9797020202020201, 0.18498001509616335], [0.9851437155238669, 0.1818818181818182], [0.9898010101010101, 0.17937354011306478], [0.9999, 0.17398974323210006]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#35B778\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764233288\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.6066892298336369, 0.9999], [0.6087569753623143, 0.98980101010101], [0.6108459267536634, 0.9797020202020204], [0.6129565234740116, 0.9696030303030303], [0.6150892187939763, 0.9595040404040402], [0.6161383838383838, 0.9545879284618757], [0.6172627607936384, 0.9494050505050505], [0.6194770721601808, 0.9393060606060606], [0.6217153199293443, 0.9292070707070708], [0.6239780272600233, 0.9191080808080808], [0.6262373737373738, 0.9091342889974754], [0.6262661957511918, 0.9090090909090909], [0.6286170714916536, 0.898910101010101], [0.6309945083899544, 0.8888111111111111], [0.6333991135091727, 0.8787121212121212], [0.6358315149651097, 0.8686131313131313], [0.6363363636363636, 0.866541300081255], [0.6383236552662852, 0.8585141414141414], [0.6408534577941599, 0.8484151515151515], [0.6434135544856106, 0.8383161616161616], [0.6460046796831136, 0.8282171717171717], [0.6464353535353535, 0.8265589514702278], [0.6486621142747167, 0.8181181818181819], [0.6513594229794177, 0.8080191919191919], [0.654090656758975, 0.797920202020202], [0.6565343434343435, 0.7889980903669576], [0.6568616767677703, 0.7878212121212121], [0.6597068193514654, 0.7777222222222222], [0.6625891495801124, 0.7676232323232324], [0.6655096524703371, 0.7575242424242424], [0.6666333333333332, 0.7536900562564015], [0.6684973803743528, 0.7474252525252525], [0.671543140265038, 0.7373262626262627], [0.6746309062225383, 0.7272272727272727], [0.6767323232323232, 0.7204490711977938], [0.6777773330623821, 0.7171282828282828], [0.6810004301535275, 0.707029292929293], [0.6842698977242214, 0.696930303030303], [0.6868313131313131, 0.6891322286895399], [0.6875982849840554, 0.6868313131313131], [0.6910144810008225, 0.6767323232323232], [0.6944820426590947, 0.6666333333333333], [0.696930303030303, 0.659610186656211], [0.6980181895863017, 0.6565343434343435], [0.701645445382622, 0.6464353535353535], [0.7053298167532001, 0.6363363636363636], [0.707029292929293, 0.631751391446875], [0.7091025357850822, 0.6262373737373738], [0.7129614404138962, 0.6161383838383838], [0.7168841210320871, 0.6060393939393939], [0.7171282828282828, 0.6054211851862339], [0.7209258280721067, 0.595940404040404], [0.7250401378687569, 0.5858414141414141], [0.7272272727272727, 0.5805646291782892], [0.7292539432853391, 0.5757424242424243], [0.7335734474507899, 0.5656434343434343], [0.7373262626262627, 0.5570246361645826], [0.7379796596427078, 0.5555444444444444], [0.7425194166603086, 0.5454454545454546], [0.7471440181402261, 0.5353464646464646], [0.7474252525252525, 0.5347437959854648], [0.7519169814030477, 0.5252474747474747], [0.7567865117137041, 0.5151484848484849], [0.7575242424242425, 0.5136481990996392], [0.761809204391744, 0.5050494949494949], [0.7669434535519051, 0.494950505050505], [0.7676232323232324, 0.4936403994277526], [0.7722439447148572, 0.48485151515151514], [0.7776652023412667, 0.4747525252525253], [0.7777222222222222, 0.4746485416664478], [0.7832746675222202, 0.4646535353535354], [0.7878212121212121, 0.4566452420262322], [0.7890234762529432, 0.45455454545454543], [0.7949614309194276, 0.4444555555555555], [0.7979202020202019, 0.43953648506673515], [0.8010755572190049, 0.43435656565656566], [0.8073720991699775, 0.4242575757575757], [0.8080191919191919, 0.4232441241924698], [0.8138933066139398, 0.4141585858585858], [0.8146213525828382, 0.4130596420686251]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.9230151919362745, 0.2839635413861412], [0.9241834641377196, 0.2828717171717172], [0.9292070707070708, 0.2783415490407368], [0.9354499486087492, 0.2727727272727273], [0.9393060606060606, 0.26945803269089624], [0.9472838090133254, 0.26267373737373734], [0.9494050505050505, 0.2609378918583559], [0.9595040404040404, 0.252761172387965], [0.959736728389879, 0.25257474747474745], [0.9696030303030303, 0.2449800139147549], [0.972890367070876, 0.24247575757575757], [0.9797020202020204, 0.2374984885329695], [0.9867839927177864, 0.23237676767676768], [0.9898010101010101, 0.23028768168788583], [0.9999, 0.22336578364904855]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#53C567\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764267632\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.6594232580273115, 0.9999000000000001], [0.6616618711327481, 0.9898010101010101], [0.6639234424414215, 0.9797020202020204], [0.6662084477348367, 0.9696030303030303], [0.6666333333333334, 0.9677446303693931], [0.6685461385370548, 0.9595040404040404], [0.6709151193777256, 0.9494050505050505], [0.6715104539807389, 0.946893986877306]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.7250484259192609, 0.7522262665823103], [0.7265843273857091, 0.7474252525252525], [0.7272272727272727, 0.7454424687818804], [0.7298958704031283, 0.7373262626262627], [0.7332622003694582, 0.7272272727272727], [0.7366756068781677, 0.7171282828282828], [0.7373262626262627, 0.7152301573338221], [0.7401761958960003, 0.707029292929293], [0.743736250372786, 0.696930303030303], [0.7473482707681515, 0.6868313131313131], [0.7474252525252526, 0.6866192186029696], [0.751062615319213, 0.6767323232323232], [0.7548338714569353, 0.6666333333333333], [0.7575242424242424, 0.6595371559069162], [0.7586779772420285, 0.6565343434343435], [0.7626183431866007, 0.6464353535353535], [0.76662075500727, 0.6363363636363636], [0.7676232323232323, 0.6338467164559423], [0.7707277761658471, 0.6262373737373738], [0.7749150626658794, 0.6161383838383838], [0.7777222222222222, 0.6094780890030249], [0.7791904958869345, 0.606039393939394], [0.783575084295371, 0.5959404040404039], [0.7878212121212123, 0.586324680826092], [0.7880373671616331, 0.5858414141414141], [0.7926329813550219, 0.5757424242424243], [0.7973099238079706, 0.5656434343434343], [0.797920202020202, 0.5643489724463165], [0.8021239977303518, 0.5555444444444444], [0.8070343082356227, 0.5454454545454546], [0.8080191919191919, 0.5434570157883212], [0.8120869143604301, 0.5353464646464646], [0.817248371388959, 0.5252474747474747], [0.8181181818181819, 0.5235780023855846], [0.8225645897546083, 0.5151484848484849], [0.8279970839022464, 0.5050494949494949], [0.8282171717171717, 0.5046484531583403], [0.833604606859905, 0.4949505050505051], [0.8383161616161616, 0.4866405292458885], [0.8393427829260859, 0.48485151515151514], [0.8452600526714814, 0.4747525252525253], [0.8484151515151515, 0.46948107475408213], [0.8513391585287576, 0.4646535353535354], [0.8575904649647345, 0.45455454545454543], [0.8585141414141414, 0.4530951366435757], [0.8640469356660234, 0.4444555555555555], [0.8686131313131313, 0.43748554721168165], [0.8706869641456769, 0.43435656565656566], [0.8775378635739477, 0.42425757575757567], [0.8787121212121212, 0.4225673124372048], [0.8846213491853417, 0.41415858585858584], [0.8888111111111111, 0.4083402703708851], [0.8919288450068452, 0.40405959595959595], [0.898910101010101, 0.39471091486668186], [0.8994767349535382, 0.39396060606060607], [0.9073015708798691, 0.3838616161616162], [0.909009090909091, 0.3817150676796167], [0.9154057130285398, 0.37376262626262624], [0.9191080808080808, 0.3692824752826295], [0.9238027563362792, 0.36366363636363636], [0.9292070707070708, 0.3573726483148304], [0.9325141081970426, 0.35356464646464647], [0.9393060606060606, 0.3459640927768032], [0.9415628297734784, 0.34346565656565653], [0.9494050505050505, 0.33503526438108816], [0.9509738329683244, 0.33336666666666664], [0.9595040404040404, 0.3245645119130988], [0.9607741071216962, 0.32326767676767676], [0.9696030303030303, 0.31453001643034717], [0.9709929810534863, 0.3131686868686868], [0.9797020202020202, 0.30490972545809925], [0.9816624273509498, 0.303069696969697], [0.98980101010101, 0.29568128118708514], [0.9928174174281762, 0.29297070707070705], [0.9999, 0.28682194148901924]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#79D151\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764821264\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.7167155312475945, 0.9999], [0.7171282828282828, 0.998170011062401], [0.7191533307769971, 0.9898010101010101], [0.7216220453165513, 0.9797020202020202], [0.7241163402207969, 0.9696030303030303], [0.726636751163167, 0.9595040404040404], [0.7272272727272727, 0.9571626643533697], [0.729211192366794, 0.9494050505050505], [0.7318215117887656, 0.9393060606060606], [0.734460048406204, 0.9292070707070706], [0.7371274189398844, 0.9191080808080808], [0.7373262626262627, 0.9183634614835771], [0.7398587120762374, 0.9090090909090909], [0.742623292731384, 0.898910101010101], [0.7454191087520909, 0.888811111111111], [0.7474252525252525, 0.8816464338140784], [0.7482580513923848, 0.8787121212121212], [0.7511574182625114, 0.8686131313131313], [0.7540906926978488, 0.8585141414141413], [0.7570586771780496, 0.8484151515151515], [0.7575242424242425, 0.8468497450635084], [0.7600962660859429, 0.8383161616161616], [0.7631769950171673, 0.8282171717171717], [0.7662955206537377, 0.8181181818181819], [0.7676232323232324, 0.8138712901550718], [0.7694770119360154, 0.8080191919191919], [0.7727163229886814, 0.797920202020202], [0.7759968950544524, 0.7878212121212121], [0.7777222222222222, 0.7825775775717863], [0.7793406740054102, 0.7777222222222222], [0.782751003834628, 0.7676232323232324], [0.7862064989836087, 0.7575242424242424], [0.7878212121212121, 0.7528675994364522], [0.7897327198452098, 0.7474252525252525], [0.7933280278404264, 0.7373262626262627], [0.796972921079815, 0.7272272727272727], [0.7979202020202019, 0.7246388178672466], [0.8007037967769076, 0.7171282828282828], [0.8044998242333857, 0.707029292929293], [0.8080191919191919, 0.6977991252835194], [0.8083546314254736, 0.696930303030303], [0.8123106175731046, 0.6868313131313131], [0.8135038280900421, 0.6838297039209186]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.8948558211308268, 0.5137628456392923], [0.898910101010101, 0.5068220368505818], [0.8999571800846188, 0.5050494949494949], [0.9060433762504946, 0.49495050505050503], [0.9090090909090909, 0.49012881742569053], [0.912291308551451, 0.48485151515151514], [0.9187045894151258, 0.4747525252525253], [0.9191080808080808, 0.4741305221572582], [0.9253236956734404, 0.4646535353535354], [0.9292070707070708, 0.45885984546082303], [0.9321243481346655, 0.45455454545454543], [0.9391211939861984, 0.44445555555555555], [0.9393060606060606, 0.4441947212261756], [0.9463542393158983, 0.43435656565656566], [0.9494050505050505, 0.4301959921667343], [0.9538060627684213, 0.4242575757575757], [0.9595040404040404, 0.4167500049524273], [0.9614916456252147, 0.41415858585858584], [0.9694287479231519, 0.40405959595959595], [0.9696030303030302, 0.40384331759795916], [0.9776501430603071, 0.39396060606060607], [0.9797020202020204, 0.39150446883831946], [0.986153081066985, 0.3838616161616162], [0.9898010101010101, 0.3796519958407737], [0.9949568984780494, 0.37376262626262624], [0.9999, 0.36826686142077364]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#A5DA35\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764882368\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.7790051685062264, 0.9999], [0.7816538619049465, 0.98980101010101], [0.7843297191048665, 0.9797020202020202], [0.7870333030435162, 0.9696030303030303], [0.7878212121212121, 0.9666903646988289], [0.7897902754695815, 0.9595040404040402], [0.7911147925010029, 0.9547206756489699]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.8517281979601051, 0.7650499575972265], [0.8545357737853048, 0.7575242424242424], [0.8583539128348203, 0.7474252525252525], [0.8585141414141414, 0.7470071354996226], [0.8622678934028463, 0.7373262626262627], [0.8662377764041729, 0.7272272727272726], [0.8686131313131313, 0.7212679430868235], [0.8702824733283284, 0.7171282828282828], [0.8744127090249665, 0.707029292929293], [0.8786023661428292, 0.696930303030303], [0.8787121212121212, 0.6966695493215564], [0.8829010485402606, 0.6868313131313131], [0.8872646956136382, 0.6767323232323232], [0.8888111111111112, 0.6732063979672952], [0.8917268978866665, 0.6666333333333333], [0.8962751591827269, 0.6565343434343435], [0.898910101010101, 0.650773013701901], [0.9009163422283515, 0.6464353535353535], [0.9056608457998239, 0.6363363636363635], [0.9090090909090909, 0.629321625082011], [0.910497699870302, 0.6262373737373739], [0.9154512081209637, 0.6161383838383838], [0.9191080808080807, 0.608804129210338], [0.9205018135473106, 0.606039393939394], [0.9256783757403433, 0.5959404040404039], [0.9292070707070708, 0.5891719356826632], [0.9309623902396962, 0.5858414141414141], [0.9363775215282104, 0.5757424242424243], [0.9393060606060606, 0.5703757960625202], [0.9419163996557508, 0.5656434343434343], [0.947587292369925, 0.5555444444444444], [0.9494050505050506, 0.5523656158615495], [0.9534045440860295, 0.5454454545454546], [0.959350318511942, 0.5353464646464646], [0.9595040404040402, 0.5350902453722526], [0.9654718156709301, 0.5252474747474747], [0.9696030303030303, 0.5185635482666864], [0.9717359201381629, 0.5151484848484849], [0.97816816150191, 0.5050494949494949], [0.9797020202020204, 0.5026889301797133], [0.9847824323111659, 0.494950505050505], [0.9898010101010102, 0.48746067405164306], [0.9915672122737655, 0.48485151515151514], [0.9985473620352114, 0.47475252525252526], [0.9999, 0.47283670234097436]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#D2E11B\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764654672\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.8467045506498926, 0.9999], [0.8484151515151515, 0.9938464056556537], [0.8495719723748782, 0.9898010101010102], [0.8524894954529457, 0.9797020202020202], [0.8554372493669956, 0.9696030303030303], [0.8584158671750741, 0.9595040404040404], [0.8585141414141413, 0.9591743307414526], [0.8614604586816479, 0.9494050505050505], [0.864538785169237, 0.9393060606060606], [0.8676503879445782, 0.9292070707070708], [0.8686131313131313, 0.9261161767894349], [0.8708215224843655, 0.9191080808080808], [0.8740390775668105, 0.9090090909090909], [0.8772925797520352, 0.898910101010101], [0.8787121212121212, 0.8945530204288112], [0.8806044661643817, 0.8888111111111111], [0.8839707961307117, 0.8787121212121212], [0.8873760396136531, 0.8686131313131313], [0.8888111111111112, 0.8644063127551866], [0.8908440760733232, 0.8585141414141414], [0.8943697439005454, 0.8484151515151515], [0.897937631291032, 0.8383161616161616], [0.898910101010101, 0.8355965251432131], [0.9015785743334148, 0.8282171717171718], [0.9052753093730296, 0.8181181818181817], [0.9090090909090909, 0.8080431295376931], [0.9090180612231603, 0.8080191919191919], [0.9128501262193616, 0.797920202020202], [0.9167310024848287, 0.787821212121212], [0.9191080808080808, 0.7817142639632522], [0.920679117845435, 0.7777222222222222], [0.924705444336134, 0.7676232323232324], [0.9287850942097695, 0.7575242424242425], [0.9292070707070708, 0.7564934927117509], [0.9329600682377991, 0.7474252525252525], [0.937196512812444, 0.7373262626262627], [0.9393060606060606, 0.732365858427596], [0.9415150080222211, 0.7272272727272727], [0.9459170181826694, 0.7171282828282828], [0.9494050505050505, 0.7092380262872512], [0.9503919035038751, 0.707029292929293], [0.9549690072726746, 0.696930303030303], [0.9578392717891697, 0.6906884210750366]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#FDE724\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764707528\"}], \"images\": [], \"sharex\": [], \"sharey\": []}], \"data\": {\"data01\": [[0.0001, 0.9999], [0.010198989898989898, 0.9898010101010101], [0.020297979797979798, 0.9797020202020202], [0.030396969696969697, 0.9696030303030303], [0.0404959595959596, 0.9595040404040404], [0.0505949494949495, 0.9494050505050505], [0.0606939393939394, 0.9393060606060606], [0.0707929292929293, 0.9292070707070708], [0.0808919191919192, 0.9191080808080808], [0.0909909090909091, 0.9090090909090909], [0.101089898989899, 0.898910101010101], [0.11118888888888889, 0.8888111111111111], [0.12128787878787879, 0.8787121212121212], [0.13138686868686866, 0.8686131313131313], [0.14148585858585858, 0.8585141414141414], [0.1515848484848485, 0.8484151515151515], [0.16168383838383837, 0.8383161616161616], [0.17178282828282826, 0.8282171717171718], [0.18188181818181817, 0.8181181818181819], [0.19198080808080809, 0.8080191919191919], [0.20207979797979797, 0.7979202020202021], [0.21217878787878786, 0.7878212121212121], [0.22227777777777777, 0.7777222222222222], [0.23237676767676768, 0.7676232323232324], [0.24247575757575757, 0.7575242424242424], [0.25257474747474745, 0.7474252525252525], [0.26267373737373734, 0.7373262626262627], [0.2727727272727273, 0.7272272727272727], [0.28287171717171716, 0.7171282828282828], [0.29297070707070705, 0.707029292929293], [0.303069696969697, 0.696930303030303], [0.3131686868686869, 0.6868313131313131], [0.32326767676767676, 0.6767323232323232], [0.33336666666666664, 0.6666333333333334], [0.34346565656565653, 0.6565343434343435], [0.35356464646464647, 0.6464353535353535], [0.36366363636363636, 0.6363363636363637], [0.37376262626262624, 0.6262373737373738], [0.3838616161616162, 0.6161383838383838], [0.39396060606060607, 0.606039393939394], [0.40405959595959595, 0.595940404040404], [0.41415858585858584, 0.5858414141414141], [0.4242575757575757, 0.5757424242424243], [0.43435656565656566, 0.5656434343434343], [0.44445555555555555, 0.5555444444444444], [0.45455454545454543, 0.5454454545454546], [0.4646535353535354, 0.5353464646464646], [0.47475252525252526, 0.5252474747474747], [0.48485151515151514, 0.5151484848484849], [0.49495050505050503, 0.505049494949495], [0.5050494949494949, 0.4949505050505051], [0.5151484848484849, 0.48485151515151514], [0.5252474747474747, 0.4747525252525253], [0.5353464646464646, 0.4646535353535354], [0.5454454545454546, 0.45455454545454543], [0.5555444444444444, 0.4444555555555556], [0.5656434343434343, 0.43435656565656566], [0.5757424242424243, 0.4242575757575757], [0.5858414141414141, 0.4141585858585859], [0.595940404040404, 0.40405959595959595], [0.606039393939394, 0.393960606060606], [0.6161383838383838, 0.3838616161616162], [0.6262373737373738, 0.37376262626262624], [0.6363363636363636, 0.3636636363636364], [0.6464353535353535, 0.35356464646464647], [0.6565343434343435, 0.34346565656565653], [0.6666333333333333, 0.3333666666666667], [0.6767323232323232, 0.32326767676767676], [0.6868313131313131, 0.31316868686868693], [0.696930303030303, 0.303069696969697], [0.707029292929293, 0.29297070707070705], [0.7171282828282828, 0.2828717171717172], [0.7272272727272727, 0.2727727272727273], [0.7373262626262627, 0.26267373737373734], [0.7474252525252525, 0.2525747474747475], [0.7575242424242424, 0.24247575757575757], [0.7676232323232324, 0.23237676767676763], [0.7777222222222222, 0.2222777777777778], [0.7878212121212121, 0.21217878787878786], [0.797920202020202, 0.20207979797979803], [0.8080191919191919, 0.19198080808080809], [0.8181181818181819, 0.18188181818181814], [0.8282171717171717, 0.17178282828282831], [0.8383161616161616, 0.16168383838383837], [0.8484151515151515, 0.15158484848484854], [0.8585141414141414, 0.1414858585858586], [0.8686131313131313, 0.13138686868686866], [0.8787121212121212, 0.12128787878787883], [0.8888111111111111, 0.11118888888888889], [0.898910101010101, 0.10108989898989895], [0.9090090909090909, 0.09099090909090912], [0.9191080808080808, 0.08089191919191918], [0.9292070707070708, 0.07079292929292924], [0.9393060606060606, 0.06069393939393941], [0.9494050505050505, 0.05059494949494947], [0.9595040404040404, 0.04049595959595964], [0.9696030303030303, 0.0303969696969697], [0.9797020202020202, 0.02029797979797976], [0.9898010101010101, 0.01019898989898993], [0.9999, 9.999999999998899e-05]], \"data02\": [[0.75, 0.25]], \"data03\": [[0.0, 0.0]]}, \"id\": \"el83139652764943360\", \"plugins\": [{\"type\": \"reset\"}, {\"type\": \"zoom\", \"button\": true, \"enabled\": false}, {\"type\": \"boxzoom\", \"button\": true, \"enabled\": false}]});\n", " })\n", " });\n", "}\n", "</script> 1 / 3</div>\n", "<div class=\"item\">\n", "\n", "<style>\n", "\n", "</style>\n", "\n", "<div id=\"fig_el831396527645020009507128632\"></div>\n", "<script>\n", "function mpld3_load_lib(url, callback){\n", " var s = document.createElement('script');\n", " s.src = url;\n", " s.async = true;\n", " s.onreadystatechange = s.onload = callback;\n", " s.onerror = function(){console.warn(\"failed to load library \" + url);};\n", " document.getElementsByTagName(\"head\")[0].appendChild(s);\n", "}\n", "\n", "if(typeof(mpld3) !== \"undefined\" && mpld3._mpld3IsLoaded){\n", " // already loaded: just create the figure\n", " !function(mpld3){\n", " \n", " mpld3.draw_figure(\"fig_el831396527645020009507128632\", {\"width\": 432.0, \"height\": 288.0, \"axes\": [{\"bbox\": [0.125, 0.125, 0.775, 0.755], \"xlim\": [0.0001, 0.9999], \"ylim\": [9.999999999998899e-05, 0.9999], \"xdomain\": [0.0001, 0.9999], \"ydomain\": [9.999999999998899e-05, 0.9999], \"xscale\": \"linear\", \"yscale\": \"linear\", \"axes\": [{\"position\": \"bottom\", \"nticks\": 6, \"tickvalues\": null, \"tickformat\": null, \"scale\": \"linear\", \"fontsize\": 10.0, \"grid\": {\"gridOn\": false}, \"visible\": true}, {\"position\": \"left\", \"nticks\": 6, \"tickvalues\": null, \"tickformat\": null, \"scale\": \"linear\", \"fontsize\": 10.0, \"grid\": {\"gridOn\": false}, \"visible\": true}], \"axesbg\": \"#FFFFFF\", \"axesbgalpha\": null, \"zoomable\": true, \"id\": \"el83139652729829976\", \"lines\": [{\"data\": \"data01\", \"xindex\": 0, \"yindex\": 1, \"coordinates\": \"data\", \"id\": \"el83139652729434064\", \"color\": \"#1F77B4\", \"linewidth\": 1.5, \"dasharray\": \"none\", \"alpha\": 1, \"zorder\": 2, \"drawstyle\": \"default\"}], \"paths\": [], \"markers\": [{\"data\": \"data02\", \"xindex\": 0, \"yindex\": 1, \"coordinates\": \"data\", \"id\": \"el83139652729385368pts\", \"facecolor\": \"#FF0000\", \"edgecolor\": \"#FF0000\", \"edgewidth\": 1.0, \"alpha\": 1, \"zorder\": 2, \"markerpath\": [[[0.0, 3.0], [0.7956093000000001, 3.0], [1.5587396123545605, 2.683901074764725], [2.121320343559643, 2.121320343559643], [2.683901074764725, 1.5587396123545605], [3.0, 0.7956093000000001], [3.0, 0.0], [3.0, -0.7956093000000001], [2.683901074764725, -1.5587396123545605], [2.121320343559643, -2.121320343559643], [1.5587396123545605, -2.683901074764725], [0.7956093000000001, -3.0], [0.0, -3.0], [-0.7956093000000001, -3.0], [-1.5587396123545605, -2.683901074764725], [-2.121320343559643, -2.121320343559643], [-2.683901074764725, -1.5587396123545605], [-3.0, -0.7956093000000001], [-3.0, 0.0], [-3.0, 0.7956093000000001], [-2.683901074764725, 1.5587396123545605], [-2.121320343559643, 2.121320343559643], [-1.5587396123545605, 2.683901074764725], [-0.7956093000000001, 3.0], [0.0, 3.0]], [\"M\", \"C\", \"C\", \"C\", \"C\", \"C\", \"C\", \"C\", \"C\", \"Z\"]]}], \"texts\": [{\"text\": \"rice\", \"position\": [0.49999999999999994, -0.09657836644591611], \"coordinates\": \"axes\", \"h_anchor\": \"middle\", \"v_baseline\": \"hanging\", \"rotation\": -0.0, \"fontsize\": 10.0, \"color\": \"#000000\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652730305728\"}, {\"text\": \"pizza\", \"position\": [-0.08064516129032258, 0.49999999999999994], \"coordinates\": \"axes\", \"h_anchor\": \"middle\", \"v_baseline\": \"auto\", \"rotation\": -90.0, \"fontsize\": 10.0, \"color\": \"#000000\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652729991800\"}, {\"text\": \"-3.386\", \"position\": [0.7171282828282828, 0.04742484898157809], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -357.615276197803, \"fontsize\": 10.0, \"color\": \"#440154\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652729348840\"}, {\"text\": \"-3.136\", \"position\": [0.052597579301951525, 0.8282171717171716], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -275.5930039217711, \"fontsize\": 10.0, \"color\": \"#481C6E\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652729350352\"}, {\"text\": \"-2.886\", \"position\": [0.45455454545454543, 0.12276920287901832], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -349.92185405648445, \"fontsize\": 10.0, \"color\": \"#453580\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652729351808\"}, {\"text\": \"-2.636\", \"position\": [0.1391076649730089, 0.5151484848484846], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -292.8857049761744, \"fontsize\": 10.0, \"color\": \"#3D4C89\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652729300080\"}, {\"text\": \"-2.386\", \"position\": [0.303467317754615, 0.30306969696969693], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -326.798208962326, \"fontsize\": 10.0, \"color\": \"#33608D\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652729301536\"}, {\"text\": \"-2.136\", \"position\": [0.585841414141414, 0.20158819866238792], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -347.32680721594556, \"fontsize\": 10.0, \"color\": \"#2B748E\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652729302992\"}, {\"text\": \"-1.886\", \"position\": [0.26811846758740354, 0.5656434343434342], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -306.22185519155374, \"fontsize\": 10.0, \"color\": \"#23878D\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652729263552\"}, {\"text\": \"-1.636\", \"position\": [0.7373262626262626, 0.26408527261655723], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -346.85846925337205, \"fontsize\": 10.0, \"color\": \"#1E998A\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652729265008\"}, {\"text\": \"-1.386\", \"position\": [0.2912262032613776, 0.8585141414141413], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -297.6691088920465, \"fontsize\": 10.0, \"color\": \"#25AB81\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652729033056\"}, {\"text\": \"-1.136\", \"position\": [0.6908686658606568, 0.4646535353535353], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -336.3255582768813, \"fontsize\": 10.0, \"color\": \"#40BD72\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652729034512\"}, {\"text\": \"-0.886\", \"position\": [0.8181181818181817, 0.5038260164727311], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -338.1444790697732, \"fontsize\": 10.0, \"color\": \"#67CC5C\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652729035968\"}, {\"text\": \"-0.636\", \"position\": [0.7676232323232324, 0.6894800945561659], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -329.6970448216638, \"fontsize\": 10.0, \"color\": \"#97D83E\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652729070256\"}, {\"text\": \"-0.386\", \"position\": [0.7575242424242423, 0.8971023999491601], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -322.4139688939506, \"fontsize\": 10.0, \"color\": \"#CDE01D\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652729071712\"}], \"collections\": [{\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 1, \"paths\": [[[[0.034171620074853956, 0.9999], [0.03452900223604578, 0.9898010101010102], [0.03489004954699927, 0.9797020202020202], [0.035254837963591766, 0.9696030303030303], [0.035623445827587585, 0.9595040404040402], [0.03599595396762193, 0.9494050505050505], [0.0363724458055849, 0.9393060606060606], [0.03675300746875548, 0.9292070707070709], [0.03713772790806291, 0.9191080808080807], [0.03752669902288146, 0.9090090909090908], [0.03792001579279665, 0.8989101010101012], [0.0383177764168155, 0.8888111111111112], [0.038720082460531186, 0.8787121212121212], [0.039127039011794165, 0.8686131313131313], [0.039538754845486024, 0.8585141414141413], [0.03995534259804312, 0.8484151515151513], [0.04037691895243007, 0.8383161616161616], [0.0404959595959596, 0.8354986550906587], [0.04089232640447764, 0.8282171717171717], [0.04144880848881767, 0.8181181818181819], [0.04201220272050965, 0.8080191919191919], [0.042582682975188337, 0.7979202020202021], [0.0431604297729318, 0.7878212121212121], [0.04374563062117985, 0.7777222222222222], [0.04433848038006419, 0.7676232323232324], [0.04493918165193181, 0.7575242424242424], [0.0455479451970095, 0.7474252525252525], [0.04616499037734359, 0.7373262626262627], [0.04679054563135493, 0.7272272727272726], [0.04742484898157809, 0.7171282828282828], [0.0480681485784087, 0.707029292929293], [0.04872070328296793, 0.6969303030303029], [0.049382783292509745, 0.686831313131313], [0.05005467081215293, 0.6767323232323232], [0.0505949494949495, 0.6687318111419619], [0.050768319413430206, 0.6666333333333333], [0.05161540425804924, 0.6565343434343435], [0.05247562070706784, 0.6464353535353535], [0.0533493823150801, 0.6363363636363636], [0.054237122485810196, 0.6262373737373738], [0.0551392957630427, 0.6161383838383838], [0.05605637922823774, 0.606039393939394], [0.056988874015589344, 0.595940404040404], [0.057937306956572135, 0.5858414141414141], [0.05890223236748811, 0.5757424242424243], [0.05988423399519961, 0.5656434343434343], [0.0606939393939394, 0.5574637176966812], [0.06091858418961276, 0.5555444444444444], [0.062122324995582956, 0.5454454545454546], [0.06334856276362741, 0.5353464646464646], [0.06459815443552362, 0.5252474747474747], [0.0658720068684875, 0.5151484848484849], [0.06717108078871782, 0.5050494949494949], [0.06849639514428646, 0.49495050505050503], [0.06984903190677919, 0.48485151515151514], [0.0707929292929293, 0.477949520512808], [0.07129755017855854, 0.47475252525252526], [0.07292587324113353, 0.4646535353535354], [0.07458997868575058, 0.45455454545454543], [0.07629147455010904, 0.4444555555555555], [0.07803207976470733, 0.43435656565656566], [0.07981363458968162, 0.4242575757575757], [0.0808919191919192, 0.4182889715975482], [0.08173775091063988, 0.41415858585858584], [0.08385690656777, 0.40405959595959595], [0.08602970394620657, 0.39396060606060607], [0.08825892937037981, 0.3838616161616162], [0.09054759206264656, 0.37376262626262624], [0.09099090909090911, 0.371858595897852], [0.09312365287021662, 0.3636636363636363], [0.09582594659528723, 0.35356464646464647], [0.09860655600622274, 0.34346565656565653], [0.10108989898989898, 0.33470771091339657], [0.10151021204526803, 0.33336666666666664], [0.1047728375094649, 0.32326767676767676], [0.10813902295402053, 0.31316868686868693], [0.11118888888888889, 0.30430913040639596], [0.11165621440518217, 0.303069696969697], [0.11559307421406959, 0.29297070707070705], [0.11966804932022372, 0.28287171717171716], [0.12128787878787878, 0.27899813926457584], [0.12411763728643882, 0.2727727272727273], [0.12888133078610997, 0.26267373737373734], [0.13138686868686866, 0.2575624340586373], [0.1340274514272609, 0.25257474747474745], [0.1395922623189756, 0.2424757575757576], [0.14148585858585858, 0.23917951682498978], [0.14568336743855564, 0.23237676767676768], [0.1515848484848485, 0.22321939922754913], [0.152233531786069, 0.22227777777777777], [0.15951428455738098, 0.21217878787878786], [0.16168383838383837, 0.20930939894504802], [0.16750283986161008, 0.20207979797979797], [0.17178282828282826, 0.1970216572775338], [0.17630669037350616, 0.19198080808080809], [0.18188181818181817, 0.1860871131771865], [0.1860871131771865, 0.18188181818181817], [0.19198080808080809, 0.17630669037350616], [0.1970216572775338, 0.17178282828282826], [0.20207979797979797, 0.16750283986161008], [0.20930939894504802, 0.16168383838383837], [0.21217878787878786, 0.15951428455738098], [0.22227777777777777, 0.152233531786069], [0.22321939922754913, 0.1515848484848485], [0.23237676767676768, 0.14568336743855564], [0.23917951682498978, 0.14148585858585858], [0.2424757575757576, 0.1395922623189756], [0.25257474747474745, 0.1340274514272609], [0.2575624340586373, 0.13138686868686866], [0.26267373737373734, 0.12888133078610997], [0.2727727272727273, 0.12411763728643882], [0.27899813926457584, 0.12128787878787878], [0.28287171717171716, 0.11966804932022372], [0.29297070707070705, 0.11559307421406959], [0.303069696969697, 0.11165621440518217], [0.30430913040639596, 0.11118888888888889], [0.31316868686868693, 0.10813902295402053], [0.32326767676767676, 0.1047728375094649], [0.33336666666666664, 0.10151021204526803], [0.33470771091339657, 0.10108989898989898], [0.34346565656565653, 0.09860655600622274], [0.35356464646464647, 0.09582594659528723], [0.3636636363636363, 0.09312365287021662], [0.371858595897852, 0.09099090909090911], [0.37376262626262624, 0.09054759206264656], [0.3838616161616162, 0.08825892937037981], [0.39396060606060607, 0.08602970394620657], [0.40405959595959595, 0.08385690656777], [0.41415858585858584, 0.08173775091063988], [0.4182889715975482, 0.0808919191919192], [0.4242575757575757, 0.07981363458968162], [0.43435656565656566, 0.07803207976470733], [0.4444555555555555, 0.07629147455010904], [0.45455454545454543, 0.07458997868575058], [0.4646535353535354, 0.07292587324113353], [0.47475252525252526, 0.07129755017855854], [0.477949520512808, 0.0707929292929293], [0.48485151515151514, 0.06984903190677919], [0.49495050505050503, 0.06849639514428646], [0.5050494949494949, 0.06717108078871782], [0.5151484848484849, 0.0658720068684875], [0.5252474747474747, 0.06459815443552362], [0.5353464646464646, 0.06334856276362741], [0.5454454545454546, 0.062122324995582956], [0.5555444444444444, 0.06091858418961276], [0.5574637176966812, 0.0606939393939394], [0.5656434343434343, 0.05988423399519961], [0.5757424242424243, 0.05890223236748811], [0.5858414141414141, 0.057937306956572135], [0.595940404040404, 0.056988874015589344], [0.606039393939394, 0.05605637922823774], [0.6161383838383838, 0.0551392957630427], [0.6262373737373738, 0.054237122485810196], [0.6363363636363636, 0.0533493823150801], [0.6464353535353535, 0.05247562070706784], [0.64851833275913, 0.052298195735939225]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.7857594617882487, 0.04327990093349278], [0.7878212121212121, 0.0431604297729318], [0.7979202020202021, 0.042582682975188337], [0.8080191919191919, 0.04201220272050965], [0.8181181818181819, 0.04144880848881767], [0.8282171717171717, 0.04089232640447764], [0.8354986550906587, 0.0404959595959596], [0.8383161616161616, 0.04037691895243007], [0.8484151515151513, 0.03995534259804312], [0.8585141414141413, 0.039538754845486024], [0.8686131313131313, 0.039127039011794165], [0.8787121212121212, 0.038720082460531186], [0.8888111111111112, 0.0383177764168155], [0.8989101010101012, 0.03792001579279665], [0.9090090909090908, 0.03752669902288146], [0.9191080808080807, 0.03713772790806291], [0.9292070707070709, 0.03675300746875548], [0.9393060606060606, 0.0363724458055849], [0.9494050505050505, 0.03599595396762193], [0.9595040404040402, 0.035623445827587585], [0.9696030303030303, 0.035254837963591766], [0.9797020202020202, 0.03489004954699927], [0.9898010101010102, 0.03452900223604578], [0.9999, 0.034171620074853956]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#440154\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652730018616\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.04368730653985746, 0.9999], [0.04414775386355515, 0.9898010101010102], [0.04461292332669338, 0.9797020202020201], [0.045082912790005675, 0.9696030303030303], [0.04555782318817661, 0.9595040404040404], [0.0460377586599484, 0.9494050505050504], [0.04652282668518491, 0.9393060606060606], [0.04680039545759001, 0.9335889522446773]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.06013054025434026, 0.7231009736706996], [0.06058948290582026, 0.7171282828282827], [0.060693939393939404, 0.7157878941168733], [0.061501007502056546, 0.707029292929293], [0.0624449749497788, 0.696930303030303], [0.06340272143820118, 0.6868313131313131], [0.06437465519738296, 0.6767323232323232], [0.06536120287239264, 0.6666333333333333], [0.0663628106478246, 0.6565343434343435], [0.06737994545948447, 0.6464353535353535], [0.06841309630147908, 0.6363363636363636], [0.06946277563787008, 0.6262373737373738], [0.07052952092909227, 0.6161383838383838], [0.0707929292929293, 0.6136852126256764], [0.07174047192534928, 0.606039393939394], [0.07301306703952831, 0.595940404040404], [0.07430741328488273, 0.5858414141414141], [0.07562426714844844, 0.5757424242424243], [0.07696442528176173, 0.5656434343434343], [0.07832872739545961, 0.5555444444444444], [0.07971805941943448, 0.5454454545454546], [0.0808919191919192, 0.537069266740841], [0.08116559596031903, 0.5353464646464646], [0.08280043091048186, 0.5252474747474747], [0.08446700610107924, 0.5151484848484849], [0.08616657844571149, 0.5050494949494948], [0.08790048102938372, 0.49495050505050503], [0.08967012939047002, 0.48485151515151514], [0.0909909090909091, 0.47746950856942194], [0.09153427733858048, 0.47475252525252526], [0.09359739800558642, 0.4646535353535354], [0.09570585572738356, 0.45455454545454543], [0.09786168792264333, 0.4444555555555556], [0.10006707251362074, 0.43435656565656566], [0.101089898989899, 0.42978045358619077], [0.10245437548402692, 0.4242575757575757], [0.1050095344969283, 0.4141585858585858], [0.10762777476403346, 0.404059595959596], [0.11031228997146625, 0.3939606060606061], [0.11118888888888889, 0.3907463665125134], [0.11324543477435448, 0.3838616161616162], [0.11634253990419771, 0.37376262626262624], [0.1195244846831189, 0.36366363636363636], [0.12128787878787879, 0.35822021517454866], [0.12292723926458037, 0.35356464646464647], [0.12658644723463575, 0.34346565656565653], [0.13035486899221288, 0.33336666666666664], [0.13138686868686866, 0.33068355657371046], [0.13446746690571615, 0.32326767676767676], [0.1387958045501109, 0.3131686868686869], [0.14148585858585858, 0.307091408341571], [0.14339791834578278, 0.303069696969697], [0.1483620606889439, 0.29297070707070705], [0.1515848484848485, 0.2866365269052548], [0.15363247327154786, 0.28287171717171716], [0.15932487132228987, 0.2727727272727273], [0.16168383838383837, 0.2687398040385114], [0.16546097097239099, 0.26267373737373734], [0.17178282828282826, 0.2529039257958485], [0.17200874256669463, 0.25257474747474745], [0.17922251188840727, 0.24247575757575757], [0.18188181818181817, 0.2389047723237105], [0.18702099525626395, 0.23237676767676768], [0.19198080808080809, 0.22634466123837446], [0.1955054868655126, 0.22227777777777777], [0.20207979797979797, 0.2150292390410669], [0.2047976821269526, 0.21217878787878786], [0.21217878787878786, 0.2047976821269526], [0.2150292390410669, 0.20207979797979797], [0.22227777777777777, 0.1955054868655126], [0.22634466123837446, 0.19198080808080809], [0.23237676767676768, 0.18702099525626395], [0.2389047723237105, 0.18188181818181817], [0.24247575757575757, 0.17922251188840727], [0.25257474747474745, 0.17200874256669463], [0.2529039257958485, 0.17178282828282826], [0.26267373737373734, 0.16546097097239099], [0.2687398040385114, 0.16168383838383837], [0.2727727272727273, 0.15932487132228987], [0.28287171717171716, 0.15363247327154786], [0.2866365269052548, 0.1515848484848485], [0.29297070707070705, 0.1483620606889439], [0.303069696969697, 0.14339791834578278], [0.307091408341571, 0.14148585858585858], [0.3131686868686869, 0.1387958045501109], [0.32326767676767676, 0.13446746690571615], [0.33068355657371046, 0.13138686868686866], [0.33336666666666664, 0.13035486899221288], [0.34346565656565653, 0.12658644723463575], [0.35356464646464647, 0.12292723926458037], [0.35822021517454866, 0.12128787878787879], [0.36366363636363636, 0.1195244846831189], [0.37376262626262624, 0.11634253990419771], [0.3838616161616162, 0.11324543477435448], [0.3907463665125134, 0.11118888888888889], [0.3939606060606061, 0.11031228997146625], [0.404059595959596, 0.10762777476403346], [0.4141585858585858, 0.1050095344969283], [0.4242575757575757, 0.10245437548402692], [0.42978045358619077, 0.101089898989899], [0.43435656565656566, 0.10006707251362074], [0.4444555555555556, 0.09786168792264333], [0.45455454545454543, 0.09570585572738356], [0.4646535353535354, 0.09359739800558642], [0.47475252525252526, 0.09153427733858048], [0.47746950856942194, 0.0909909090909091], [0.48485151515151514, 0.08967012939047002], [0.49495050505050503, 0.08790048102938372], [0.5050494949494948, 0.08616657844571149], [0.5151484848484849, 0.08446700610107924], [0.5252474747474747, 0.08280043091048186], [0.5353464646464646, 0.08116559596031903], [0.537069266740841, 0.0808919191919192], [0.5454454545454546, 0.07971805941943448], [0.5555444444444444, 0.07832872739545961], [0.5656434343434343, 0.07696442528176173], [0.5757424242424243, 0.07562426714844844], [0.5858414141414141, 0.07430741328488273], [0.595940404040404, 0.07301306703952831], [0.606039393939394, 0.07174047192534928], [0.6136852126256764, 0.0707929292929293], [0.6161383838383838, 0.07052952092909227], [0.6262373737373738, 0.06946277563787008], [0.6363363636363636, 0.06841309630147908], [0.6464353535353535, 0.06737994545948447], [0.6565343434343435, 0.0663628106478246], [0.6666333333333333, 0.06536120287239264], [0.6767323232323232, 0.06437465519738296], [0.6868313131313131, 0.06340272143820118], [0.696930303030303, 0.0624449749497788], [0.707029292929293, 0.061501007502056546], [0.7157878941168733, 0.060693939393939404], [0.7171282828282827, 0.06058948290582026], [0.7272272727272728, 0.059813474683764564], [0.7373262626262627, 0.05904816890334868], [0.7474252525252525, 0.058293274367239675], [0.7575242424242424, 0.057548511603332055], [0.7676232323232324, 0.05681361224357841], [0.7777222222222222, 0.05608831844341776], [0.7878212121212121, 0.0553723823386586], [0.797920202020202, 0.05466556553695393], [0.8080191919191919, 0.053967638641257504], [0.8181181818181819, 0.05327838080287796], [0.8282171717171717, 0.052597579301951566], [0.8383161616161616, 0.05192502915333984], [0.8484151515151515, 0.05126053273612512], [0.8585141414141414, 0.050603899445028244], [0.8586534200747351, 0.0505949494949495], [0.8686131313131313, 0.050071814875992014], [0.8787121212121212, 0.04954749644256662], [0.8888111111111111, 0.04902916967293002], [0.898910101010101, 0.04851669917302867], [0.9090090909090909, 0.0480099540868472], [0.9191080808080808, 0.04750880789584363], [0.9292070707070708, 0.04701313822934389], [0.9393060606060606, 0.04652282668518491], [0.9494050505050504, 0.0460377586599484], [0.9595040404040404, 0.04555782318817661], [0.9696030303030303, 0.045082912790005675], [0.9797020202020201, 0.04461292332669338], [0.9898010101010102, 0.04414775386355515], [0.9999, 0.04368730653985746]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#481C6E\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652730304832\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.056016964624091246, 0.9999], [0.05658027697123121, 0.9898010101010101], [0.0571493663949549, 0.9797020202020202], [0.05772435261831566, 0.9696030303030303], [0.05830535912504582, 0.9595040404040405], [0.05889251331872943, 0.9494050505050505], [0.059485946690486693, 0.9393060606060606], [0.060085794995721614, 0.9292070707070706], [0.06069219844052776, 0.9191080808080808], [0.0606939393939394, 0.919079403965263], [0.06141682497255061, 0.9090090909090909], [0.06214986829030833, 0.898910101010101], [0.06289119383197549, 0.8888111111111111], [0.06364099089021667, 0.8787121212121212], [0.06439945532229613, 0.8686131313131313], [0.06516678985717482, 0.8585141414141414], [0.06594320442077843, 0.8484151515151515], [0.06672891648074131, 0.8383161616161616], [0.06752415141204314, 0.8282171717171718], [0.06832914288507594, 0.8181181818181819], [0.06914413327781385, 0.8080191919191919], [0.06996937411390393, 0.797920202020202], [0.0707929292929293, 0.7879685999818534], [0.07080700708286557, 0.7878212121212121], [0.07178406003944938, 0.7777222222222222], [0.0727738836384104, 0.7676232323232324], [0.07377681614518822, 0.7575242424242424], [0.07479320944564097, 0.7474252525252525], [0.07582342978724863, 0.7373262626262627], [0.07686785857143118, 0.7272272727272727], [0.0779268932012714, 0.7171282828282828], [0.07900094798935689, 0.707029292929293], [0.08009045513093237, 0.696930303030303], [0.0808919191919192, 0.6896081574576591], [0.08123645150140418, 0.6868313131313131], [0.08250802790071096, 0.6767323232323232], [0.08379872361786493, 0.6666333333333333], [0.08510912239408774, 0.6565343434343435], [0.08643983511931386, 0.6464353535353535], [0.08779150154225017, 0.6363363636363636], [0.08916479211723591, 0.6262373737373739], [0.09056041000124859, 0.6161383838383838], [0.0909909090909091, 0.6130738477157567], [0.09209546880646113, 0.606039393939394], [0.09370787444090667, 0.595940404040404], [0.0953478392307128, 0.5858414141414141], [0.09701632166137537, 0.5757424242424243], [0.09871433110768416, 0.5656434343434343], [0.1004429315012442, 0.5555444444444444], [0.10108989898989901, 0.5518327664415725], [0.10232052361230379, 0.5454454545454546], [0.10430263072376122, 0.5353464646464646], [0.10632248739742527, 0.5252474747474747], [0.10838155948941577, 0.5151484848484849], [0.11048139993039628, 0.5050494949494949], [0.11118888888888889, 0.5017142612480641], [0.11276036888874631, 0.49495050505050503], [0.1151551241472028, 0.48485151515151514], [0.11760028848201648, 0.4747525252525253], [0.12009802980925469, 0.4646535353535354], [0.12128787878787879, 0.45994612505889926], [0.12276920287901835, 0.45455454545454543], [0.12560622066367097, 0.44445555555555555], [0.1285084480820939, 0.43435656565656566], [0.13138686868686866, 0.424570641614081], [0.13148632203800445, 0.4242575757575757], [0.13477181867065224, 0.41415858585858584], [0.13813842698645684, 0.40405959595959595], [0.14148585858585858, 0.3942660337408288], [0.14159798762948184, 0.39396060606060607], [0.1454018292062642, 0.3838616161616162], [0.14930709163942696, 0.3737626262626263], [0.1515848484848485, 0.3680294092128776], [0.1534389613164447, 0.36366363636363636], [0.15784872895596708, 0.35356464646464647], [0.16168383838383837, 0.34502907591232257], [0.16243161833245745, 0.34346565656565653], [0.16740610969275566, 0.33336666666666664], [0.17178282828282826, 0.32474644627498317], [0.17257914293093432, 0.32326767676767676], [0.17819004865993887, 0.3131686868686869], [0.18188181818181817, 0.3067348376766903], [0.18410506243061547, 0.303069696969697], [0.1904386559704537, 0.29297070707070705], [0.19198080808080809, 0.2905950707786845], [0.19726543954540315, 0.28287171717171716], [0.20207979797979797, 0.27608250070799795], [0.2045471696787034, 0.2727727272727273], [0.21217878787878786, 0.2629077582927898], [0.21236865871175667, 0.26267373737373734], [0.22088366480115626, 0.25257474747474745], [0.2222777777777778, 0.25098613087260513], [0.23009350609114987, 0.24247575757575757], [0.23237676767676768, 0.24009102966872933], [0.24009102966872933, 0.23237676767676768], [0.24247575757575757, 0.23009350609114987], [0.25098613087260513, 0.2222777777777778], [0.25257474747474745, 0.22088366480115626], [0.26267373737373734, 0.21236865871175667], [0.2629077582927898, 0.21217878787878786], [0.2727727272727273, 0.2045471696787034], [0.27608250070799795, 0.20207979797979797], [0.28287171717171716, 0.19726543954540315], [0.2905950707786845, 0.19198080808080809], [0.29297070707070705, 0.1904386559704537], [0.303069696969697, 0.18410506243061547], [0.3067348376766903, 0.18188181818181817], [0.3131686868686869, 0.17819004865993887], [0.32326767676767676, 0.17257914293093432], [0.32474644627498317, 0.17178282828282826], [0.33336666666666664, 0.16740610969275566], [0.34346565656565653, 0.16243161833245745], [0.34502907591232257, 0.16168383838383837], [0.35356464646464647, 0.15784872895596708], [0.36366363636363636, 0.1534389613164447], [0.3680294092128776, 0.1515848484848485], [0.3737626262626263, 0.14930709163942696], [0.3838616161616162, 0.1454018292062642], [0.3872956382982957, 0.14410838537576795]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.5224542447781646, 0.10689199602490623], [0.5252474747474747, 0.10632248739742527], [0.5353464646464646, 0.10430263072376122], [0.5454454545454546, 0.10232052361230379], [0.5518327664415725, 0.10108989898989901], [0.5555444444444444, 0.1004429315012442], [0.5656434343434343, 0.09871433110768416], [0.5757424242424243, 0.09701632166137537], [0.5858414141414141, 0.0953478392307128], [0.595940404040404, 0.09370787444090667], [0.606039393939394, 0.09209546880646113], [0.6130738477157567, 0.0909909090909091], [0.6161383838383838, 0.09056041000124859], [0.6262373737373739, 0.08916479211723591], [0.6363363636363636, 0.08779150154225017], [0.6464353535353535, 0.08643983511931386], [0.6565343434343435, 0.08510912239408774], [0.6666333333333333, 0.08379872361786493], [0.6767323232323232, 0.08250802790071096], [0.6868313131313131, 0.08123645150140418], [0.6896081574576591, 0.0808919191919192], [0.696930303030303, 0.08009045513093237], [0.707029292929293, 0.07900094798935689], [0.7171282828282828, 0.0779268932012714], [0.7272272727272727, 0.07686785857143118], [0.7373262626262627, 0.07582342978724863], [0.7474252525252525, 0.07479320944564097], [0.7575242424242424, 0.07377681614518822], [0.7676232323232324, 0.0727738836384104], [0.7777222222222222, 0.07178406003944938], [0.7878212121212121, 0.07080700708286557], [0.7879685999818534, 0.0707929292929293], [0.797920202020202, 0.06996937411390393], [0.8080191919191919, 0.06914413327781385], [0.8181181818181819, 0.06832914288507594], [0.8282171717171718, 0.06752415141204314], [0.8383161616161616, 0.06672891648074131], [0.8484151515151515, 0.06594320442077843], [0.8585141414141414, 0.06516678985717482], [0.8686131313131313, 0.06439945532229613], [0.8787121212121212, 0.06364099089021667], [0.8888111111111111, 0.06289119383197549], [0.898910101010101, 0.06214986829030833], [0.9090090909090909, 0.06141682497255061], [0.919079403965263, 0.0606939393939394], [0.9191080808080808, 0.06069219844052776], [0.9292070707070706, 0.060085794995721614], [0.9393060606060606, 0.059485946690486693], [0.9494050505050505, 0.05889251331872943], [0.9595040404040405, 0.05830535912504582], [0.9696030303030303, 0.05772435261831566], [0.9797020202020202, 0.0571493663949549], [0.9898010101010101, 0.05658027697123121], [0.9999, 0.056016964624091246]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#453580\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652730181392\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.07168668199178133, 0.9999], [0.07245544611834875, 0.9898010101010101], [0.0732320943420011, 0.9797020202020202], [0.07401679005129011, 0.9696030303030303], [0.07480970176704452, 0.9595040404040402], [0.07561100335959672, 0.9494050505050505], [0.07642087427762503, 0.9393060606060606], [0.07723949978936497, 0.9292070707070708], [0.078067071237001, 0.9191080808080808], [0.07890378630511247, 0.9090090909090909], [0.07974984930411559, 0.898910101010101], [0.0806054714697184, 0.8888111111111111], [0.0808919191919192, 0.8854683409597404], [0.08154817831302735, 0.8787121212121212], [0.08254047378834634, 0.8686131313131313], [0.08354437397774422, 0.8585141414141414], [0.08456015352632948, 0.8484151515151515], [0.08558809694599276, 0.8383161616161616], [0.08662849909376777, 0.8282171717171717], [0.08768166567953739, 0.818118181818182], [0.08874791380527355, 0.8080191919191919], [0.0898275725381894, 0.797920202020202], [0.09092098352039636, 0.7878212121212121], [0.0909909090909091, 0.7871835903686777], [0.09215069589321229, 0.7777222222222222], [0.0934048238796312, 0.7676232323232324], [0.09467556113681483, 0.7575242424242424], [0.09596335351178398, 0.7474252525252525], [0.09726866504804604, 0.7373262626262627], [0.0985919789894794, 0.7272272727272727], [0.09993379885441649, 0.7171282828282828], [0.101089898989899, 0.7085487646486991], [0.10131621771463473, 0.707029292929293], [0.10284205930904138, 0.696930303030303], [0.10439017352893101, 0.6868313131313131], [0.10596122024282567, 0.6767323232323232], [0.10755588908551428, 0.6666333333333332], [0.10917490127573644, 0.6565343434343435], [0.11081901157476685, 0.6464353535353534], [0.11118888888888889, 0.6441985931230085], [0.11261289371479886, 0.6363363636363635], [0.11447128258919485, 0.6262373737373738], [0.11635988562470624, 0.6161383838383838], [0.1165781123987038, 0.6149904248239396]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.1701934369199381, 0.42097945769615785], [0.17178282828282826, 0.4169823128749085], [0.17297367986446677, 0.41415858585858584], [0.17733787772479884, 0.40405959595959595], [0.18181254556621151, 0.39396060606060607], [0.18188181818181817, 0.39380822044907104], [0.18666178945473916, 0.3838616161616162], [0.19164439132394784, 0.37376262626262624], [0.19198080808080809, 0.3730989402266477], [0.19702198984610564, 0.36366363636363636], [0.20207979797979797, 0.3544565304199639], [0.2025948666203979, 0.35356464646464647], [0.2085961223178509, 0.34346565656565653], [0.21217878787878786, 0.3376114281129997], [0.21490319843882072, 0.33336666666666664], [0.22158443295010607, 0.32326767676767676], [0.2222777777777778, 0.32225189670168874], [0.2287660776323285, 0.3131686868686869], [0.23237676767676768, 0.30827439376703425], [0.23638708587378637, 0.303069696969697], [0.24247575757575757, 0.29542670446608926], [0.24451553611430168, 0.29297070707070705], [0.25257474747474745, 0.28359589826174414], [0.2532227089033099, 0.28287171717171716], [0.2625873230959332, 0.2727727272727273], [0.2626737373737374, 0.2726829246636269], [0.2726829246636269, 0.2626737373737374], [0.2727727272727273, 0.2625873230959332], [0.28287171717171716, 0.2532227089033099], [0.28359589826174414, 0.25257474747474745], [0.29297070707070705, 0.24451553611430168], [0.29542670446608926, 0.24247575757575757], [0.303069696969697, 0.23638708587378637], [0.30827439376703425, 0.23237676767676768], [0.3131686868686869, 0.2287660776323285], [0.32225189670168874, 0.2222777777777778], [0.32326767676767676, 0.22158443295010607], [0.33336666666666664, 0.21490319843882072], [0.3376114281129997, 0.21217878787878786], [0.34346565656565653, 0.2085961223178509], [0.35356464646464647, 0.2025948666203979], [0.3544565304199639, 0.20207979797979797], [0.36366363636363636, 0.19702198984610564], [0.3730989402266477, 0.19198080808080809], [0.37376262626262624, 0.19164439132394784], [0.3838616161616162, 0.18666178945473916], [0.39380822044907104, 0.18188181818181817], [0.39396060606060607, 0.18181254556621151], [0.40405959595959595, 0.17733787772479884], [0.41415858585858584, 0.17297367986446677], [0.4169823128749085, 0.17178282828282826], [0.4242575757575757, 0.16888995336696455], [0.43435656565656566, 0.1649687485225542], [0.4430158263053556, 0.16168383838383837], [0.44445555555555555, 0.16117077575810676], [0.45455454545454543, 0.15765275735666584], [0.4646535353535354, 0.154212047509094], [0.47253420511881644, 0.1515848484848485], [0.47475252525252526, 0.15089303659944453], [0.48485151515151514, 0.1478098321167667], [0.49495050505050503, 0.1447901904335209], [0.5050494949494949, 0.14183154360205077], [0.5062532840422518, 0.14148585858585858], [0.5151484848484849, 0.13910766497300892], [0.5252474747474747, 0.13646005111005327], [0.5353464646464646, 0.13386286155502083], [0.545157551344515, 0.13138686868686866], [0.5454454545454545, 0.13131959465330628], [0.5555444444444444, 0.12900306850512772], [0.5656434343434344, 0.12672827639938292], [0.5757424242424243, 0.12449374116594575], [0.5858414141414141, 0.12229806269914384], [0.5905685355492161, 0.12128787878787879], [0.595940404040404, 0.12023177940645384], [0.606039393939394, 0.11827970154022271], [0.6161383838383838, 0.11635988562470624], [0.6262373737373738, 0.11447128258919485], [0.6363363636363635, 0.11261289371479886], [0.6441985931230085, 0.11118888888888889], [0.6464353535353534, 0.11081901157476685], [0.6565343434343435, 0.10917490127573644], [0.6666333333333332, 0.10755588908551428], [0.6767323232323232, 0.10596122024282567], [0.6868313131313131, 0.10439017352893101], [0.696930303030303, 0.10284205930904138], [0.707029292929293, 0.10131621771463473], [0.7085487646486991, 0.101089898989899], [0.7171282828282828, 0.09993379885441649], [0.7272272727272727, 0.0985919789894794], [0.7373262626262627, 0.09726866504804604], [0.7474252525252525, 0.09596335351178398], [0.7575242424242424, 0.09467556113681483], [0.7676232323232324, 0.0934048238796312], [0.7777222222222222, 0.09215069589321229], [0.7871835903686777, 0.0909909090909091], [0.7878212121212121, 0.09092098352039636], [0.797920202020202, 0.0898275725381894], [0.8080191919191919, 0.08874791380527355], [0.818118181818182, 0.08768166567953739], [0.8282171717171717, 0.08662849909376777], [0.8383161616161616, 0.08558809694599276], [0.8484151515151515, 0.08456015352632948], [0.8585141414141414, 0.08354437397774422], [0.8686131313131313, 0.08254047378834634], [0.8787121212121212, 0.08154817831302735], [0.8854683409597404, 0.0808919191919192], [0.8888111111111111, 0.0806054714697184], [0.898910101010101, 0.07974984930411559], [0.9090090909090909, 0.07890378630511247], [0.9191080808080808, 0.078067071237001], [0.9292070707070708, 0.07723949978936497], [0.9393060606060606, 0.07642087427762503], [0.9494050505050505, 0.07561100335959672], [0.9595040404040402, 0.07480970176704452], [0.9696030303030303, 0.07401679005129011], [0.9797020202020202, 0.0732320943420011], [0.9898010101010101, 0.07245544611834875], [0.9999, 0.07168668199178133]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#3D4C89\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764087856\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.09202731579298881, 0.9999], [0.09300135662925008, 0.9898010101010101], [0.09398538678766151, 0.9797020202020201], [0.09497961328506485, 0.9696030303030303], [0.09598424964100832, 0.9595040404040404], [0.09699951615297736, 0.9494050505050504], [0.09802564018634274, 0.9393060606060606], [0.09906285647998053, 0.9292070707070708], [0.10011140746859205, 0.9191080808080808], [0.10108989898989901, 0.9097868479169862], [0.10118014394921784, 0.9090090909090909], [0.10236504496189099, 0.898910101010101], [0.10356333347194627, 0.8888111111111111], [0.1047753154545758, 0.8787121212121212], [0.10600130749607825, 0.8686131313131313], [0.10724163729025468, 0.8585141414141414], [0.10849664416417609, 0.8484151515151515], [0.10976667963543214, 0.8383161616161616], [0.11105210800315109, 0.8282171717171717], [0.11118888888888889, 0.8271555748261256], [0.11246425966094817, 0.8181181818181817], [0.11390714705150222, 0.8080191919191919], [0.11536818218415512, 0.797920202020202], [0.11684782738196545, 0.7878212121212123], [0.11834656286305628, 0.7777222222222222], [0.11986488767624838, 0.7676232323232324], [0.12128787878787879, 0.7582820568197064], [0.12141336262238712, 0.7575242424242424], [0.12310806310916933, 0.7474252525252525], [0.12482581834588503, 0.7373262626262627], [0.12656726426861503, 0.7272272727272728], [0.1283330634940821, 0.7171282828282829], [0.13012390683335684, 0.707029292929293], [0.13138686868686866, 0.7000081643027558], [0.1319848170025784, 0.696930303030303], [0.13397542660093212, 0.6868313131313131], [0.13599552345681126, 0.6767323232323232], [0.13804599432237688, 0.6666333333333333], [0.14012776656133852, 0.6565343434343434], [0.14148585858585858, 0.6500466085765532], [0.1422978154671168, 0.6464353535353535], [0.14460423315002685, 0.6363363636363636], [0.14694754923169748, 0.6262373737373738], [0.1493289635449123, 0.6161383838383838], [0.1515848484848485, 0.6067272701708514], [0.15176110788039637, 0.606039393939394], [0.15439232969118444, 0.595940404040404], [0.15706852421176867, 0.5858414141414141], [0.15979125555721307, 0.5757424242424243], [0.16168383838383837, 0.56884464045063], [0.162618839402725, 0.5656434343434343], [0.16562167040319598, 0.5555444444444444], [0.16867959227376395, 0.5454454545454546], [0.17178282828282826, 0.5353848366751599], [0.17179538161083577, 0.5353464646464646], [0.17516216741889623, 0.5252474747474747], [0.17859431920841473, 0.5151484848484849], [0.18188181818181814, 0.5056629388618475], [0.1821065740166935, 0.5050494949494949], [0.18588141872562447, 0.49495050505050503], [0.18973408485313387, 0.48485151515151514], [0.19198080808080809, 0.4790835952403601], [0.19375903459476534, 0.47475252525252526], [0.197994578857628, 0.4646535353535354], [0.20207979797979797, 0.45512241833226397], [0.20233568026995796, 0.45455454545454543], [0.2069885093201922, 0.44445555555555555], [0.2117482849253628, 0.43435656565656566], [0.21217878787878786, 0.43346414691396096], [0.21683666503514126, 0.4242575757575757], [0.2220691432236916, 0.41415858585858584], [0.22227777777777777, 0.4137656106223513], [0.22767044931366814, 0.40405959595959595], [0.23237676767676768, 0.39579803891577536], [0.233470003962379, 0.39396060606060607], [0.23963475094791575, 0.3838616161616162], [0.24247575757575757, 0.37932839272781826], [0.2461122785230893, 0.37376262626262624], [0.2496413660281956, 0.3685053037197254]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.36382177829153534, 0.25279387228161976], [0.36413541139385636, 0.25257474747474745], [0.37376262626262624, 0.2461122785230893], [0.37932839272781826, 0.24247575757575757], [0.3838616161616162, 0.23963475094791575], [0.39396060606060607, 0.233470003962379], [0.39579803891577536, 0.23237676767676768], [0.40405959595959595, 0.22767044931366814], [0.4137656106223513, 0.22227777777777777], [0.41415858585858584, 0.2220691432236916], [0.4242575757575757, 0.21683666503514126], [0.43346414691396096, 0.21217878787878786], [0.43435656565656566, 0.2117482849253628], [0.44445555555555555, 0.2069885093201922], [0.45455454545454543, 0.20233568026995796], [0.45512241833226397, 0.20207979797979797], [0.4646535353535354, 0.197994578857628], [0.47475252525252526, 0.19375903459476534], [0.4790835952403601, 0.19198080808080809], [0.48485151515151514, 0.18973408485313387], [0.49495050505050503, 0.18588141872562447], [0.5050494949494949, 0.1821065740166935], [0.5056629388618475, 0.18188181818181814], [0.5151484848484849, 0.17859431920841473], [0.5252474747474747, 0.17516216741889623], [0.5353464646464646, 0.17179538161083577], [0.5353848366751599, 0.17178282828282826], [0.5454454545454546, 0.16867959227376395], [0.5555444444444444, 0.16562167040319598], [0.5656434343434343, 0.162618839402725], [0.56884464045063, 0.16168383838383837], [0.5757424242424243, 0.15979125555721307], [0.5858414141414141, 0.15706852421176867], [0.595940404040404, 0.15439232969118444], [0.606039393939394, 0.15176110788039637], [0.6067272701708514, 0.1515848484848485], [0.6161383838383838, 0.1493289635449123], [0.6262373737373738, 0.14694754923169748], [0.6363363636363636, 0.14460423315002685], [0.6464353535353535, 0.1422978154671168], [0.6500466085765532, 0.14148585858585858], [0.6565343434343434, 0.14012776656133852], [0.6666333333333333, 0.13804599432237688], [0.6767323232323232, 0.13599552345681126], [0.6868313131313131, 0.13397542660093212], [0.696930303030303, 0.1319848170025784], [0.7000081643027558, 0.13138686868686866], [0.707029292929293, 0.13012390683335684], [0.7171282828282829, 0.1283330634940821], [0.7272272727272728, 0.12656726426861503], [0.7373262626262627, 0.12482581834588503], [0.7474252525252525, 0.12310806310916933], [0.7575242424242424, 0.12141336262238712], [0.7582820568197064, 0.12128787878787879], [0.7676232323232324, 0.11986488767624838], [0.7777222222222222, 0.11834656286305628], [0.7878212121212123, 0.11684782738196545], [0.797920202020202, 0.11536818218415512], [0.8080191919191919, 0.11390714705150222], [0.8181181818181817, 0.11246425966094817], [0.8271555748261256, 0.11118888888888889], [0.8282171717171717, 0.11105210800315109], [0.8383161616161616, 0.10976667963543214], [0.8484151515151515, 0.10849664416417609], [0.8585141414141414, 0.10724163729025468], [0.8686131313131313, 0.10600130749607825], [0.8787121212121212, 0.1047753154545758], [0.8888111111111111, 0.10356333347194627], [0.898910101010101, 0.10236504496189099], [0.9090090909090909, 0.10118014394921784], [0.9097868479169862, 0.10108989898989901], [0.9191080808080808, 0.10011140746859205], [0.9292070707070708, 0.09906285647998053], [0.9393060606060606, 0.09802564018634274], [0.9494050505050504, 0.09699951615297736], [0.9595040404040404, 0.09598424964100832], [0.9696030303030303, 0.09497961328506485], [0.9797020202020201, 0.09398538678766151], [0.9898010101010101, 0.09300135662925008], [0.9999, 0.09202731579298881]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#33608D\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652729520592\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.11819719129201087, 0.9999], [0.11937642529904453, 0.9898010101010101], [0.12056775299655621, 0.9797020202020202], [0.12128787878787878, 0.9736600561123644], [0.12181348715617217, 0.9696030303030303], [0.12313556185901185, 0.9595040404040404], [0.12447162556422586, 0.9494050505050506], [0.12582197747859009, 0.9393060606060606], [0.12718692651221714, 0.9292070707070708], [0.12856679170272076, 0.9191080808080807], [0.12996190266281354, 0.9090090909090909], [0.13137260005290882, 0.898910101010101], [0.13138686868686866, 0.8988090950159624], [0.13291225197686948, 0.8888111111111111], [0.13447065311850243, 0.8787121212121212], [0.13604706879504985, 0.8686131313131313], [0.1376419203645857, 0.8585141414141414], [0.13925564414357536, 0.8484151515151515], [0.1408886921234022, 0.8383161616161616], [0.14148585858585858, 0.8346674261923535], [0.1426197424747163, 0.8282171717171717], [0.14441681458899752, 0.8181181818181819], [0.14623620840528045, 0.8080191919191919], [0.14807848542781377, 0.7979202020202019], [0.14994422861803955, 0.787821212121212], [0.1515848484848485, 0.7790538965477904], [0.15185123080734575, 0.7777222222222222], [0.15389779331053366, 0.7676232323232324], [0.15597145983430039, 0.7575242424242424], [0.15807295793899445, 0.7474252525252525], [0.16020304487910056, 0.7373262626262627], [0.16168383838383837, 0.730401157073402], [0.1624062959283123, 0.7272272727272727], [0.16473723273851548, 0.7171282828282828], [0.16710122893956636, 0.707029292929293], [0.16949923579384713, 0.6969303030303029], [0.17178282828282826, 0.6874515201959864], [0.1719413018030387, 0.6868313131313131], [0.17455999146013482, 0.6767323232323232], [0.1772180555188984, 0.6666333333333333], [0.17991669613839792, 0.6565343434343436], [0.18188181818181817, 0.6492926258999154], [0.1827014756670177, 0.6464353535353535], [0.185644161659246, 0.6363363636363636], [0.18863392516131694, 0.6262373737373738], [0.19167229700225233, 0.6161383838383838], [0.19198080808080809, 0.6151296214642593], [0.19491114912697005, 0.606039393939394], [0.198221384705335, 0.595940404040404], [0.20158819866238797, 0.5858414141414141], [0.20207979797979797, 0.5843920317654998], [0.20516399593405577, 0.5757424242424243], [0.2088287281412885, 0.5656434343434343], [0.21217878787878786, 0.556574970231677], [0.21257805205076524, 0.5555444444444444], [0.21656256193793616, 0.5454454545454546], [0.22062153915841637, 0.5353464646464646], [0.2222777777777778, 0.5313026541331969], [0.2248731586222692, 0.5252474747474747], [0.22928584455120102, 0.5151484848484849], [0.23237676767676768, 0.5082118572317889], [0.23384851958895944, 0.5050494949494949], [0.23864349034875684, 0.4949505050505051], [0.24247575757575757, 0.4870421624489945], [0.2435824801333426, 0.48485151515151514], [0.24879192152776425, 0.47475252525252526], [0.25257474747474745, 0.46757352888935855], [0.25417617158849504, 0.4646535353535354], [0.2598365136770231, 0.45455454545454543], [0.26267373737373734, 0.44960370671070776], [0.2657397189248709, 0.44445555555555555], [0.2718924164872242, 0.43435656565656566], [0.2727727272727273, 0.43294484268551203], [0.27839425433063564, 0.4242575757575757], [0.28287171717171716, 0.41750108046521994], [0.28516729068406116, 0.41415858585858584], [0.2922743508661591, 0.40405959595959595], [0.29297070707070705, 0.4030945166084162], [0.29979252603658957, 0.3939606060606061], [0.303069696969697, 0.38968378678029925], [0.3076822232009488, 0.3838616161616162], [0.3131686868686869, 0.37711616838695894], [0.3159857342930519, 0.37376262626262624], [0.32326767676767676, 0.3653250024128525], [0.32474700052107497, 0.36366363636363636], [0.33336666666666664, 0.35424843091470254], [0.3340119335481055, 0.35356464646464647], [0.34346565656565653, 0.3438287648746998], [0.3438287648746998, 0.34346565656565653], [0.35356464646464647, 0.3340119335481055], [0.35424843091470254, 0.33336666666666664], [0.36366363636363636, 0.32474700052107497], [0.3653250024128525, 0.32326767676767676], [0.37376262626262624, 0.3159857342930519], [0.37711616838695894, 0.3131686868686869], [0.3838616161616162, 0.3076822232009488], [0.38968378678029925, 0.303069696969697], [0.3939606060606061, 0.29979252603658957], [0.4030945166084162, 0.29297070707070705], [0.40405959595959595, 0.2922743508661591], [0.41415858585858584, 0.28516729068406116], [0.41750108046521994, 0.28287171717171716], [0.4242575757575757, 0.27839425433063564], [0.43294484268551203, 0.2727727272727273], [0.43435656565656566, 0.2718924164872242], [0.44445555555555555, 0.2657397189248709], [0.44960370671070776, 0.26267373737373734], [0.45455454545454543, 0.2598365136770231], [0.4646535353535354, 0.25417617158849504], [0.46757352888935855, 0.25257474747474745], [0.47475252525252526, 0.24879192152776425], [0.48485151515151514, 0.2435824801333426], [0.4870421624489945, 0.24247575757575757], [0.4949505050505051, 0.23864349034875684], [0.5050494949494949, 0.23384851958895944], [0.5082118572317889, 0.23237676767676768], [0.5151484848484849, 0.22928584455120102], [0.5192592103192801, 0.22748969061658875]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.6531839613738015, 0.1808258602434255], [0.6565343434343436, 0.17991669613839792], [0.6666333333333333, 0.1772180555188984], [0.6767323232323232, 0.17455999146013482], [0.6868313131313131, 0.1719413018030387], [0.6874515201959864, 0.17178282828282826], [0.6969303030303029, 0.16949923579384713], [0.707029292929293, 0.16710122893956636], [0.7171282828282828, 0.16473723273851548], [0.7272272727272727, 0.1624062959283123], [0.730401157073402, 0.16168383838383837], [0.7373262626262627, 0.16020304487910056], [0.7474252525252525, 0.15807295793899445], [0.7575242424242424, 0.15597145983430039], [0.7676232323232324, 0.15389779331053366], [0.7777222222222222, 0.15185123080734575], [0.7790538965477904, 0.1515848484848485], [0.787821212121212, 0.14994422861803955], [0.7979202020202019, 0.14807848542781377], [0.8080191919191919, 0.14623620840528045], [0.8181181818181819, 0.14441681458899752], [0.8282171717171717, 0.1426197424747163], [0.8346674261923535, 0.14148585858585858], [0.8383161616161616, 0.1408886921234022], [0.8484151515151515, 0.13925564414357536], [0.8585141414141414, 0.1376419203645857], [0.8686131313131313, 0.13604706879504985], [0.8787121212121212, 0.13447065311850243], [0.8888111111111111, 0.13291225197686948], [0.8988090950159624, 0.13138686868686866], [0.898910101010101, 0.13137260005290882], [0.9090090909090909, 0.12996190266281354], [0.9191080808080807, 0.12856679170272076], [0.9292070707070708, 0.12718692651221714], [0.9393060606060606, 0.12582197747859009], [0.9494050505050506, 0.12447162556422586], [0.9595040404040404, 0.12313556185901185], [0.9696030303030303, 0.12181348715617217], [0.9736600561123644, 0.12128787878787878], [0.9797020202020202, 0.12056775299655621], [0.9898010101010101, 0.11937642529904453], [0.9999, 0.11819719129201088]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#2B748E\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652729522048\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.15164989163822482, 0.9999], [0.15323939085493407, 0.9898010101010101], [0.15484519125650348, 0.9797020202020204], [0.15646763066563557, 0.9696030303030303], [0.15810705751654586, 0.9595040404040402], [0.15976383130410107, 0.9494050505050506], [0.16143832305697392, 0.9393060606060606], [0.16168383838383837, 0.9378411738144888], [0.16322427880692814, 0.9292070707070708], [0.16504576480560515, 0.9191080808080808], [0.16688737592667585, 0.9090090909090909], [0.1687495618576731, 0.898910101010101], [0.17063278752870736, 0.8888111111111112], [0.17178282828282826, 0.8827135798661014], [0.1725832732786671, 0.8787121212121212], [0.17462681065433538, 0.8686131313131313], [0.17669424682582008, 0.8585141414141414], [0.17878614739838503, 0.8484151515151515], [0.180903098296986, 0.8383161616161616], [0.18188181818181814, 0.8337030545361168], [0.18311221224036356, 0.8282171717171717], [0.1854050401946859, 0.8181181818181819], [0.18772634770858235, 0.8080191919191919], [0.19007685118771495, 0.797920202020202], [0.19198080808080809, 0.7898426972863477], [0.1924830488629392, 0.7878212121212121], [0.19502452919929653, 0.7777222222222222], [0.19759922814091538, 0.7676232323232324], [0.20020802557353518, 0.7575242424242424], [0.20207979797979797, 0.7503743331002855], [0.20289142536656785, 0.7474252525252525], [0.20570861654168815, 0.7373262626262627], [0.20856466144296548, 0.7272272727272727], [0.2114606467898252, 0.7171282828282828], [0.21217878787878786, 0.7146589758731308], [0.21450593505966664, 0.707029292929293], [0.2176305675469613, 0.696930303030303], [0.22080081012210306, 0.6868313131313131], [0.22227777777777777, 0.6821950259460259], [0.22409894654106632, 0.6767323232323232], [0.22751639500768878, 0.6666333333333333], [0.23098601238454133, 0.6565343434343435], [0.23150998809425155, 0.6550324930256392]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.31256211582722915, 0.4851456055363484], [0.3127470715344849, 0.48485151515151514], [0.31316868686868693, 0.48419494283180675], [0.3194308690776805, 0.4747525252525253], [0.32326767676767676, 0.46908898322831194], [0.32636788025597874, 0.4646535353535354], [0.33336666666666664, 0.454855708698277], [0.333588411988117, 0.45455454545454543], [0.34119133326221596, 0.44445555555555555], [0.34346565656565653, 0.44150244121101956], [0.3491332644558036, 0.43435656565656566], [0.35356464646464647, 0.4288977813898463], [0.3574406835298369, 0.4242575757575757], [0.36366363636363636, 0.4169830205793619], [0.36614782375417143, 0.4141585858585858], [0.37376262626262624, 0.4057094115950188], [0.3752902502977632, 0.40405959595959595], [0.3838616161616162, 0.39503115848583376], [0.3849050698553476, 0.39396060606060607], [0.39396060606060607, 0.3849050698553476], [0.39503115848583376, 0.3838616161616162], [0.40405959595959595, 0.3752902502977632], [0.4057094115950188, 0.37376262626262624], [0.4141585858585858, 0.36614782375417143], [0.4169830205793619, 0.36366363636363636], [0.4242575757575757, 0.3574406835298369], [0.4288977813898463, 0.35356464646464647], [0.43435656565656566, 0.3491332644558036], [0.44150244121101956, 0.34346565656565653], [0.44445555555555555, 0.34119133326221596], [0.45455454545454543, 0.333588411988117], [0.454855708698277, 0.33336666666666664], [0.4646535353535354, 0.32636788025597874], [0.46908898322831194, 0.32326767676767676], [0.4747525252525253, 0.3194308690776805], [0.48419494283180675, 0.31316868686868693], [0.48485151515151514, 0.3127470715344849], [0.4949505050505051, 0.3063957390337811], [0.500348135044338, 0.303069696969697], [0.5050494949494949, 0.30026766942385996], [0.5151484848484849, 0.29436780813734864], [0.5175872989883886, 0.29297070707070705], [0.5252474747474747, 0.28873122459697476], [0.5353464646464646, 0.2832484417067648], [0.5360535864497421, 0.28287171717171716], [0.5454454545454546, 0.2780436680106327], [0.5555444444444444, 0.2729473569050595], [0.5558968440713978, 0.2727727272727273], [0.5656434343434343, 0.26811846758740365], [0.5757424242424243, 0.26338127180581594], [0.5772774746725519, 0.26267373737373734], [0.5858414141414141, 0.25887538658230214], [0.595940404040404, 0.2544727553948332], [0.6003685697966663, 0.25257474747474745], [0.606039393939394, 0.2502394162662313], [0.6161383838383838, 0.24614923371384964], [0.62535839344318, 0.24247575757575757], [0.6262373737373738, 0.24213984288587548], [0.6363363636363636, 0.23834211617748344], [0.6464353535353535, 0.2346041893550589], [0.652548077725208, 0.23237676767676768], [0.6565343434343435, 0.23098601238454133], [0.6666333333333333, 0.22751639500768878], [0.6767323232323232, 0.22409894654106632], [0.6821950259460259, 0.22227777777777777], [0.6868313131313131, 0.22080081012210306], [0.696930303030303, 0.2176305675469613], [0.707029292929293, 0.21450593505966664], [0.7146589758731308, 0.21217878787878786], [0.7171282828282828, 0.2114606467898252], [0.7272272727272727, 0.20856466144296548], [0.7373262626262627, 0.20570861654168815], [0.7474252525252525, 0.20289142536656785], [0.7503743331002855, 0.20207979797979797], [0.7575242424242424, 0.20020802557353518], [0.7676232323232324, 0.19759922814091538], [0.7777222222222222, 0.19502452919929653], [0.7878212121212121, 0.1924830488629392], [0.7898426972863477, 0.19198080808080809], [0.797920202020202, 0.19007685118771495], [0.8080191919191919, 0.18772634770858235], [0.8181181818181819, 0.1854050401946859], [0.8282171717171717, 0.18311221224036356], [0.8337030545361168, 0.18188181818181814], [0.8383161616161616, 0.180903098296986], [0.8484151515151515, 0.17878614739838503], [0.8585141414141414, 0.17669424682582008], [0.8686131313131313, 0.17462681065433538], [0.8787121212121212, 0.1725832732786671], [0.8827135798661014, 0.17178282828282826], [0.8888111111111112, 0.17063278752870736], [0.898910101010101, 0.1687495618576731], [0.9090090909090909, 0.16688737592667585], [0.9191080808080808, 0.16504576480560515], [0.9292070707070708, 0.16322427880692814], [0.9378411738144888, 0.16168383838383837], [0.9393060606060606, 0.16143832305697392], [0.9494050505050506, 0.15976383130410107], [0.9595040404040402, 0.15810705751654586], [0.9696030303030303, 0.15646763066563557], [0.9797020202020204, 0.15484519125650348], [0.9898010101010101, 0.15323939085493407], [0.9999, 0.15164989163822482]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#23878D\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652729523560\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.1947712323931474, 0.9999], [0.19677091818070117, 0.9898010101010101], [0.19879111184101284, 0.9797020202020202], [0.20083223837539724, 0.9696030303030303], [0.20207979797979797, 0.9634943730770966], [0.20293652447831972, 0.9595040404040405], [0.20512772541269975, 0.9494050505050505], [0.20734235961386066, 0.9393060606060606], [0.20958093370744063, 0.9292070707070708], [0.21184397092860788, 0.9191080808080808], [0.21217878787878788, 0.9176302606532089], [0.21422728194806664, 0.9090090909090909], [0.21665373316816633, 0.898910101010101], [0.2191075994288555, 0.8888111111111112], [0.2215895073089542, 0.8787121212121213], [0.22227777777777777, 0.8759435230357467], [0.22418485536331936, 0.8686131313131313], [0.2268429389978299, 0.8585141414141414], [0.2295324762873729, 0.8484151515151515], [0.2322542205502648, 0.8383161616161616], [0.23237676767676765, 0.8378668975073583], [0.23512592468751203, 0.8282171717171717], [0.23803837376712866, 0.8181181818181819], [0.24098699881315966, 0.8080191919191919], [0.24247575757575757, 0.8029835539771877], [0.24403640191737613, 0.7979202020202019], [0.24718879737513078, 0.7878212121212121], [0.25038186482802965, 0.7777222222222223], [0.25257474747474745, 0.7708760860212833], [0.2536591892373494, 0.7676232323232324], [0.25707059630799556, 0.7575242424242424], [0.26052778935766713, 0.7474252525252525], [0.26267373737373734, 0.7412407442223918], [0.2640852726165573, 0.7373262626262627], [0.2677771232329964, 0.7272272727272727], [0.2715206026451096, 0.7171282828282828], [0.2727727272727273, 0.7137975962078795], [0.27541317876690113, 0.707029292929293], [0.27940968014266776, 0.696930303030303], [0.28287171717171716, 0.6883077449286034], [0.2834860715349622, 0.6868313131313131], [0.2877505860200602, 0.6767323232323232], [0.2920792213931749, 0.6666333333333333], [0.29297070707070705, 0.6645847119851438], [0.29659683773442574, 0.6565343434343435], [0.3012162471498739, 0.6464353535353535], [0.303069696969697, 0.6424461416941145], [0.3060046076803655, 0.6363363636363636], [0.31093339763299943, 0.6262373737373738], [0.3131686868686869, 0.621730584302979], [0.3160332464478197, 0.6161383838383838], [0.32129186864566756, 0.606039393939394], [0.32326767676767676, 0.6023076384155092], [0.3267458662273918, 0.595940404040404], [0.332356869898548, 0.5858414141414141], [0.33336666666666664, 0.5840549913646402], [0.3382100005099119, 0.5757424242424243], [0.34346565656565653, 0.5668790470468248], [0.3442201969315507, 0.5656434343434343], [0.35049835949738906, 0.5555444444444444], [0.35356464646464647, 0.5507009067542323], [0.35698812524383666, 0.5454454545454546], [0.36366363636363636, 0.5353857489858024], [0.3636904392430541, 0.5353464646464646], [0.3707119953486342, 0.5252474747474747], [0.37376262626262624, 0.5209433660010324], [0.3779823853358739, 0.5151484848484849], [0.3838616161616162, 0.507231448370104], [0.38552514809998817, 0.5050494949494949], [0.3933801924972288, 0.4949505050505051], [0.3939606060606061, 0.49421935828685004], [0.4015903042625099, 0.48485151515151514], [0.40405959595959595, 0.4818821901876567], [0.4101387081390565, 0.4747525252525252], [0.41415858585858584, 0.4701371990873535], [0.4190526857042312, 0.4646535353535354], [0.4242575757575757, 0.4589470424355099], [0.4283604964418114, 0.45455454545454543], [0.43435656565656566, 0.4482763485666248], [0.438091509946276, 0.44445555555555555], [0.44445555555555555, 0.438091509946276], [0.4482763485666248, 0.43435656565656566], [0.45455454545454543, 0.4283604964418114], [0.4589470424355099, 0.4242575757575757], [0.4646535353535354, 0.4190526857042312], [0.4701371990873535, 0.41415858585858584], [0.4747525252525252, 0.4101387081390565], [0.4818821901876567, 0.40405959595959595], [0.48485151515151514, 0.4015903042625099], [0.49421935828685004, 0.3939606060606061], [0.4949505050505051, 0.3933801924972288], [0.5050494949494949, 0.38552514809998817], [0.507231448370104, 0.3838616161616162], [0.5151484848484849, 0.3779823853358739], [0.5209433660010324, 0.37376262626262624], [0.5252474747474747, 0.3707119953486342], [0.5353464646464646, 0.3636904392430541], [0.5353857489858024, 0.36366363636363636], [0.5454454545454546, 0.35698812524383666], [0.5507009067542323, 0.35356464646464647], [0.5555444444444444, 0.35049835949738906], [0.5656434343434343, 0.3442201969315507], [0.5668790470468248, 0.34346565656565653], [0.5757424242424243, 0.3382100005099119], [0.5840549913646402, 0.33336666666666664], [0.5858414141414141, 0.332356869898548], [0.595940404040404, 0.3267458662273918], [0.6023076384155092, 0.32326767676767676], [0.606039393939394, 0.32129186864566756], [0.6161383838383838, 0.3160332464478197], [0.621730584302979, 0.3131686868686869], [0.6262373737373738, 0.31093339763299943], [0.6363363636363636, 0.3060046076803655], [0.6424461416941145, 0.303069696969697], [0.6464353535353535, 0.3012162471498739], [0.6565343434343435, 0.29659683773442574], [0.6645847119851438, 0.29297070707070705], [0.6666333333333333, 0.2920792213931749], [0.6707915477739793, 0.29029692491631864]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.8044962848460396, 0.24202852698404442], [0.8080191919191919, 0.24098699881315966], [0.8181181818181819, 0.23803837376712866], [0.8282171717171717, 0.23512592468751203], [0.8378668975073583, 0.23237676767676765], [0.8383161616161616, 0.2322542205502648], [0.8484151515151515, 0.2295324762873729], [0.8585141414141414, 0.2268429389978299], [0.8686131313131313, 0.22418485536331936], [0.8759435230357467, 0.22227777777777777], [0.8787121212121213, 0.2215895073089542], [0.8888111111111112, 0.2191075994288555], [0.898910101010101, 0.21665373316816633], [0.9090090909090909, 0.21422728194806664], [0.9176302606532089, 0.21217878787878788], [0.9191080808080808, 0.21184397092860788], [0.9292070707070708, 0.20958093370744063], [0.9393060606060606, 0.20734235961386066], [0.9494050505050505, 0.20512772541269975], [0.9595040404040405, 0.20293652447831972], [0.9634943730770966, 0.20207979797979797], [0.9696030303030303, 0.20083223837539724], [0.9797020202020202, 0.19879111184101284], [0.9898010101010101, 0.19677091818070117], [0.9999, 0.19477123239314742]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#1E998A\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652729484232\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.25006362754872924, 0.9999], [0.25257474747474745, 0.9898060234147213], [0.25257604555603885, 0.9898010101010101], [0.25521776194639156, 0.9797020202020202], [0.25788685131470257, 0.9696030303030303], [0.2605838868731701, 0.9595040404040404], [0.2620160756494879, 0.9541973914339288]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.3258706546837346, 0.7672477459948115], [0.3300567260928111, 0.7575242424242425], [0.3333666666666666, 0.7499376586811882], [0.334496523197958, 0.7474252525252525], [0.3390999338299149, 0.7373262626262627], [0.34346565656565653, 0.727879007141506], [0.3437758221117685, 0.7272272727272727], [0.3486492233197809, 0.7171282828282828], [0.35356464646464647, 0.7070846597187536], [0.3535925286801282, 0.707029292929293], [0.358751457335985, 0.6969303030303031], [0.36366363636363636, 0.6874526882605838], [0.3639947611913163, 0.6868313131313131], [0.36945613515409753, 0.6767323232323232], [0.37376262626262624, 0.668886867667558], [0.3750335112748525, 0.6666333333333333], [0.380815798044082, 0.6565343434343435], [0.3838616161616162, 0.6512959098033385], [0.3867630742229443, 0.6464353535353535], [0.3928864861506996, 0.6363363636363636], [0.39396060606060607, 0.6345927738561752], [0.39924153669282236, 0.6262373737373738], [0.40405959595959595, 0.6187362757191267], [0.40577049641058316, 0.6161383838383838], [0.41253133410879195, 0.606039393939394], [0.41415858585858584, 0.6036488615891779], [0.41953532754734746, 0.595940404040404], [0.4242575757575757, 0.5892840424399173], [0.42675873539064113, 0.5858414141414141], [0.4342235036257629, 0.5757424242424243], [0.43435656565656566, 0.5755655366818411], [0.44199596948970377, 0.5656434343434343], [0.4444555555555555, 0.5625054429198404], [0.4500370589446404, 0.5555444444444444], [0.45455454545454543, 0.5500119407079312], [0.45836702349377634, 0.5454454545454546], [0.4646535353535354, 0.5380537801264654], [0.4670066660214667, 0.5353464646464646], [0.47475252525252526, 0.5266012798968756], [0.47597741268893423, 0.5252474747474747], [0.48485151515151514, 0.5156261821661553], [0.4853013889884597, 0.5151484848484849], [0.49495050505050503, 0.5051015206936142], [0.4950015007158595, 0.5050494949494949], [0.5050494949494949, 0.4950015007158595], [0.5051015206936142, 0.49495050505050503], [0.5151484848484849, 0.4853013889884597], [0.5156261821661553, 0.48485151515151514], [0.5252474747474747, 0.47597741268893423], [0.5266012798968756, 0.47475252525252526], [0.5353464646464646, 0.4670066660214667], [0.5380537801264654, 0.4646535353535354], [0.5454454545454546, 0.45836702349377634], [0.5500119407079312, 0.45455454545454543], [0.5555444444444444, 0.4500370589446404], [0.5625054429198404, 0.4444555555555555], [0.5656434343434343, 0.44199596948970377], [0.5755655366818411, 0.43435656565656566], [0.5757424242424243, 0.4342235036257629], [0.5858414141414141, 0.42675873539064113], [0.5892840424399173, 0.4242575757575757], [0.595940404040404, 0.41953532754734746], [0.6036488615891779, 0.41415858585858584], [0.606039393939394, 0.41253133410879195], [0.6161383838383838, 0.40577049641058316], [0.6187362757191267, 0.40405959595959595], [0.6262373737373738, 0.39924153669282236], [0.6345927738561752, 0.39396060606060607], [0.6363363636363636, 0.3928864861506996], [0.6464353535353535, 0.3867630742229443], [0.6512959098033385, 0.3838616161616162], [0.6565343434343435, 0.380815798044082], [0.6666333333333333, 0.3750335112748525], [0.668886867667558, 0.37376262626262624], [0.6767323232323232, 0.36945613515409753], [0.6868313131313131, 0.3639947611913163], [0.6874526882605838, 0.36366363636363636], [0.6969303030303031, 0.358751457335985], [0.707029292929293, 0.3535925286801282], [0.7070846597187536, 0.35356464646464647], [0.7171282828282828, 0.3486492233197809], [0.7272272727272727, 0.3437758221117685], [0.727879007141506, 0.34346565656565653], [0.7373262626262627, 0.3390999338299149], [0.7474252525252525, 0.334496523197958], [0.7499376586811882, 0.3333666666666666], [0.7575242424242425, 0.3300567260928111], [0.7676232323232324, 0.32570900383715506], [0.7733691052349971, 0.32326767676767676], [0.7777222222222222, 0.32147501039045073], [0.7878212121212121, 0.3173697815474832], [0.797920202020202, 0.3133168434406277], [0.7982940764955623, 0.3131686868686869], [0.8080191919191919, 0.30943720616930115], [0.818118181818182, 0.30561040276376716], [0.8249064247047022, 0.303069696969697], [0.8282171717171718, 0.30187117147984166], [0.8383161616161616, 0.2982595403695525], [0.8484151515151515, 0.29469115823768877], [0.8533425612604373, 0.29297070707070705], [0.8585141414141413, 0.29122620326137766], [0.8686131313131313, 0.28785940052611625], [0.8787121212121212, 0.2845315167825189], [0.8838072707814644, 0.2828717171717172], [0.8888111111111111, 0.28129884950003836], [0.898910101010101, 0.2781602788275934], [0.9090090909090909, 0.27505677283807617], [0.9165245449931446, 0.2727727272727273], [0.9191080808080808, 0.27201610446912783], [0.9292070707070708, 0.26909080194455814], [0.9393060606060606, 0.26619712154631525], [0.9494050505050505, 0.2633343869173582], [0.9517605758622814, 0.26267373737373734], [0.9595040404040404, 0.2605838868731701], [0.9696030303030303, 0.25788685131470257], [0.9797020202020202, 0.25521776194639156], [0.9898010101010101, 0.25257604555603885], [0.9898060234147213, 0.25257474747474745], [0.9999, 0.25006362754872924]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#25AB81\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652729485688\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.32106586248575936, 0.9999], [0.32326767676767676, 0.9930159146741059], [0.32432857406381366, 0.9898010101010101], [0.3276953517322707, 0.9797020202020202], [0.3310970153299083, 0.9696030303030303], [0.33336666666666664, 0.9629346222937105], [0.33457021707161616, 0.9595040404040404], [0.3381507329298089, 0.9494050505050505], [0.3417695397461707, 0.9393060606060607], [0.34346565656565653, 0.9346233337287364], [0.3454860180859066, 0.9292070707070708], [0.3492942860867695, 0.9191080808080808], [0.3531446306447298, 0.9090090909090909], [0.35356464646464647, 0.9079196118708652], [0.3571386536256982, 0.898910101010101], [0.36119011280414065, 0.8888111111111111], [0.36366363636363636, 0.8827150718828465], [0.3653336164055432, 0.8787121212121212], [0.36959548905059003, 0.8686131313131313], [0.37376262626262624, 0.8588527733526975], [0.373911163951645, 0.8585141414141414], [0.3783934091664707, 0.8484151515151515], [0.3829293288749494, 0.8383161616161616], [0.3838616161616162, 0.8362653285454764], [0.3876177726987702, 0.8282171717171718], [0.39238890019279016, 0.818118181818182], [0.393960606060606, 0.8148321861898769], [0.3973039193597946, 0.8080191919191919], [0.40232208752691523, 0.797920202020202], [0.404059595959596, 0.7944674712273212], [0.4074888356536043, 0.7878212121212123], [0.4127667934298194, 0.7777222222222222], [0.4141585858585858, 0.775093487296231], [0.418211381123593, 0.7676232323232324], [0.4237628905486177, 0.7575242424242424], [0.4242575757575757, 0.7566362572894652], [0.42951253810930645, 0.7474252525252525], [0.43435656565656566, 0.7390485001931631], [0.4353759146505943, 0.7373262626262627], [0.44143568952269724, 0.7272272727272727], [0.4444555555555556, 0.7222638896460465], [0.4476520284822211, 0.7171282828282828], [0.4540269299339664, 0.707029292929293], [0.45455454545454543, 0.706205309687716], [0.4606269887748283, 0.696930303030303], [0.4646535353535354, 0.6908686658606569], [0.4673943505362017, 0.6868313131313131], [0.47435175248055067, 0.6767323232323232], [0.47475252525252526, 0.676159200490589], [0.4815569982430637, 0.6666333333333333], [0.48485151515151514, 0.6620905486044225], [0.48896580396471495, 0.6565343434343435], [0.4949505050505051, 0.6485755885000204], [0.4965930644014601, 0.6464353535353535], [0.5044657474925295, 0.6363363636363637], [0.5050494949494949, 0.6355993300891444], [0.5126141546486949, 0.6262373737373738], [0.5151484848484849, 0.6231510866031438], [0.5210210392036567, 0.6161383838383838], [0.5252474747474747, 0.6111734469525358], [0.5297027225585071, 0.606039393939394], [0.5353464646464646, 0.5996432520024824], [0.5386759597495104, 0.595940404040404], [0.5454454545454546, 0.5885383280050168], [0.5479579859441129, 0.5858414141414141], [0.5555444444444444, 0.5778374054699227], [0.557566565568373, 0.5757424242424243], [0.5656434343434343, 0.5675200444590522], [0.5675200444590522, 0.5656434343434343], [0.5757424242424243, 0.557566565568373], [0.5778374054699227, 0.5555444444444444], [0.5858414141414141, 0.5479579859441129], [0.5885383280050168, 0.5454454545454546], [0.595940404040404, 0.5386759597495104], [0.5996432520024824, 0.5353464646464646], [0.606039393939394, 0.5297027225585071], [0.6111734469525358, 0.5252474747474747], [0.6161383838383838, 0.5210210392036567], [0.6231510866031438, 0.5151484848484849], [0.6262373737373738, 0.5126141546486949], [0.6289638614919002, 0.5104110945977764]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.7546347437993223, 0.42539945748561986], [0.7566362572894652, 0.4242575757575757], [0.7575242424242424, 0.4237628905486177], [0.7676232323232324, 0.418211381123593], [0.775093487296231, 0.4141585858585858], [0.7777222222222222, 0.4127667934298194], [0.7878212121212123, 0.4074888356536043], [0.7944674712273212, 0.404059595959596], [0.797920202020202, 0.40232208752691523], [0.8080191919191919, 0.3973039193597946], [0.8148321861898769, 0.393960606060606], [0.818118181818182, 0.39238890019279016], [0.8282171717171718, 0.3876177726987702], [0.8362653285454764, 0.3838616161616162], [0.8383161616161616, 0.3829293288749494], [0.8484151515151515, 0.3783934091664707], [0.8585141414141414, 0.373911163951645], [0.8588527733526975, 0.37376262626262624], [0.8686131313131313, 0.36959548905059003], [0.8787121212121212, 0.3653336164055432], [0.8827150718828465, 0.36366363636363636], [0.8888111111111111, 0.36119011280414065], [0.898910101010101, 0.3571386536256982], [0.9079196118708652, 0.35356464646464647], [0.9090090909090909, 0.3531446306447298], [0.9191080808080808, 0.3492942860867695], [0.9292070707070708, 0.3454860180859066], [0.9346233337287364, 0.34346565656565653], [0.9393060606060607, 0.3417695397461707], [0.9494050505050505, 0.3381507329298089], [0.9595040404040404, 0.33457021707161616], [0.9629346222937105, 0.33336666666666664], [0.9696030303030303, 0.3310970153299083], [0.9797020202020202, 0.3276953517322707], [0.9898010101010101, 0.32432857406381366], [0.9930159146741059, 0.32326767676767676], [0.9999, 0.32106586248575936]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#40BD72\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652729487200\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.41224076541827825, 0.9999], [0.41415858585858584, 0.9952361458202386], [0.41644874118326114, 0.9898010101010101], [0.4207477043780895, 0.9797020202020202], [0.4242575757575757, 0.9715412999964289], [0.4251112974003417, 0.9696030303030303], [0.4296060271139277, 0.9595040404040402], [0.4341483160043897, 0.9494050505050505], [0.43435656565656566, 0.9489469427197548], [0.43884228704964007, 0.9393060606060606], [0.4435919515368999, 0.9292070707070708], [0.44445555555555555, 0.9273906793096707], [0.44848403553939215, 0.9191080808080809], [0.4534502403937169, 0.9090090909090908], [0.45455454545454543, 0.9067882509761264], [0.45855994740092604, 0.898910101010101], [0.4637524787009861, 0.8888111111111111], [0.4646535353535354, 0.8870784399636359], [0.46909995684226025, 0.8787121212121212], [0.4745292794320132, 0.8686131313131314], [0.47475252525252526, 0.8682026757907417], [0.4801354055907085, 0.8585141414141413], [0.48485151515151514, 0.8501249845270317], [0.48583296064269604, 0.8484151515151515], [0.49169920528213407, 0.8383161616161616], [0.494950505050505, 0.8327859372516668], [0.4976919240434348, 0.8282171717171717], [0.5038260164727312, 0.8181181818181819], [0.5050494949494949, 0.8161285956789675], [0.5101370315801109, 0.8080191919191919], [0.5151484848484849, 0.8001302848769245], [0.5165802445855734, 0.797920202020202], [0.523206016124147, 0.7878212121212121], [0.5252474747474747, 0.7847492584421154], [0.5300079368262407, 0.7777222222222222], [0.5353464646464646, 0.7699435603853269], [0.5369692438925823, 0.7676232323232324], [0.5441257639719277, 0.7575242424242425], [0.5454454545454546, 0.7556866124241456], [0.5514892156543656, 0.7474252525252525], [0.5555444444444444, 0.7419564620199035], [0.5590408295582217, 0.7373262626262627], [0.5656434343434343, 0.7287015025652619], [0.5667923495639763, 0.7272272727272727], [0.5747728854153649, 0.7171282828282828], [0.5757424242424243, 0.7159185350956158], [0.5829926844082246, 0.707029292929293], [0.5858414141414141, 0.7035861206798844], [0.591443903342638, 0.696930303030303], [0.595940404040404, 0.6916652651293655], [0.6001393057978431, 0.6868313131313131], [0.606039393939394, 0.6801380327070841], [0.6090919568696774, 0.6767323232323232], [0.6161383838383838, 0.6689871610448022], [0.618315251432955, 0.6666333333333333], [0.6262373737373738, 0.6581960119865813], [0.627822943810454, 0.6565343434343435], [0.6363363636363637, 0.6477485258899656], [0.6376291790330064, 0.6464353535353535], [0.6464353535353535, 0.6376291790330064], [0.6477485258899656, 0.6363363636363637], [0.6565343434343435, 0.627822943810454], [0.6581960119865813, 0.6262373737373738], [0.6666333333333333, 0.618315251432955], [0.6689871610448022, 0.6161383838383838], [0.6767323232323232, 0.6090919568696774], [0.6801380327070841, 0.606039393939394], [0.6868313131313131, 0.6001393057978431], [0.6916652651293655, 0.595940404040404], [0.696930303030303, 0.591443903342638], [0.7035861206798844, 0.5858414141414141], [0.707029292929293, 0.5829926844082246], [0.7159185350956158, 0.5757424242424243], [0.7171282828282828, 0.5747728854153649], [0.7272272727272727, 0.5667923495639763], [0.7287015025652619, 0.5656434343434343], [0.7373262626262627, 0.5590408295582217], [0.7419564620199035, 0.5555444444444444], [0.7474252525252525, 0.5514892156543656], [0.7551059154324381, 0.5458702749064479]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.8825149842032965, 0.4670788610383767], [0.8870784399636359, 0.4646535353535354], [0.8888111111111111, 0.4637524787009861], [0.898910101010101, 0.45855994740092604], [0.9067882509761264, 0.45455454545454543], [0.9090090909090908, 0.4534502403937169], [0.9191080808080809, 0.44848403553939215], [0.9273906793096707, 0.44445555555555555], [0.9292070707070708, 0.4435919515368999], [0.9393060606060606, 0.43884228704964007], [0.9489469427197548, 0.43435656565656566], [0.9494050505050505, 0.4341483160043897], [0.9595040404040402, 0.4296060271139277], [0.9696030303030303, 0.4251112974003417], [0.9715412999964289, 0.4242575757575757], [0.9797020202020202, 0.4207477043780895], [0.9898010101010101, 0.41644874118326114], [0.9952361458202386, 0.41415858585858584], [0.9999, 0.41224076541827825]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#67CC5C\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652729451912\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.5293260727418232, 0.9999], [0.5347091406903798, 0.9898010101010101], [0.5353464646464646, 0.9886174860841175], [0.5402388498517641, 0.9797020202020201], [0.5454454545454546, 0.9703112528998356], [0.5458454591687876, 0.9696030303030303], [0.5516090975719999, 0.9595040404040404], [0.5555444444444444, 0.9526807625194654], [0.5574683828650766, 0.9494050505050505], [0.5634633000747886, 0.9393060606060606], [0.5656434343434343, 0.935672699871264], [0.5695929152678776, 0.9292070707070708], [0.5757424242424243, 0.9192486381250101], [0.5758307569158251, 0.9191080808080808], [0.5822475486760816, 0.9090090909090909], [0.5858414141414141, 0.9034154227913093], [0.588786364977687, 0.898910101010101], [0.5954622599623466, 0.8888111111111111], [0.595940404040404, 0.8880959688321476], [0.6023216794789021, 0.8787121212121212], [0.606039393939394, 0.873307590371304], [0.6093229250577119, 0.8686131313131313], [0.6161383838383838, 0.8589817186739903], [0.6164747229646573, 0.8585141414141414], [0.6238251213210241, 0.8484151515151515], [0.6262373737373736, 0.8451400854476893], [0.6313452567496599, 0.8383161616161616], [0.6363363636363636, 0.8317280936648266], [0.6390387839029522, 0.8282171717171717], [0.6464353535353535, 0.8187241865122517], [0.6469149641098337, 0.8181181818181819], [0.6550068902239371, 0.8080191919191919], [0.6565343434343435, 0.8061365586737905], [0.6633039324897971, 0.7979202020202019], [0.6666333333333333, 0.7939300804081811], [0.6718084521355838, 0.787821212121212], [0.6767323232323232, 0.7820829588585807], [0.6805304392918959, 0.7777222222222222], [0.6868313131313131, 0.770581326182191], [0.6894800945561661, 0.7676232323232324], [0.696930303030303, 0.7594117729362576], [0.698667846214552, 0.7575242424242424], [0.707029292929293, 0.7485613184207538], [0.7081043682214191, 0.7474252525252525], [0.7095533165696271, 0.7459146534347192]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.8280295904510675, 0.6391849400241852], [0.8282171717171717, 0.6390387839029522], [0.8317280936648266, 0.6363363636363636], [0.8383161616161616, 0.6313452567496599], [0.8451400854476893, 0.6262373737373736], [0.8484151515151515, 0.6238251213210241], [0.8585141414141414, 0.6164747229646573], [0.8589817186739903, 0.6161383838383838], [0.8686131313131313, 0.6093229250577119], [0.873307590371304, 0.606039393939394], [0.8787121212121212, 0.6023216794789021], [0.8880959688321476, 0.595940404040404], [0.8888111111111111, 0.5954622599623466], [0.898910101010101, 0.588786364977687], [0.9034154227913093, 0.5858414141414141], [0.9090090909090909, 0.5822475486760816], [0.9191080808080808, 0.5758307569158251], [0.9192486381250101, 0.5757424242424243], [0.9292070707070708, 0.5695929152678776], [0.935672699871264, 0.5656434343434343], [0.9393060606060606, 0.5634633000747886], [0.9494050505050505, 0.5574683828650766], [0.9526807625194654, 0.5555444444444444], [0.9595040404040404, 0.5516090975719999], [0.9696030303030303, 0.5458454591687876], [0.9703112528998356, 0.5454454545454546], [0.9797020202020201, 0.5402388498517641], [0.9886174860841175, 0.5353464646464646], [0.9898010101010101, 0.5347091406903798], [0.9999, 0.5293260727418232]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#97D83E\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652729453424\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.6796537831687766, 0.9999], [0.6865746631302159, 0.9898010101010101], [0.6868313131313131, 0.9894303066341698], [0.6936662903420427, 0.9797020202020204], [0.696930303030303, 0.9751039648827418], [0.7008922410452638, 0.9696030303030303], [0.7046106928084866, 0.9644936597752148]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.8133563082061742, 0.8355421068848092], [0.8181181818181819, 0.8306619373997173], [0.8205333168037533, 0.8282171717171717], [0.8282171717171717, 0.8205333168037533], [0.8306619373997173, 0.8181181818181819], [0.8383161616161616, 0.810649496882542], [0.8410444807859125, 0.8080191919191919], [0.8484151515151515, 0.801001573996384], [0.8516903012935466, 0.797920202020202], [0.8585141414141414, 0.79158084989176], [0.8626089999178566, 0.7878212121212121], [0.8686131313131313, 0.7823788192081627], [0.8738104395372934, 0.7777222222222222], [0.8787121212121213, 0.7733871575310733], [0.8853047609711899, 0.7676232323232324], [0.8888111111111111, 0.7645977099440477], [0.8971023999491602, 0.7575242424242424], [0.898910101010101, 0.7560024800357698], [0.9090090909090909, 0.7475959097867967], [0.909216395526777, 0.7474252525252525], [0.9191080808080808, 0.7393915127614192], [0.9216790524212558, 0.7373262626262627], [0.9292070707070708, 0.7313613054315045], [0.9344814027296273, 0.7272272727272727], [0.9393060606060606, 0.7234978498058889], [0.9476352793200675, 0.7171282828282828], [0.9494050505050506, 0.7157938199776147], [0.9595040404040404, 0.7082594401871257], [0.9611703615417833, 0.707029292929293], [0.9696030303030303, 0.7008922410452638], [0.9751039648827418, 0.696930303030303], [0.9797020202020204, 0.6936662903420427], [0.9894303066341698, 0.6868313131313131], [0.9898010101010101, 0.6865746631302159], [0.9999, 0.6796537831687766]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#CDE01D\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652729430480\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.8726870491115656, 0.9998999999999999], [0.8787121212121212, 0.9930391579395682], [0.8815886782285509, 0.9898010101010102], [0.8888111111111112, 0.981753232674524], [0.8906729966338889, 0.9797020202020201], [0.898910101010101, 0.9707203869380167], [0.8999464126774974, 0.9696030303030303], [0.9090090909090909, 0.9599328531934298], [0.9094154546732091, 0.9595040404040404], [0.9190870107352918, 0.9494050505050505], [0.9191080808080808, 0.9493832820392415], [0.9289697653751084, 0.9393060606060606], [0.9292070707070708, 0.939066162002502], [0.939066162002502, 0.9292070707070708], [0.9393060606060606, 0.9289697653751084], [0.9493832820392415, 0.9191080808080808], [0.9494050505050505, 0.9190870107352918], [0.9595040404040404, 0.9094154546732091], [0.9599328531934298, 0.9090090909090909], [0.9696030303030303, 0.8999464126774974], [0.9707203869380167, 0.898910101010101], [0.9797020202020201, 0.8906729966338889], [0.981753232674524, 0.8888111111111112], [0.9898010101010102, 0.8815886782285509], [0.9930391579395682, 0.8787121212121212], [0.9999, 0.8726870491115657]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#FDE724\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652729431936\"}], \"images\": [], \"sharex\": [], \"sharey\": []}], \"data\": {\"data01\": [[0.0001, 0.9999], [0.010198989898989898, 0.9898010101010101], [0.020297979797979798, 0.9797020202020202], [0.030396969696969697, 0.9696030303030303], [0.0404959595959596, 0.9595040404040404], [0.0505949494949495, 0.9494050505050505], [0.0606939393939394, 0.9393060606060606], [0.0707929292929293, 0.9292070707070708], [0.0808919191919192, 0.9191080808080808], [0.0909909090909091, 0.9090090909090909], [0.101089898989899, 0.898910101010101], [0.11118888888888889, 0.8888111111111111], [0.12128787878787879, 0.8787121212121212], [0.13138686868686866, 0.8686131313131313], [0.14148585858585858, 0.8585141414141414], [0.1515848484848485, 0.8484151515151515], [0.16168383838383837, 0.8383161616161616], [0.17178282828282826, 0.8282171717171718], [0.18188181818181817, 0.8181181818181819], [0.19198080808080809, 0.8080191919191919], [0.20207979797979797, 0.7979202020202021], [0.21217878787878786, 0.7878212121212121], [0.22227777777777777, 0.7777222222222222], [0.23237676767676768, 0.7676232323232324], [0.24247575757575757, 0.7575242424242424], [0.25257474747474745, 0.7474252525252525], [0.26267373737373734, 0.7373262626262627], [0.2727727272727273, 0.7272272727272727], [0.28287171717171716, 0.7171282828282828], [0.29297070707070705, 0.707029292929293], [0.303069696969697, 0.696930303030303], [0.3131686868686869, 0.6868313131313131], [0.32326767676767676, 0.6767323232323232], [0.33336666666666664, 0.6666333333333334], [0.34346565656565653, 0.6565343434343435], [0.35356464646464647, 0.6464353535353535], [0.36366363636363636, 0.6363363636363637], [0.37376262626262624, 0.6262373737373738], [0.3838616161616162, 0.6161383838383838], [0.39396060606060607, 0.606039393939394], [0.40405959595959595, 0.595940404040404], [0.41415858585858584, 0.5858414141414141], [0.4242575757575757, 0.5757424242424243], [0.43435656565656566, 0.5656434343434343], [0.44445555555555555, 0.5555444444444444], [0.45455454545454543, 0.5454454545454546], [0.4646535353535354, 0.5353464646464646], [0.47475252525252526, 0.5252474747474747], [0.48485151515151514, 0.5151484848484849], [0.49495050505050503, 0.505049494949495], [0.5050494949494949, 0.4949505050505051], [0.5151484848484849, 0.48485151515151514], [0.5252474747474747, 0.4747525252525253], [0.5353464646464646, 0.4646535353535354], [0.5454454545454546, 0.45455454545454543], [0.5555444444444444, 0.4444555555555556], [0.5656434343434343, 0.43435656565656566], [0.5757424242424243, 0.4242575757575757], [0.5858414141414141, 0.4141585858585859], [0.595940404040404, 0.40405959595959595], [0.606039393939394, 0.393960606060606], [0.6161383838383838, 0.3838616161616162], [0.6262373737373738, 0.37376262626262624], [0.6363363636363636, 0.3636636363636364], [0.6464353535353535, 0.35356464646464647], [0.6565343434343435, 0.34346565656565653], [0.6666333333333333, 0.3333666666666667], [0.6767323232323232, 0.32326767676767676], [0.6868313131313131, 0.31316868686868693], [0.696930303030303, 0.303069696969697], [0.707029292929293, 0.29297070707070705], [0.7171282828282828, 0.2828717171717172], [0.7272272727272727, 0.2727727272727273], [0.7373262626262627, 0.26267373737373734], [0.7474252525252525, 0.2525747474747475], [0.7575242424242424, 0.24247575757575757], [0.7676232323232324, 0.23237676767676763], [0.7777222222222222, 0.2222777777777778], [0.7878212121212121, 0.21217878787878786], [0.797920202020202, 0.20207979797979803], [0.8080191919191919, 0.19198080808080809], [0.8181181818181819, 0.18188181818181814], [0.8282171717171717, 0.17178282828282831], [0.8383161616161616, 0.16168383838383837], [0.8484151515151515, 0.15158484848484854], [0.8585141414141414, 0.1414858585858586], [0.8686131313131313, 0.13138686868686866], [0.8787121212121212, 0.12128787878787883], [0.8888111111111111, 0.11118888888888889], [0.898910101010101, 0.10108989898989895], [0.9090090909090909, 0.09099090909090912], [0.9191080808080808, 0.08089191919191918], [0.9292070707070708, 0.07079292929292924], [0.9393060606060606, 0.06069393939393941], [0.9494050505050505, 0.05059494949494947], [0.9595040404040404, 0.04049595959595964], [0.9696030303030303, 0.0303969696969697], [0.9797020202020202, 0.02029797979797976], [0.9898010101010101, 0.01019898989898993], [0.9999, 9.999999999998899e-05]], \"data02\": [[0.5, 0.5]], \"data03\": [[0.0, 0.0]]}, \"id\": \"el83139652764502000\", \"plugins\": [{\"type\": \"reset\"}, {\"type\": \"zoom\", \"button\": true, \"enabled\": false}, {\"type\": \"boxzoom\", \"button\": true, \"enabled\": false}]});\n", " }(mpld3);\n", "}else if(typeof define === \"function\" && define.amd){\n", " // require.js is available: use it to load d3/mpld3\n", " require.config({paths: {d3: \"https://mpld3.github.io/js/d3.v3.min\"}});\n", " require([\"d3\"], function(d3){\n", " window.d3 = d3;\n", " mpld3_load_lib(\"https://mpld3.github.io/js/mpld3.v0.3.js\", function(){\n", " \n", " mpld3.draw_figure(\"fig_el831396527645020009507128632\", {\"width\": 432.0, \"height\": 288.0, \"axes\": [{\"bbox\": [0.125, 0.125, 0.775, 0.755], \"xlim\": [0.0001, 0.9999], \"ylim\": [9.999999999998899e-05, 0.9999], \"xdomain\": [0.0001, 0.9999], \"ydomain\": [9.999999999998899e-05, 0.9999], \"xscale\": \"linear\", \"yscale\": \"linear\", \"axes\": [{\"position\": \"bottom\", \"nticks\": 6, \"tickvalues\": null, \"tickformat\": null, \"scale\": \"linear\", \"fontsize\": 10.0, \"grid\": {\"gridOn\": false}, \"visible\": true}, {\"position\": \"left\", \"nticks\": 6, \"tickvalues\": null, \"tickformat\": null, \"scale\": \"linear\", \"fontsize\": 10.0, \"grid\": {\"gridOn\": false}, \"visible\": true}], \"axesbg\": \"#FFFFFF\", \"axesbgalpha\": null, \"zoomable\": true, \"id\": \"el83139652729829976\", \"lines\": [{\"data\": \"data01\", \"xindex\": 0, \"yindex\": 1, \"coordinates\": \"data\", \"id\": \"el83139652729434064\", \"color\": \"#1F77B4\", \"linewidth\": 1.5, \"dasharray\": \"none\", \"alpha\": 1, \"zorder\": 2, \"drawstyle\": \"default\"}], \"paths\": [], \"markers\": [{\"data\": \"data02\", \"xindex\": 0, \"yindex\": 1, \"coordinates\": \"data\", \"id\": \"el83139652729385368pts\", \"facecolor\": \"#FF0000\", \"edgecolor\": \"#FF0000\", \"edgewidth\": 1.0, \"alpha\": 1, \"zorder\": 2, \"markerpath\": [[[0.0, 3.0], [0.7956093000000001, 3.0], [1.5587396123545605, 2.683901074764725], [2.121320343559643, 2.121320343559643], [2.683901074764725, 1.5587396123545605], [3.0, 0.7956093000000001], [3.0, 0.0], [3.0, -0.7956093000000001], [2.683901074764725, -1.5587396123545605], [2.121320343559643, -2.121320343559643], [1.5587396123545605, -2.683901074764725], [0.7956093000000001, -3.0], [0.0, -3.0], [-0.7956093000000001, -3.0], [-1.5587396123545605, -2.683901074764725], [-2.121320343559643, -2.121320343559643], [-2.683901074764725, -1.5587396123545605], [-3.0, -0.7956093000000001], [-3.0, 0.0], [-3.0, 0.7956093000000001], [-2.683901074764725, 1.5587396123545605], [-2.121320343559643, 2.121320343559643], [-1.5587396123545605, 2.683901074764725], [-0.7956093000000001, 3.0], [0.0, 3.0]], [\"M\", \"C\", \"C\", \"C\", \"C\", \"C\", \"C\", \"C\", \"C\", \"Z\"]]}], \"texts\": [{\"text\": \"rice\", \"position\": [0.49999999999999994, -0.09657836644591611], \"coordinates\": \"axes\", \"h_anchor\": \"middle\", \"v_baseline\": \"hanging\", \"rotation\": -0.0, \"fontsize\": 10.0, \"color\": \"#000000\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652730305728\"}, {\"text\": \"pizza\", \"position\": [-0.08064516129032258, 0.49999999999999994], \"coordinates\": \"axes\", \"h_anchor\": \"middle\", \"v_baseline\": \"auto\", \"rotation\": -90.0, \"fontsize\": 10.0, \"color\": \"#000000\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652729991800\"}, {\"text\": \"-3.386\", \"position\": [0.7171282828282828, 0.04742484898157809], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -357.615276197803, \"fontsize\": 10.0, \"color\": \"#440154\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652729348840\"}, {\"text\": \"-3.136\", \"position\": [0.052597579301951525, 0.8282171717171716], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -275.5930039217711, \"fontsize\": 10.0, \"color\": \"#481C6E\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652729350352\"}, {\"text\": \"-2.886\", \"position\": [0.45455454545454543, 0.12276920287901832], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -349.92185405648445, \"fontsize\": 10.0, \"color\": \"#453580\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652729351808\"}, {\"text\": \"-2.636\", \"position\": [0.1391076649730089, 0.5151484848484846], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -292.8857049761744, \"fontsize\": 10.0, \"color\": \"#3D4C89\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652729300080\"}, {\"text\": \"-2.386\", \"position\": [0.303467317754615, 0.30306969696969693], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -326.798208962326, \"fontsize\": 10.0, \"color\": \"#33608D\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652729301536\"}, {\"text\": \"-2.136\", \"position\": [0.585841414141414, 0.20158819866238792], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -347.32680721594556, \"fontsize\": 10.0, \"color\": \"#2B748E\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652729302992\"}, {\"text\": \"-1.886\", \"position\": [0.26811846758740354, 0.5656434343434342], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -306.22185519155374, \"fontsize\": 10.0, \"color\": \"#23878D\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652729263552\"}, {\"text\": \"-1.636\", \"position\": [0.7373262626262626, 0.26408527261655723], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -346.85846925337205, \"fontsize\": 10.0, \"color\": \"#1E998A\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652729265008\"}, {\"text\": \"-1.386\", \"position\": [0.2912262032613776, 0.8585141414141413], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -297.6691088920465, \"fontsize\": 10.0, \"color\": \"#25AB81\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652729033056\"}, {\"text\": \"-1.136\", \"position\": [0.6908686658606568, 0.4646535353535353], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -336.3255582768813, \"fontsize\": 10.0, \"color\": \"#40BD72\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652729034512\"}, {\"text\": \"-0.886\", \"position\": [0.8181181818181817, 0.5038260164727311], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -338.1444790697732, \"fontsize\": 10.0, \"color\": \"#67CC5C\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652729035968\"}, {\"text\": \"-0.636\", \"position\": [0.7676232323232324, 0.6894800945561659], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -329.6970448216638, \"fontsize\": 10.0, \"color\": \"#97D83E\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652729070256\"}, {\"text\": \"-0.386\", \"position\": [0.7575242424242423, 0.8971023999491601], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -322.4139688939506, \"fontsize\": 10.0, \"color\": \"#CDE01D\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652729071712\"}], \"collections\": [{\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 1, \"paths\": [[[[0.034171620074853956, 0.9999], [0.03452900223604578, 0.9898010101010102], [0.03489004954699927, 0.9797020202020202], [0.035254837963591766, 0.9696030303030303], [0.035623445827587585, 0.9595040404040402], [0.03599595396762193, 0.9494050505050505], [0.0363724458055849, 0.9393060606060606], [0.03675300746875548, 0.9292070707070709], [0.03713772790806291, 0.9191080808080807], [0.03752669902288146, 0.9090090909090908], [0.03792001579279665, 0.8989101010101012], [0.0383177764168155, 0.8888111111111112], [0.038720082460531186, 0.8787121212121212], [0.039127039011794165, 0.8686131313131313], [0.039538754845486024, 0.8585141414141413], [0.03995534259804312, 0.8484151515151513], [0.04037691895243007, 0.8383161616161616], [0.0404959595959596, 0.8354986550906587], [0.04089232640447764, 0.8282171717171717], [0.04144880848881767, 0.8181181818181819], [0.04201220272050965, 0.8080191919191919], [0.042582682975188337, 0.7979202020202021], [0.0431604297729318, 0.7878212121212121], [0.04374563062117985, 0.7777222222222222], [0.04433848038006419, 0.7676232323232324], [0.04493918165193181, 0.7575242424242424], [0.0455479451970095, 0.7474252525252525], [0.04616499037734359, 0.7373262626262627], [0.04679054563135493, 0.7272272727272726], [0.04742484898157809, 0.7171282828282828], [0.0480681485784087, 0.707029292929293], [0.04872070328296793, 0.6969303030303029], [0.049382783292509745, 0.686831313131313], [0.05005467081215293, 0.6767323232323232], [0.0505949494949495, 0.6687318111419619], [0.050768319413430206, 0.6666333333333333], [0.05161540425804924, 0.6565343434343435], [0.05247562070706784, 0.6464353535353535], [0.0533493823150801, 0.6363363636363636], [0.054237122485810196, 0.6262373737373738], [0.0551392957630427, 0.6161383838383838], [0.05605637922823774, 0.606039393939394], [0.056988874015589344, 0.595940404040404], [0.057937306956572135, 0.5858414141414141], [0.05890223236748811, 0.5757424242424243], [0.05988423399519961, 0.5656434343434343], [0.0606939393939394, 0.5574637176966812], [0.06091858418961276, 0.5555444444444444], [0.062122324995582956, 0.5454454545454546], [0.06334856276362741, 0.5353464646464646], [0.06459815443552362, 0.5252474747474747], [0.0658720068684875, 0.5151484848484849], [0.06717108078871782, 0.5050494949494949], [0.06849639514428646, 0.49495050505050503], [0.06984903190677919, 0.48485151515151514], [0.0707929292929293, 0.477949520512808], [0.07129755017855854, 0.47475252525252526], [0.07292587324113353, 0.4646535353535354], [0.07458997868575058, 0.45455454545454543], [0.07629147455010904, 0.4444555555555555], [0.07803207976470733, 0.43435656565656566], [0.07981363458968162, 0.4242575757575757], [0.0808919191919192, 0.4182889715975482], [0.08173775091063988, 0.41415858585858584], [0.08385690656777, 0.40405959595959595], [0.08602970394620657, 0.39396060606060607], [0.08825892937037981, 0.3838616161616162], [0.09054759206264656, 0.37376262626262624], [0.09099090909090911, 0.371858595897852], [0.09312365287021662, 0.3636636363636363], [0.09582594659528723, 0.35356464646464647], [0.09860655600622274, 0.34346565656565653], [0.10108989898989898, 0.33470771091339657], [0.10151021204526803, 0.33336666666666664], [0.1047728375094649, 0.32326767676767676], [0.10813902295402053, 0.31316868686868693], [0.11118888888888889, 0.30430913040639596], [0.11165621440518217, 0.303069696969697], [0.11559307421406959, 0.29297070707070705], [0.11966804932022372, 0.28287171717171716], [0.12128787878787878, 0.27899813926457584], [0.12411763728643882, 0.2727727272727273], [0.12888133078610997, 0.26267373737373734], [0.13138686868686866, 0.2575624340586373], [0.1340274514272609, 0.25257474747474745], [0.1395922623189756, 0.2424757575757576], [0.14148585858585858, 0.23917951682498978], [0.14568336743855564, 0.23237676767676768], [0.1515848484848485, 0.22321939922754913], [0.152233531786069, 0.22227777777777777], [0.15951428455738098, 0.21217878787878786], [0.16168383838383837, 0.20930939894504802], [0.16750283986161008, 0.20207979797979797], [0.17178282828282826, 0.1970216572775338], [0.17630669037350616, 0.19198080808080809], [0.18188181818181817, 0.1860871131771865], [0.1860871131771865, 0.18188181818181817], [0.19198080808080809, 0.17630669037350616], [0.1970216572775338, 0.17178282828282826], [0.20207979797979797, 0.16750283986161008], [0.20930939894504802, 0.16168383838383837], [0.21217878787878786, 0.15951428455738098], [0.22227777777777777, 0.152233531786069], [0.22321939922754913, 0.1515848484848485], [0.23237676767676768, 0.14568336743855564], [0.23917951682498978, 0.14148585858585858], [0.2424757575757576, 0.1395922623189756], [0.25257474747474745, 0.1340274514272609], [0.2575624340586373, 0.13138686868686866], [0.26267373737373734, 0.12888133078610997], [0.2727727272727273, 0.12411763728643882], [0.27899813926457584, 0.12128787878787878], [0.28287171717171716, 0.11966804932022372], [0.29297070707070705, 0.11559307421406959], [0.303069696969697, 0.11165621440518217], [0.30430913040639596, 0.11118888888888889], [0.31316868686868693, 0.10813902295402053], [0.32326767676767676, 0.1047728375094649], [0.33336666666666664, 0.10151021204526803], [0.33470771091339657, 0.10108989898989898], [0.34346565656565653, 0.09860655600622274], [0.35356464646464647, 0.09582594659528723], [0.3636636363636363, 0.09312365287021662], [0.371858595897852, 0.09099090909090911], [0.37376262626262624, 0.09054759206264656], [0.3838616161616162, 0.08825892937037981], [0.39396060606060607, 0.08602970394620657], [0.40405959595959595, 0.08385690656777], [0.41415858585858584, 0.08173775091063988], [0.4182889715975482, 0.0808919191919192], [0.4242575757575757, 0.07981363458968162], [0.43435656565656566, 0.07803207976470733], [0.4444555555555555, 0.07629147455010904], [0.45455454545454543, 0.07458997868575058], [0.4646535353535354, 0.07292587324113353], [0.47475252525252526, 0.07129755017855854], [0.477949520512808, 0.0707929292929293], [0.48485151515151514, 0.06984903190677919], [0.49495050505050503, 0.06849639514428646], [0.5050494949494949, 0.06717108078871782], [0.5151484848484849, 0.0658720068684875], [0.5252474747474747, 0.06459815443552362], [0.5353464646464646, 0.06334856276362741], [0.5454454545454546, 0.062122324995582956], [0.5555444444444444, 0.06091858418961276], [0.5574637176966812, 0.0606939393939394], [0.5656434343434343, 0.05988423399519961], [0.5757424242424243, 0.05890223236748811], [0.5858414141414141, 0.057937306956572135], [0.595940404040404, 0.056988874015589344], [0.606039393939394, 0.05605637922823774], [0.6161383838383838, 0.0551392957630427], [0.6262373737373738, 0.054237122485810196], [0.6363363636363636, 0.0533493823150801], [0.6464353535353535, 0.05247562070706784], [0.64851833275913, 0.052298195735939225]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.7857594617882487, 0.04327990093349278], [0.7878212121212121, 0.0431604297729318], [0.7979202020202021, 0.042582682975188337], [0.8080191919191919, 0.04201220272050965], [0.8181181818181819, 0.04144880848881767], [0.8282171717171717, 0.04089232640447764], [0.8354986550906587, 0.0404959595959596], [0.8383161616161616, 0.04037691895243007], [0.8484151515151513, 0.03995534259804312], [0.8585141414141413, 0.039538754845486024], [0.8686131313131313, 0.039127039011794165], [0.8787121212121212, 0.038720082460531186], [0.8888111111111112, 0.0383177764168155], [0.8989101010101012, 0.03792001579279665], [0.9090090909090908, 0.03752669902288146], [0.9191080808080807, 0.03713772790806291], [0.9292070707070709, 0.03675300746875548], [0.9393060606060606, 0.0363724458055849], [0.9494050505050505, 0.03599595396762193], [0.9595040404040402, 0.035623445827587585], [0.9696030303030303, 0.035254837963591766], [0.9797020202020202, 0.03489004954699927], [0.9898010101010102, 0.03452900223604578], [0.9999, 0.034171620074853956]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#440154\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652730018616\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.04368730653985746, 0.9999], [0.04414775386355515, 0.9898010101010102], [0.04461292332669338, 0.9797020202020201], [0.045082912790005675, 0.9696030303030303], [0.04555782318817661, 0.9595040404040404], [0.0460377586599484, 0.9494050505050504], [0.04652282668518491, 0.9393060606060606], [0.04680039545759001, 0.9335889522446773]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.06013054025434026, 0.7231009736706996], [0.06058948290582026, 0.7171282828282827], [0.060693939393939404, 0.7157878941168733], [0.061501007502056546, 0.707029292929293], [0.0624449749497788, 0.696930303030303], [0.06340272143820118, 0.6868313131313131], [0.06437465519738296, 0.6767323232323232], [0.06536120287239264, 0.6666333333333333], [0.0663628106478246, 0.6565343434343435], [0.06737994545948447, 0.6464353535353535], [0.06841309630147908, 0.6363363636363636], [0.06946277563787008, 0.6262373737373738], [0.07052952092909227, 0.6161383838383838], [0.0707929292929293, 0.6136852126256764], [0.07174047192534928, 0.606039393939394], [0.07301306703952831, 0.595940404040404], [0.07430741328488273, 0.5858414141414141], [0.07562426714844844, 0.5757424242424243], [0.07696442528176173, 0.5656434343434343], [0.07832872739545961, 0.5555444444444444], [0.07971805941943448, 0.5454454545454546], [0.0808919191919192, 0.537069266740841], [0.08116559596031903, 0.5353464646464646], [0.08280043091048186, 0.5252474747474747], [0.08446700610107924, 0.5151484848484849], [0.08616657844571149, 0.5050494949494948], [0.08790048102938372, 0.49495050505050503], [0.08967012939047002, 0.48485151515151514], [0.0909909090909091, 0.47746950856942194], [0.09153427733858048, 0.47475252525252526], [0.09359739800558642, 0.4646535353535354], [0.09570585572738356, 0.45455454545454543], [0.09786168792264333, 0.4444555555555556], [0.10006707251362074, 0.43435656565656566], [0.101089898989899, 0.42978045358619077], [0.10245437548402692, 0.4242575757575757], [0.1050095344969283, 0.4141585858585858], [0.10762777476403346, 0.404059595959596], [0.11031228997146625, 0.3939606060606061], [0.11118888888888889, 0.3907463665125134], [0.11324543477435448, 0.3838616161616162], [0.11634253990419771, 0.37376262626262624], [0.1195244846831189, 0.36366363636363636], [0.12128787878787879, 0.35822021517454866], [0.12292723926458037, 0.35356464646464647], [0.12658644723463575, 0.34346565656565653], [0.13035486899221288, 0.33336666666666664], [0.13138686868686866, 0.33068355657371046], [0.13446746690571615, 0.32326767676767676], [0.1387958045501109, 0.3131686868686869], [0.14148585858585858, 0.307091408341571], [0.14339791834578278, 0.303069696969697], [0.1483620606889439, 0.29297070707070705], [0.1515848484848485, 0.2866365269052548], [0.15363247327154786, 0.28287171717171716], [0.15932487132228987, 0.2727727272727273], [0.16168383838383837, 0.2687398040385114], [0.16546097097239099, 0.26267373737373734], [0.17178282828282826, 0.2529039257958485], [0.17200874256669463, 0.25257474747474745], [0.17922251188840727, 0.24247575757575757], [0.18188181818181817, 0.2389047723237105], [0.18702099525626395, 0.23237676767676768], [0.19198080808080809, 0.22634466123837446], [0.1955054868655126, 0.22227777777777777], [0.20207979797979797, 0.2150292390410669], [0.2047976821269526, 0.21217878787878786], [0.21217878787878786, 0.2047976821269526], [0.2150292390410669, 0.20207979797979797], [0.22227777777777777, 0.1955054868655126], [0.22634466123837446, 0.19198080808080809], [0.23237676767676768, 0.18702099525626395], [0.2389047723237105, 0.18188181818181817], [0.24247575757575757, 0.17922251188840727], [0.25257474747474745, 0.17200874256669463], [0.2529039257958485, 0.17178282828282826], [0.26267373737373734, 0.16546097097239099], [0.2687398040385114, 0.16168383838383837], [0.2727727272727273, 0.15932487132228987], [0.28287171717171716, 0.15363247327154786], [0.2866365269052548, 0.1515848484848485], [0.29297070707070705, 0.1483620606889439], [0.303069696969697, 0.14339791834578278], [0.307091408341571, 0.14148585858585858], [0.3131686868686869, 0.1387958045501109], [0.32326767676767676, 0.13446746690571615], [0.33068355657371046, 0.13138686868686866], [0.33336666666666664, 0.13035486899221288], [0.34346565656565653, 0.12658644723463575], [0.35356464646464647, 0.12292723926458037], [0.35822021517454866, 0.12128787878787879], [0.36366363636363636, 0.1195244846831189], [0.37376262626262624, 0.11634253990419771], [0.3838616161616162, 0.11324543477435448], [0.3907463665125134, 0.11118888888888889], [0.3939606060606061, 0.11031228997146625], [0.404059595959596, 0.10762777476403346], [0.4141585858585858, 0.1050095344969283], [0.4242575757575757, 0.10245437548402692], [0.42978045358619077, 0.101089898989899], [0.43435656565656566, 0.10006707251362074], [0.4444555555555556, 0.09786168792264333], [0.45455454545454543, 0.09570585572738356], [0.4646535353535354, 0.09359739800558642], [0.47475252525252526, 0.09153427733858048], [0.47746950856942194, 0.0909909090909091], [0.48485151515151514, 0.08967012939047002], [0.49495050505050503, 0.08790048102938372], [0.5050494949494948, 0.08616657844571149], [0.5151484848484849, 0.08446700610107924], [0.5252474747474747, 0.08280043091048186], [0.5353464646464646, 0.08116559596031903], [0.537069266740841, 0.0808919191919192], [0.5454454545454546, 0.07971805941943448], [0.5555444444444444, 0.07832872739545961], [0.5656434343434343, 0.07696442528176173], [0.5757424242424243, 0.07562426714844844], [0.5858414141414141, 0.07430741328488273], [0.595940404040404, 0.07301306703952831], [0.606039393939394, 0.07174047192534928], [0.6136852126256764, 0.0707929292929293], [0.6161383838383838, 0.07052952092909227], [0.6262373737373738, 0.06946277563787008], [0.6363363636363636, 0.06841309630147908], [0.6464353535353535, 0.06737994545948447], [0.6565343434343435, 0.0663628106478246], [0.6666333333333333, 0.06536120287239264], [0.6767323232323232, 0.06437465519738296], [0.6868313131313131, 0.06340272143820118], [0.696930303030303, 0.0624449749497788], [0.707029292929293, 0.061501007502056546], [0.7157878941168733, 0.060693939393939404], [0.7171282828282827, 0.06058948290582026], [0.7272272727272728, 0.059813474683764564], [0.7373262626262627, 0.05904816890334868], [0.7474252525252525, 0.058293274367239675], [0.7575242424242424, 0.057548511603332055], [0.7676232323232324, 0.05681361224357841], [0.7777222222222222, 0.05608831844341776], [0.7878212121212121, 0.0553723823386586], [0.797920202020202, 0.05466556553695393], [0.8080191919191919, 0.053967638641257504], [0.8181181818181819, 0.05327838080287796], [0.8282171717171717, 0.052597579301951566], [0.8383161616161616, 0.05192502915333984], [0.8484151515151515, 0.05126053273612512], [0.8585141414141414, 0.050603899445028244], [0.8586534200747351, 0.0505949494949495], [0.8686131313131313, 0.050071814875992014], [0.8787121212121212, 0.04954749644256662], [0.8888111111111111, 0.04902916967293002], [0.898910101010101, 0.04851669917302867], [0.9090090909090909, 0.0480099540868472], [0.9191080808080808, 0.04750880789584363], [0.9292070707070708, 0.04701313822934389], [0.9393060606060606, 0.04652282668518491], [0.9494050505050504, 0.0460377586599484], [0.9595040404040404, 0.04555782318817661], [0.9696030303030303, 0.045082912790005675], [0.9797020202020201, 0.04461292332669338], [0.9898010101010102, 0.04414775386355515], [0.9999, 0.04368730653985746]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#481C6E\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652730304832\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.056016964624091246, 0.9999], [0.05658027697123121, 0.9898010101010101], [0.0571493663949549, 0.9797020202020202], [0.05772435261831566, 0.9696030303030303], [0.05830535912504582, 0.9595040404040405], [0.05889251331872943, 0.9494050505050505], [0.059485946690486693, 0.9393060606060606], [0.060085794995721614, 0.9292070707070706], [0.06069219844052776, 0.9191080808080808], [0.0606939393939394, 0.919079403965263], [0.06141682497255061, 0.9090090909090909], [0.06214986829030833, 0.898910101010101], [0.06289119383197549, 0.8888111111111111], [0.06364099089021667, 0.8787121212121212], [0.06439945532229613, 0.8686131313131313], [0.06516678985717482, 0.8585141414141414], [0.06594320442077843, 0.8484151515151515], [0.06672891648074131, 0.8383161616161616], [0.06752415141204314, 0.8282171717171718], [0.06832914288507594, 0.8181181818181819], [0.06914413327781385, 0.8080191919191919], [0.06996937411390393, 0.797920202020202], [0.0707929292929293, 0.7879685999818534], [0.07080700708286557, 0.7878212121212121], [0.07178406003944938, 0.7777222222222222], [0.0727738836384104, 0.7676232323232324], [0.07377681614518822, 0.7575242424242424], [0.07479320944564097, 0.7474252525252525], [0.07582342978724863, 0.7373262626262627], [0.07686785857143118, 0.7272272727272727], [0.0779268932012714, 0.7171282828282828], [0.07900094798935689, 0.707029292929293], [0.08009045513093237, 0.696930303030303], [0.0808919191919192, 0.6896081574576591], [0.08123645150140418, 0.6868313131313131], [0.08250802790071096, 0.6767323232323232], [0.08379872361786493, 0.6666333333333333], [0.08510912239408774, 0.6565343434343435], [0.08643983511931386, 0.6464353535353535], [0.08779150154225017, 0.6363363636363636], [0.08916479211723591, 0.6262373737373739], [0.09056041000124859, 0.6161383838383838], [0.0909909090909091, 0.6130738477157567], [0.09209546880646113, 0.606039393939394], [0.09370787444090667, 0.595940404040404], [0.0953478392307128, 0.5858414141414141], [0.09701632166137537, 0.5757424242424243], [0.09871433110768416, 0.5656434343434343], [0.1004429315012442, 0.5555444444444444], [0.10108989898989901, 0.5518327664415725], [0.10232052361230379, 0.5454454545454546], [0.10430263072376122, 0.5353464646464646], [0.10632248739742527, 0.5252474747474747], [0.10838155948941577, 0.5151484848484849], [0.11048139993039628, 0.5050494949494949], [0.11118888888888889, 0.5017142612480641], [0.11276036888874631, 0.49495050505050503], [0.1151551241472028, 0.48485151515151514], [0.11760028848201648, 0.4747525252525253], [0.12009802980925469, 0.4646535353535354], [0.12128787878787879, 0.45994612505889926], [0.12276920287901835, 0.45455454545454543], [0.12560622066367097, 0.44445555555555555], [0.1285084480820939, 0.43435656565656566], [0.13138686868686866, 0.424570641614081], [0.13148632203800445, 0.4242575757575757], [0.13477181867065224, 0.41415858585858584], [0.13813842698645684, 0.40405959595959595], [0.14148585858585858, 0.3942660337408288], [0.14159798762948184, 0.39396060606060607], [0.1454018292062642, 0.3838616161616162], [0.14930709163942696, 0.3737626262626263], [0.1515848484848485, 0.3680294092128776], [0.1534389613164447, 0.36366363636363636], [0.15784872895596708, 0.35356464646464647], [0.16168383838383837, 0.34502907591232257], [0.16243161833245745, 0.34346565656565653], [0.16740610969275566, 0.33336666666666664], [0.17178282828282826, 0.32474644627498317], [0.17257914293093432, 0.32326767676767676], [0.17819004865993887, 0.3131686868686869], [0.18188181818181817, 0.3067348376766903], [0.18410506243061547, 0.303069696969697], [0.1904386559704537, 0.29297070707070705], [0.19198080808080809, 0.2905950707786845], [0.19726543954540315, 0.28287171717171716], [0.20207979797979797, 0.27608250070799795], [0.2045471696787034, 0.2727727272727273], [0.21217878787878786, 0.2629077582927898], [0.21236865871175667, 0.26267373737373734], [0.22088366480115626, 0.25257474747474745], [0.2222777777777778, 0.25098613087260513], [0.23009350609114987, 0.24247575757575757], [0.23237676767676768, 0.24009102966872933], [0.24009102966872933, 0.23237676767676768], [0.24247575757575757, 0.23009350609114987], [0.25098613087260513, 0.2222777777777778], [0.25257474747474745, 0.22088366480115626], [0.26267373737373734, 0.21236865871175667], [0.2629077582927898, 0.21217878787878786], [0.2727727272727273, 0.2045471696787034], [0.27608250070799795, 0.20207979797979797], [0.28287171717171716, 0.19726543954540315], [0.2905950707786845, 0.19198080808080809], [0.29297070707070705, 0.1904386559704537], [0.303069696969697, 0.18410506243061547], [0.3067348376766903, 0.18188181818181817], [0.3131686868686869, 0.17819004865993887], [0.32326767676767676, 0.17257914293093432], [0.32474644627498317, 0.17178282828282826], [0.33336666666666664, 0.16740610969275566], [0.34346565656565653, 0.16243161833245745], [0.34502907591232257, 0.16168383838383837], [0.35356464646464647, 0.15784872895596708], [0.36366363636363636, 0.1534389613164447], [0.3680294092128776, 0.1515848484848485], [0.3737626262626263, 0.14930709163942696], [0.3838616161616162, 0.1454018292062642], [0.3872956382982957, 0.14410838537576795]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.5224542447781646, 0.10689199602490623], [0.5252474747474747, 0.10632248739742527], [0.5353464646464646, 0.10430263072376122], [0.5454454545454546, 0.10232052361230379], [0.5518327664415725, 0.10108989898989901], [0.5555444444444444, 0.1004429315012442], [0.5656434343434343, 0.09871433110768416], [0.5757424242424243, 0.09701632166137537], [0.5858414141414141, 0.0953478392307128], [0.595940404040404, 0.09370787444090667], [0.606039393939394, 0.09209546880646113], [0.6130738477157567, 0.0909909090909091], [0.6161383838383838, 0.09056041000124859], [0.6262373737373739, 0.08916479211723591], [0.6363363636363636, 0.08779150154225017], [0.6464353535353535, 0.08643983511931386], [0.6565343434343435, 0.08510912239408774], [0.6666333333333333, 0.08379872361786493], [0.6767323232323232, 0.08250802790071096], [0.6868313131313131, 0.08123645150140418], [0.6896081574576591, 0.0808919191919192], [0.696930303030303, 0.08009045513093237], [0.707029292929293, 0.07900094798935689], [0.7171282828282828, 0.0779268932012714], [0.7272272727272727, 0.07686785857143118], [0.7373262626262627, 0.07582342978724863], [0.7474252525252525, 0.07479320944564097], [0.7575242424242424, 0.07377681614518822], [0.7676232323232324, 0.0727738836384104], [0.7777222222222222, 0.07178406003944938], [0.7878212121212121, 0.07080700708286557], [0.7879685999818534, 0.0707929292929293], [0.797920202020202, 0.06996937411390393], [0.8080191919191919, 0.06914413327781385], [0.8181181818181819, 0.06832914288507594], [0.8282171717171718, 0.06752415141204314], [0.8383161616161616, 0.06672891648074131], [0.8484151515151515, 0.06594320442077843], [0.8585141414141414, 0.06516678985717482], [0.8686131313131313, 0.06439945532229613], [0.8787121212121212, 0.06364099089021667], [0.8888111111111111, 0.06289119383197549], [0.898910101010101, 0.06214986829030833], [0.9090090909090909, 0.06141682497255061], [0.919079403965263, 0.0606939393939394], [0.9191080808080808, 0.06069219844052776], [0.9292070707070706, 0.060085794995721614], [0.9393060606060606, 0.059485946690486693], [0.9494050505050505, 0.05889251331872943], [0.9595040404040405, 0.05830535912504582], [0.9696030303030303, 0.05772435261831566], [0.9797020202020202, 0.0571493663949549], [0.9898010101010101, 0.05658027697123121], [0.9999, 0.056016964624091246]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#453580\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652730181392\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.07168668199178133, 0.9999], [0.07245544611834875, 0.9898010101010101], [0.0732320943420011, 0.9797020202020202], [0.07401679005129011, 0.9696030303030303], [0.07480970176704452, 0.9595040404040402], [0.07561100335959672, 0.9494050505050505], [0.07642087427762503, 0.9393060606060606], [0.07723949978936497, 0.9292070707070708], [0.078067071237001, 0.9191080808080808], [0.07890378630511247, 0.9090090909090909], [0.07974984930411559, 0.898910101010101], [0.0806054714697184, 0.8888111111111111], [0.0808919191919192, 0.8854683409597404], [0.08154817831302735, 0.8787121212121212], [0.08254047378834634, 0.8686131313131313], [0.08354437397774422, 0.8585141414141414], [0.08456015352632948, 0.8484151515151515], [0.08558809694599276, 0.8383161616161616], [0.08662849909376777, 0.8282171717171717], [0.08768166567953739, 0.818118181818182], [0.08874791380527355, 0.8080191919191919], [0.0898275725381894, 0.797920202020202], [0.09092098352039636, 0.7878212121212121], [0.0909909090909091, 0.7871835903686777], [0.09215069589321229, 0.7777222222222222], [0.0934048238796312, 0.7676232323232324], [0.09467556113681483, 0.7575242424242424], [0.09596335351178398, 0.7474252525252525], [0.09726866504804604, 0.7373262626262627], [0.0985919789894794, 0.7272272727272727], [0.09993379885441649, 0.7171282828282828], [0.101089898989899, 0.7085487646486991], [0.10131621771463473, 0.707029292929293], [0.10284205930904138, 0.696930303030303], [0.10439017352893101, 0.6868313131313131], [0.10596122024282567, 0.6767323232323232], [0.10755588908551428, 0.6666333333333332], [0.10917490127573644, 0.6565343434343435], [0.11081901157476685, 0.6464353535353534], [0.11118888888888889, 0.6441985931230085], [0.11261289371479886, 0.6363363636363635], [0.11447128258919485, 0.6262373737373738], [0.11635988562470624, 0.6161383838383838], [0.1165781123987038, 0.6149904248239396]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.1701934369199381, 0.42097945769615785], [0.17178282828282826, 0.4169823128749085], [0.17297367986446677, 0.41415858585858584], [0.17733787772479884, 0.40405959595959595], [0.18181254556621151, 0.39396060606060607], [0.18188181818181817, 0.39380822044907104], [0.18666178945473916, 0.3838616161616162], [0.19164439132394784, 0.37376262626262624], [0.19198080808080809, 0.3730989402266477], [0.19702198984610564, 0.36366363636363636], [0.20207979797979797, 0.3544565304199639], [0.2025948666203979, 0.35356464646464647], [0.2085961223178509, 0.34346565656565653], [0.21217878787878786, 0.3376114281129997], [0.21490319843882072, 0.33336666666666664], [0.22158443295010607, 0.32326767676767676], [0.2222777777777778, 0.32225189670168874], [0.2287660776323285, 0.3131686868686869], [0.23237676767676768, 0.30827439376703425], [0.23638708587378637, 0.303069696969697], [0.24247575757575757, 0.29542670446608926], [0.24451553611430168, 0.29297070707070705], [0.25257474747474745, 0.28359589826174414], [0.2532227089033099, 0.28287171717171716], [0.2625873230959332, 0.2727727272727273], [0.2626737373737374, 0.2726829246636269], [0.2726829246636269, 0.2626737373737374], [0.2727727272727273, 0.2625873230959332], [0.28287171717171716, 0.2532227089033099], [0.28359589826174414, 0.25257474747474745], [0.29297070707070705, 0.24451553611430168], [0.29542670446608926, 0.24247575757575757], [0.303069696969697, 0.23638708587378637], [0.30827439376703425, 0.23237676767676768], [0.3131686868686869, 0.2287660776323285], [0.32225189670168874, 0.2222777777777778], [0.32326767676767676, 0.22158443295010607], [0.33336666666666664, 0.21490319843882072], [0.3376114281129997, 0.21217878787878786], [0.34346565656565653, 0.2085961223178509], [0.35356464646464647, 0.2025948666203979], [0.3544565304199639, 0.20207979797979797], [0.36366363636363636, 0.19702198984610564], [0.3730989402266477, 0.19198080808080809], [0.37376262626262624, 0.19164439132394784], [0.3838616161616162, 0.18666178945473916], [0.39380822044907104, 0.18188181818181817], [0.39396060606060607, 0.18181254556621151], [0.40405959595959595, 0.17733787772479884], [0.41415858585858584, 0.17297367986446677], [0.4169823128749085, 0.17178282828282826], [0.4242575757575757, 0.16888995336696455], [0.43435656565656566, 0.1649687485225542], [0.4430158263053556, 0.16168383838383837], [0.44445555555555555, 0.16117077575810676], [0.45455454545454543, 0.15765275735666584], [0.4646535353535354, 0.154212047509094], [0.47253420511881644, 0.1515848484848485], [0.47475252525252526, 0.15089303659944453], [0.48485151515151514, 0.1478098321167667], [0.49495050505050503, 0.1447901904335209], [0.5050494949494949, 0.14183154360205077], [0.5062532840422518, 0.14148585858585858], [0.5151484848484849, 0.13910766497300892], [0.5252474747474747, 0.13646005111005327], [0.5353464646464646, 0.13386286155502083], [0.545157551344515, 0.13138686868686866], [0.5454454545454545, 0.13131959465330628], [0.5555444444444444, 0.12900306850512772], [0.5656434343434344, 0.12672827639938292], [0.5757424242424243, 0.12449374116594575], [0.5858414141414141, 0.12229806269914384], [0.5905685355492161, 0.12128787878787879], [0.595940404040404, 0.12023177940645384], [0.606039393939394, 0.11827970154022271], [0.6161383838383838, 0.11635988562470624], [0.6262373737373738, 0.11447128258919485], [0.6363363636363635, 0.11261289371479886], [0.6441985931230085, 0.11118888888888889], [0.6464353535353534, 0.11081901157476685], [0.6565343434343435, 0.10917490127573644], [0.6666333333333332, 0.10755588908551428], [0.6767323232323232, 0.10596122024282567], [0.6868313131313131, 0.10439017352893101], [0.696930303030303, 0.10284205930904138], [0.707029292929293, 0.10131621771463473], [0.7085487646486991, 0.101089898989899], [0.7171282828282828, 0.09993379885441649], [0.7272272727272727, 0.0985919789894794], [0.7373262626262627, 0.09726866504804604], [0.7474252525252525, 0.09596335351178398], [0.7575242424242424, 0.09467556113681483], [0.7676232323232324, 0.0934048238796312], [0.7777222222222222, 0.09215069589321229], [0.7871835903686777, 0.0909909090909091], [0.7878212121212121, 0.09092098352039636], [0.797920202020202, 0.0898275725381894], [0.8080191919191919, 0.08874791380527355], [0.818118181818182, 0.08768166567953739], [0.8282171717171717, 0.08662849909376777], [0.8383161616161616, 0.08558809694599276], [0.8484151515151515, 0.08456015352632948], [0.8585141414141414, 0.08354437397774422], [0.8686131313131313, 0.08254047378834634], [0.8787121212121212, 0.08154817831302735], [0.8854683409597404, 0.0808919191919192], [0.8888111111111111, 0.0806054714697184], [0.898910101010101, 0.07974984930411559], [0.9090090909090909, 0.07890378630511247], [0.9191080808080808, 0.078067071237001], [0.9292070707070708, 0.07723949978936497], [0.9393060606060606, 0.07642087427762503], [0.9494050505050505, 0.07561100335959672], [0.9595040404040402, 0.07480970176704452], [0.9696030303030303, 0.07401679005129011], [0.9797020202020202, 0.0732320943420011], [0.9898010101010101, 0.07245544611834875], [0.9999, 0.07168668199178133]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#3D4C89\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764087856\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.09202731579298881, 0.9999], [0.09300135662925008, 0.9898010101010101], [0.09398538678766151, 0.9797020202020201], [0.09497961328506485, 0.9696030303030303], [0.09598424964100832, 0.9595040404040404], [0.09699951615297736, 0.9494050505050504], [0.09802564018634274, 0.9393060606060606], [0.09906285647998053, 0.9292070707070708], [0.10011140746859205, 0.9191080808080808], [0.10108989898989901, 0.9097868479169862], [0.10118014394921784, 0.9090090909090909], [0.10236504496189099, 0.898910101010101], [0.10356333347194627, 0.8888111111111111], [0.1047753154545758, 0.8787121212121212], [0.10600130749607825, 0.8686131313131313], [0.10724163729025468, 0.8585141414141414], [0.10849664416417609, 0.8484151515151515], [0.10976667963543214, 0.8383161616161616], [0.11105210800315109, 0.8282171717171717], [0.11118888888888889, 0.8271555748261256], [0.11246425966094817, 0.8181181818181817], [0.11390714705150222, 0.8080191919191919], [0.11536818218415512, 0.797920202020202], [0.11684782738196545, 0.7878212121212123], [0.11834656286305628, 0.7777222222222222], [0.11986488767624838, 0.7676232323232324], [0.12128787878787879, 0.7582820568197064], [0.12141336262238712, 0.7575242424242424], [0.12310806310916933, 0.7474252525252525], [0.12482581834588503, 0.7373262626262627], [0.12656726426861503, 0.7272272727272728], [0.1283330634940821, 0.7171282828282829], [0.13012390683335684, 0.707029292929293], [0.13138686868686866, 0.7000081643027558], [0.1319848170025784, 0.696930303030303], [0.13397542660093212, 0.6868313131313131], [0.13599552345681126, 0.6767323232323232], [0.13804599432237688, 0.6666333333333333], [0.14012776656133852, 0.6565343434343434], [0.14148585858585858, 0.6500466085765532], [0.1422978154671168, 0.6464353535353535], [0.14460423315002685, 0.6363363636363636], [0.14694754923169748, 0.6262373737373738], [0.1493289635449123, 0.6161383838383838], [0.1515848484848485, 0.6067272701708514], [0.15176110788039637, 0.606039393939394], [0.15439232969118444, 0.595940404040404], [0.15706852421176867, 0.5858414141414141], [0.15979125555721307, 0.5757424242424243], [0.16168383838383837, 0.56884464045063], [0.162618839402725, 0.5656434343434343], [0.16562167040319598, 0.5555444444444444], [0.16867959227376395, 0.5454454545454546], [0.17178282828282826, 0.5353848366751599], [0.17179538161083577, 0.5353464646464646], [0.17516216741889623, 0.5252474747474747], [0.17859431920841473, 0.5151484848484849], [0.18188181818181814, 0.5056629388618475], [0.1821065740166935, 0.5050494949494949], [0.18588141872562447, 0.49495050505050503], [0.18973408485313387, 0.48485151515151514], [0.19198080808080809, 0.4790835952403601], [0.19375903459476534, 0.47475252525252526], [0.197994578857628, 0.4646535353535354], [0.20207979797979797, 0.45512241833226397], [0.20233568026995796, 0.45455454545454543], [0.2069885093201922, 0.44445555555555555], [0.2117482849253628, 0.43435656565656566], [0.21217878787878786, 0.43346414691396096], [0.21683666503514126, 0.4242575757575757], [0.2220691432236916, 0.41415858585858584], [0.22227777777777777, 0.4137656106223513], [0.22767044931366814, 0.40405959595959595], [0.23237676767676768, 0.39579803891577536], [0.233470003962379, 0.39396060606060607], [0.23963475094791575, 0.3838616161616162], [0.24247575757575757, 0.37932839272781826], [0.2461122785230893, 0.37376262626262624], [0.2496413660281956, 0.3685053037197254]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.36382177829153534, 0.25279387228161976], [0.36413541139385636, 0.25257474747474745], [0.37376262626262624, 0.2461122785230893], [0.37932839272781826, 0.24247575757575757], [0.3838616161616162, 0.23963475094791575], [0.39396060606060607, 0.233470003962379], [0.39579803891577536, 0.23237676767676768], [0.40405959595959595, 0.22767044931366814], [0.4137656106223513, 0.22227777777777777], [0.41415858585858584, 0.2220691432236916], [0.4242575757575757, 0.21683666503514126], [0.43346414691396096, 0.21217878787878786], [0.43435656565656566, 0.2117482849253628], [0.44445555555555555, 0.2069885093201922], [0.45455454545454543, 0.20233568026995796], [0.45512241833226397, 0.20207979797979797], [0.4646535353535354, 0.197994578857628], [0.47475252525252526, 0.19375903459476534], [0.4790835952403601, 0.19198080808080809], [0.48485151515151514, 0.18973408485313387], [0.49495050505050503, 0.18588141872562447], [0.5050494949494949, 0.1821065740166935], [0.5056629388618475, 0.18188181818181814], [0.5151484848484849, 0.17859431920841473], [0.5252474747474747, 0.17516216741889623], [0.5353464646464646, 0.17179538161083577], [0.5353848366751599, 0.17178282828282826], [0.5454454545454546, 0.16867959227376395], [0.5555444444444444, 0.16562167040319598], [0.5656434343434343, 0.162618839402725], [0.56884464045063, 0.16168383838383837], [0.5757424242424243, 0.15979125555721307], [0.5858414141414141, 0.15706852421176867], [0.595940404040404, 0.15439232969118444], [0.606039393939394, 0.15176110788039637], [0.6067272701708514, 0.1515848484848485], [0.6161383838383838, 0.1493289635449123], [0.6262373737373738, 0.14694754923169748], [0.6363363636363636, 0.14460423315002685], [0.6464353535353535, 0.1422978154671168], [0.6500466085765532, 0.14148585858585858], [0.6565343434343434, 0.14012776656133852], [0.6666333333333333, 0.13804599432237688], [0.6767323232323232, 0.13599552345681126], [0.6868313131313131, 0.13397542660093212], [0.696930303030303, 0.1319848170025784], [0.7000081643027558, 0.13138686868686866], [0.707029292929293, 0.13012390683335684], [0.7171282828282829, 0.1283330634940821], [0.7272272727272728, 0.12656726426861503], [0.7373262626262627, 0.12482581834588503], [0.7474252525252525, 0.12310806310916933], [0.7575242424242424, 0.12141336262238712], [0.7582820568197064, 0.12128787878787879], [0.7676232323232324, 0.11986488767624838], [0.7777222222222222, 0.11834656286305628], [0.7878212121212123, 0.11684782738196545], [0.797920202020202, 0.11536818218415512], [0.8080191919191919, 0.11390714705150222], [0.8181181818181817, 0.11246425966094817], [0.8271555748261256, 0.11118888888888889], [0.8282171717171717, 0.11105210800315109], [0.8383161616161616, 0.10976667963543214], [0.8484151515151515, 0.10849664416417609], [0.8585141414141414, 0.10724163729025468], [0.8686131313131313, 0.10600130749607825], [0.8787121212121212, 0.1047753154545758], [0.8888111111111111, 0.10356333347194627], [0.898910101010101, 0.10236504496189099], [0.9090090909090909, 0.10118014394921784], [0.9097868479169862, 0.10108989898989901], [0.9191080808080808, 0.10011140746859205], [0.9292070707070708, 0.09906285647998053], [0.9393060606060606, 0.09802564018634274], [0.9494050505050504, 0.09699951615297736], [0.9595040404040404, 0.09598424964100832], [0.9696030303030303, 0.09497961328506485], [0.9797020202020201, 0.09398538678766151], [0.9898010101010101, 0.09300135662925008], [0.9999, 0.09202731579298881]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#33608D\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652729520592\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.11819719129201087, 0.9999], [0.11937642529904453, 0.9898010101010101], [0.12056775299655621, 0.9797020202020202], [0.12128787878787878, 0.9736600561123644], [0.12181348715617217, 0.9696030303030303], [0.12313556185901185, 0.9595040404040404], [0.12447162556422586, 0.9494050505050506], [0.12582197747859009, 0.9393060606060606], [0.12718692651221714, 0.9292070707070708], [0.12856679170272076, 0.9191080808080807], [0.12996190266281354, 0.9090090909090909], [0.13137260005290882, 0.898910101010101], [0.13138686868686866, 0.8988090950159624], [0.13291225197686948, 0.8888111111111111], [0.13447065311850243, 0.8787121212121212], [0.13604706879504985, 0.8686131313131313], [0.1376419203645857, 0.8585141414141414], [0.13925564414357536, 0.8484151515151515], [0.1408886921234022, 0.8383161616161616], [0.14148585858585858, 0.8346674261923535], [0.1426197424747163, 0.8282171717171717], [0.14441681458899752, 0.8181181818181819], [0.14623620840528045, 0.8080191919191919], [0.14807848542781377, 0.7979202020202019], [0.14994422861803955, 0.787821212121212], [0.1515848484848485, 0.7790538965477904], [0.15185123080734575, 0.7777222222222222], [0.15389779331053366, 0.7676232323232324], [0.15597145983430039, 0.7575242424242424], [0.15807295793899445, 0.7474252525252525], [0.16020304487910056, 0.7373262626262627], [0.16168383838383837, 0.730401157073402], [0.1624062959283123, 0.7272272727272727], [0.16473723273851548, 0.7171282828282828], [0.16710122893956636, 0.707029292929293], [0.16949923579384713, 0.6969303030303029], [0.17178282828282826, 0.6874515201959864], [0.1719413018030387, 0.6868313131313131], [0.17455999146013482, 0.6767323232323232], [0.1772180555188984, 0.6666333333333333], [0.17991669613839792, 0.6565343434343436], [0.18188181818181817, 0.6492926258999154], [0.1827014756670177, 0.6464353535353535], [0.185644161659246, 0.6363363636363636], [0.18863392516131694, 0.6262373737373738], [0.19167229700225233, 0.6161383838383838], [0.19198080808080809, 0.6151296214642593], [0.19491114912697005, 0.606039393939394], [0.198221384705335, 0.595940404040404], [0.20158819866238797, 0.5858414141414141], [0.20207979797979797, 0.5843920317654998], [0.20516399593405577, 0.5757424242424243], [0.2088287281412885, 0.5656434343434343], [0.21217878787878786, 0.556574970231677], [0.21257805205076524, 0.5555444444444444], [0.21656256193793616, 0.5454454545454546], [0.22062153915841637, 0.5353464646464646], [0.2222777777777778, 0.5313026541331969], [0.2248731586222692, 0.5252474747474747], [0.22928584455120102, 0.5151484848484849], [0.23237676767676768, 0.5082118572317889], [0.23384851958895944, 0.5050494949494949], [0.23864349034875684, 0.4949505050505051], [0.24247575757575757, 0.4870421624489945], [0.2435824801333426, 0.48485151515151514], [0.24879192152776425, 0.47475252525252526], [0.25257474747474745, 0.46757352888935855], [0.25417617158849504, 0.4646535353535354], [0.2598365136770231, 0.45455454545454543], [0.26267373737373734, 0.44960370671070776], [0.2657397189248709, 0.44445555555555555], [0.2718924164872242, 0.43435656565656566], [0.2727727272727273, 0.43294484268551203], [0.27839425433063564, 0.4242575757575757], [0.28287171717171716, 0.41750108046521994], [0.28516729068406116, 0.41415858585858584], [0.2922743508661591, 0.40405959595959595], [0.29297070707070705, 0.4030945166084162], [0.29979252603658957, 0.3939606060606061], [0.303069696969697, 0.38968378678029925], [0.3076822232009488, 0.3838616161616162], [0.3131686868686869, 0.37711616838695894], [0.3159857342930519, 0.37376262626262624], [0.32326767676767676, 0.3653250024128525], [0.32474700052107497, 0.36366363636363636], [0.33336666666666664, 0.35424843091470254], [0.3340119335481055, 0.35356464646464647], [0.34346565656565653, 0.3438287648746998], [0.3438287648746998, 0.34346565656565653], [0.35356464646464647, 0.3340119335481055], [0.35424843091470254, 0.33336666666666664], [0.36366363636363636, 0.32474700052107497], [0.3653250024128525, 0.32326767676767676], [0.37376262626262624, 0.3159857342930519], [0.37711616838695894, 0.3131686868686869], [0.3838616161616162, 0.3076822232009488], [0.38968378678029925, 0.303069696969697], [0.3939606060606061, 0.29979252603658957], [0.4030945166084162, 0.29297070707070705], [0.40405959595959595, 0.2922743508661591], [0.41415858585858584, 0.28516729068406116], [0.41750108046521994, 0.28287171717171716], [0.4242575757575757, 0.27839425433063564], [0.43294484268551203, 0.2727727272727273], [0.43435656565656566, 0.2718924164872242], [0.44445555555555555, 0.2657397189248709], [0.44960370671070776, 0.26267373737373734], [0.45455454545454543, 0.2598365136770231], [0.4646535353535354, 0.25417617158849504], [0.46757352888935855, 0.25257474747474745], [0.47475252525252526, 0.24879192152776425], [0.48485151515151514, 0.2435824801333426], [0.4870421624489945, 0.24247575757575757], [0.4949505050505051, 0.23864349034875684], [0.5050494949494949, 0.23384851958895944], [0.5082118572317889, 0.23237676767676768], [0.5151484848484849, 0.22928584455120102], [0.5192592103192801, 0.22748969061658875]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.6531839613738015, 0.1808258602434255], [0.6565343434343436, 0.17991669613839792], [0.6666333333333333, 0.1772180555188984], [0.6767323232323232, 0.17455999146013482], [0.6868313131313131, 0.1719413018030387], [0.6874515201959864, 0.17178282828282826], [0.6969303030303029, 0.16949923579384713], [0.707029292929293, 0.16710122893956636], [0.7171282828282828, 0.16473723273851548], [0.7272272727272727, 0.1624062959283123], [0.730401157073402, 0.16168383838383837], [0.7373262626262627, 0.16020304487910056], [0.7474252525252525, 0.15807295793899445], [0.7575242424242424, 0.15597145983430039], [0.7676232323232324, 0.15389779331053366], [0.7777222222222222, 0.15185123080734575], [0.7790538965477904, 0.1515848484848485], [0.787821212121212, 0.14994422861803955], [0.7979202020202019, 0.14807848542781377], [0.8080191919191919, 0.14623620840528045], [0.8181181818181819, 0.14441681458899752], [0.8282171717171717, 0.1426197424747163], [0.8346674261923535, 0.14148585858585858], [0.8383161616161616, 0.1408886921234022], [0.8484151515151515, 0.13925564414357536], [0.8585141414141414, 0.1376419203645857], [0.8686131313131313, 0.13604706879504985], [0.8787121212121212, 0.13447065311850243], [0.8888111111111111, 0.13291225197686948], [0.8988090950159624, 0.13138686868686866], [0.898910101010101, 0.13137260005290882], [0.9090090909090909, 0.12996190266281354], [0.9191080808080807, 0.12856679170272076], [0.9292070707070708, 0.12718692651221714], [0.9393060606060606, 0.12582197747859009], [0.9494050505050506, 0.12447162556422586], [0.9595040404040404, 0.12313556185901185], [0.9696030303030303, 0.12181348715617217], [0.9736600561123644, 0.12128787878787878], [0.9797020202020202, 0.12056775299655621], [0.9898010101010101, 0.11937642529904453], [0.9999, 0.11819719129201088]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#2B748E\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652729522048\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.15164989163822482, 0.9999], [0.15323939085493407, 0.9898010101010101], [0.15484519125650348, 0.9797020202020204], [0.15646763066563557, 0.9696030303030303], [0.15810705751654586, 0.9595040404040402], [0.15976383130410107, 0.9494050505050506], [0.16143832305697392, 0.9393060606060606], [0.16168383838383837, 0.9378411738144888], [0.16322427880692814, 0.9292070707070708], [0.16504576480560515, 0.9191080808080808], [0.16688737592667585, 0.9090090909090909], [0.1687495618576731, 0.898910101010101], [0.17063278752870736, 0.8888111111111112], [0.17178282828282826, 0.8827135798661014], [0.1725832732786671, 0.8787121212121212], [0.17462681065433538, 0.8686131313131313], [0.17669424682582008, 0.8585141414141414], [0.17878614739838503, 0.8484151515151515], [0.180903098296986, 0.8383161616161616], [0.18188181818181814, 0.8337030545361168], [0.18311221224036356, 0.8282171717171717], [0.1854050401946859, 0.8181181818181819], [0.18772634770858235, 0.8080191919191919], [0.19007685118771495, 0.797920202020202], [0.19198080808080809, 0.7898426972863477], [0.1924830488629392, 0.7878212121212121], [0.19502452919929653, 0.7777222222222222], [0.19759922814091538, 0.7676232323232324], [0.20020802557353518, 0.7575242424242424], [0.20207979797979797, 0.7503743331002855], [0.20289142536656785, 0.7474252525252525], [0.20570861654168815, 0.7373262626262627], [0.20856466144296548, 0.7272272727272727], [0.2114606467898252, 0.7171282828282828], [0.21217878787878786, 0.7146589758731308], [0.21450593505966664, 0.707029292929293], [0.2176305675469613, 0.696930303030303], [0.22080081012210306, 0.6868313131313131], [0.22227777777777777, 0.6821950259460259], [0.22409894654106632, 0.6767323232323232], [0.22751639500768878, 0.6666333333333333], [0.23098601238454133, 0.6565343434343435], [0.23150998809425155, 0.6550324930256392]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.31256211582722915, 0.4851456055363484], [0.3127470715344849, 0.48485151515151514], [0.31316868686868693, 0.48419494283180675], [0.3194308690776805, 0.4747525252525253], [0.32326767676767676, 0.46908898322831194], [0.32636788025597874, 0.4646535353535354], [0.33336666666666664, 0.454855708698277], [0.333588411988117, 0.45455454545454543], [0.34119133326221596, 0.44445555555555555], [0.34346565656565653, 0.44150244121101956], [0.3491332644558036, 0.43435656565656566], [0.35356464646464647, 0.4288977813898463], [0.3574406835298369, 0.4242575757575757], [0.36366363636363636, 0.4169830205793619], [0.36614782375417143, 0.4141585858585858], [0.37376262626262624, 0.4057094115950188], [0.3752902502977632, 0.40405959595959595], [0.3838616161616162, 0.39503115848583376], [0.3849050698553476, 0.39396060606060607], [0.39396060606060607, 0.3849050698553476], [0.39503115848583376, 0.3838616161616162], [0.40405959595959595, 0.3752902502977632], [0.4057094115950188, 0.37376262626262624], [0.4141585858585858, 0.36614782375417143], [0.4169830205793619, 0.36366363636363636], [0.4242575757575757, 0.3574406835298369], [0.4288977813898463, 0.35356464646464647], [0.43435656565656566, 0.3491332644558036], [0.44150244121101956, 0.34346565656565653], [0.44445555555555555, 0.34119133326221596], [0.45455454545454543, 0.333588411988117], [0.454855708698277, 0.33336666666666664], [0.4646535353535354, 0.32636788025597874], [0.46908898322831194, 0.32326767676767676], [0.4747525252525253, 0.3194308690776805], [0.48419494283180675, 0.31316868686868693], [0.48485151515151514, 0.3127470715344849], [0.4949505050505051, 0.3063957390337811], [0.500348135044338, 0.303069696969697], [0.5050494949494949, 0.30026766942385996], [0.5151484848484849, 0.29436780813734864], [0.5175872989883886, 0.29297070707070705], [0.5252474747474747, 0.28873122459697476], [0.5353464646464646, 0.2832484417067648], [0.5360535864497421, 0.28287171717171716], [0.5454454545454546, 0.2780436680106327], [0.5555444444444444, 0.2729473569050595], [0.5558968440713978, 0.2727727272727273], [0.5656434343434343, 0.26811846758740365], [0.5757424242424243, 0.26338127180581594], [0.5772774746725519, 0.26267373737373734], [0.5858414141414141, 0.25887538658230214], [0.595940404040404, 0.2544727553948332], [0.6003685697966663, 0.25257474747474745], [0.606039393939394, 0.2502394162662313], [0.6161383838383838, 0.24614923371384964], [0.62535839344318, 0.24247575757575757], [0.6262373737373738, 0.24213984288587548], [0.6363363636363636, 0.23834211617748344], [0.6464353535353535, 0.2346041893550589], [0.652548077725208, 0.23237676767676768], [0.6565343434343435, 0.23098601238454133], [0.6666333333333333, 0.22751639500768878], [0.6767323232323232, 0.22409894654106632], [0.6821950259460259, 0.22227777777777777], [0.6868313131313131, 0.22080081012210306], [0.696930303030303, 0.2176305675469613], [0.707029292929293, 0.21450593505966664], [0.7146589758731308, 0.21217878787878786], [0.7171282828282828, 0.2114606467898252], [0.7272272727272727, 0.20856466144296548], [0.7373262626262627, 0.20570861654168815], [0.7474252525252525, 0.20289142536656785], [0.7503743331002855, 0.20207979797979797], [0.7575242424242424, 0.20020802557353518], [0.7676232323232324, 0.19759922814091538], [0.7777222222222222, 0.19502452919929653], [0.7878212121212121, 0.1924830488629392], [0.7898426972863477, 0.19198080808080809], [0.797920202020202, 0.19007685118771495], [0.8080191919191919, 0.18772634770858235], [0.8181181818181819, 0.1854050401946859], [0.8282171717171717, 0.18311221224036356], [0.8337030545361168, 0.18188181818181814], [0.8383161616161616, 0.180903098296986], [0.8484151515151515, 0.17878614739838503], [0.8585141414141414, 0.17669424682582008], [0.8686131313131313, 0.17462681065433538], [0.8787121212121212, 0.1725832732786671], [0.8827135798661014, 0.17178282828282826], [0.8888111111111112, 0.17063278752870736], [0.898910101010101, 0.1687495618576731], [0.9090090909090909, 0.16688737592667585], [0.9191080808080808, 0.16504576480560515], [0.9292070707070708, 0.16322427880692814], [0.9378411738144888, 0.16168383838383837], [0.9393060606060606, 0.16143832305697392], [0.9494050505050506, 0.15976383130410107], [0.9595040404040402, 0.15810705751654586], [0.9696030303030303, 0.15646763066563557], [0.9797020202020204, 0.15484519125650348], [0.9898010101010101, 0.15323939085493407], [0.9999, 0.15164989163822482]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#23878D\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652729523560\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.1947712323931474, 0.9999], [0.19677091818070117, 0.9898010101010101], [0.19879111184101284, 0.9797020202020202], [0.20083223837539724, 0.9696030303030303], [0.20207979797979797, 0.9634943730770966], [0.20293652447831972, 0.9595040404040405], [0.20512772541269975, 0.9494050505050505], [0.20734235961386066, 0.9393060606060606], [0.20958093370744063, 0.9292070707070708], [0.21184397092860788, 0.9191080808080808], [0.21217878787878788, 0.9176302606532089], [0.21422728194806664, 0.9090090909090909], [0.21665373316816633, 0.898910101010101], [0.2191075994288555, 0.8888111111111112], [0.2215895073089542, 0.8787121212121213], [0.22227777777777777, 0.8759435230357467], [0.22418485536331936, 0.8686131313131313], [0.2268429389978299, 0.8585141414141414], [0.2295324762873729, 0.8484151515151515], [0.2322542205502648, 0.8383161616161616], [0.23237676767676765, 0.8378668975073583], [0.23512592468751203, 0.8282171717171717], [0.23803837376712866, 0.8181181818181819], [0.24098699881315966, 0.8080191919191919], [0.24247575757575757, 0.8029835539771877], [0.24403640191737613, 0.7979202020202019], [0.24718879737513078, 0.7878212121212121], [0.25038186482802965, 0.7777222222222223], [0.25257474747474745, 0.7708760860212833], [0.2536591892373494, 0.7676232323232324], [0.25707059630799556, 0.7575242424242424], [0.26052778935766713, 0.7474252525252525], [0.26267373737373734, 0.7412407442223918], [0.2640852726165573, 0.7373262626262627], [0.2677771232329964, 0.7272272727272727], [0.2715206026451096, 0.7171282828282828], [0.2727727272727273, 0.7137975962078795], [0.27541317876690113, 0.707029292929293], [0.27940968014266776, 0.696930303030303], [0.28287171717171716, 0.6883077449286034], [0.2834860715349622, 0.6868313131313131], [0.2877505860200602, 0.6767323232323232], [0.2920792213931749, 0.6666333333333333], [0.29297070707070705, 0.6645847119851438], [0.29659683773442574, 0.6565343434343435], [0.3012162471498739, 0.6464353535353535], [0.303069696969697, 0.6424461416941145], [0.3060046076803655, 0.6363363636363636], [0.31093339763299943, 0.6262373737373738], [0.3131686868686869, 0.621730584302979], [0.3160332464478197, 0.6161383838383838], [0.32129186864566756, 0.606039393939394], [0.32326767676767676, 0.6023076384155092], [0.3267458662273918, 0.595940404040404], [0.332356869898548, 0.5858414141414141], [0.33336666666666664, 0.5840549913646402], [0.3382100005099119, 0.5757424242424243], [0.34346565656565653, 0.5668790470468248], [0.3442201969315507, 0.5656434343434343], [0.35049835949738906, 0.5555444444444444], [0.35356464646464647, 0.5507009067542323], [0.35698812524383666, 0.5454454545454546], [0.36366363636363636, 0.5353857489858024], [0.3636904392430541, 0.5353464646464646], [0.3707119953486342, 0.5252474747474747], [0.37376262626262624, 0.5209433660010324], [0.3779823853358739, 0.5151484848484849], [0.3838616161616162, 0.507231448370104], [0.38552514809998817, 0.5050494949494949], [0.3933801924972288, 0.4949505050505051], [0.3939606060606061, 0.49421935828685004], [0.4015903042625099, 0.48485151515151514], [0.40405959595959595, 0.4818821901876567], [0.4101387081390565, 0.4747525252525252], [0.41415858585858584, 0.4701371990873535], [0.4190526857042312, 0.4646535353535354], [0.4242575757575757, 0.4589470424355099], [0.4283604964418114, 0.45455454545454543], [0.43435656565656566, 0.4482763485666248], [0.438091509946276, 0.44445555555555555], [0.44445555555555555, 0.438091509946276], [0.4482763485666248, 0.43435656565656566], [0.45455454545454543, 0.4283604964418114], [0.4589470424355099, 0.4242575757575757], [0.4646535353535354, 0.4190526857042312], [0.4701371990873535, 0.41415858585858584], [0.4747525252525252, 0.4101387081390565], [0.4818821901876567, 0.40405959595959595], [0.48485151515151514, 0.4015903042625099], [0.49421935828685004, 0.3939606060606061], [0.4949505050505051, 0.3933801924972288], [0.5050494949494949, 0.38552514809998817], [0.507231448370104, 0.3838616161616162], [0.5151484848484849, 0.3779823853358739], [0.5209433660010324, 0.37376262626262624], [0.5252474747474747, 0.3707119953486342], [0.5353464646464646, 0.3636904392430541], [0.5353857489858024, 0.36366363636363636], [0.5454454545454546, 0.35698812524383666], [0.5507009067542323, 0.35356464646464647], [0.5555444444444444, 0.35049835949738906], [0.5656434343434343, 0.3442201969315507], [0.5668790470468248, 0.34346565656565653], [0.5757424242424243, 0.3382100005099119], [0.5840549913646402, 0.33336666666666664], [0.5858414141414141, 0.332356869898548], [0.595940404040404, 0.3267458662273918], [0.6023076384155092, 0.32326767676767676], [0.606039393939394, 0.32129186864566756], [0.6161383838383838, 0.3160332464478197], [0.621730584302979, 0.3131686868686869], [0.6262373737373738, 0.31093339763299943], [0.6363363636363636, 0.3060046076803655], [0.6424461416941145, 0.303069696969697], [0.6464353535353535, 0.3012162471498739], [0.6565343434343435, 0.29659683773442574], [0.6645847119851438, 0.29297070707070705], [0.6666333333333333, 0.2920792213931749], [0.6707915477739793, 0.29029692491631864]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.8044962848460396, 0.24202852698404442], [0.8080191919191919, 0.24098699881315966], [0.8181181818181819, 0.23803837376712866], [0.8282171717171717, 0.23512592468751203], [0.8378668975073583, 0.23237676767676765], [0.8383161616161616, 0.2322542205502648], [0.8484151515151515, 0.2295324762873729], [0.8585141414141414, 0.2268429389978299], [0.8686131313131313, 0.22418485536331936], [0.8759435230357467, 0.22227777777777777], [0.8787121212121213, 0.2215895073089542], [0.8888111111111112, 0.2191075994288555], [0.898910101010101, 0.21665373316816633], [0.9090090909090909, 0.21422728194806664], [0.9176302606532089, 0.21217878787878788], [0.9191080808080808, 0.21184397092860788], [0.9292070707070708, 0.20958093370744063], [0.9393060606060606, 0.20734235961386066], [0.9494050505050505, 0.20512772541269975], [0.9595040404040405, 0.20293652447831972], [0.9634943730770966, 0.20207979797979797], [0.9696030303030303, 0.20083223837539724], [0.9797020202020202, 0.19879111184101284], [0.9898010101010101, 0.19677091818070117], [0.9999, 0.19477123239314742]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#1E998A\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652729484232\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.25006362754872924, 0.9999], [0.25257474747474745, 0.9898060234147213], [0.25257604555603885, 0.9898010101010101], [0.25521776194639156, 0.9797020202020202], [0.25788685131470257, 0.9696030303030303], [0.2605838868731701, 0.9595040404040404], [0.2620160756494879, 0.9541973914339288]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.3258706546837346, 0.7672477459948115], [0.3300567260928111, 0.7575242424242425], [0.3333666666666666, 0.7499376586811882], [0.334496523197958, 0.7474252525252525], [0.3390999338299149, 0.7373262626262627], [0.34346565656565653, 0.727879007141506], [0.3437758221117685, 0.7272272727272727], [0.3486492233197809, 0.7171282828282828], [0.35356464646464647, 0.7070846597187536], [0.3535925286801282, 0.707029292929293], [0.358751457335985, 0.6969303030303031], [0.36366363636363636, 0.6874526882605838], [0.3639947611913163, 0.6868313131313131], [0.36945613515409753, 0.6767323232323232], [0.37376262626262624, 0.668886867667558], [0.3750335112748525, 0.6666333333333333], [0.380815798044082, 0.6565343434343435], [0.3838616161616162, 0.6512959098033385], [0.3867630742229443, 0.6464353535353535], [0.3928864861506996, 0.6363363636363636], [0.39396060606060607, 0.6345927738561752], [0.39924153669282236, 0.6262373737373738], [0.40405959595959595, 0.6187362757191267], [0.40577049641058316, 0.6161383838383838], [0.41253133410879195, 0.606039393939394], [0.41415858585858584, 0.6036488615891779], [0.41953532754734746, 0.595940404040404], [0.4242575757575757, 0.5892840424399173], [0.42675873539064113, 0.5858414141414141], [0.4342235036257629, 0.5757424242424243], [0.43435656565656566, 0.5755655366818411], [0.44199596948970377, 0.5656434343434343], [0.4444555555555555, 0.5625054429198404], [0.4500370589446404, 0.5555444444444444], [0.45455454545454543, 0.5500119407079312], [0.45836702349377634, 0.5454454545454546], [0.4646535353535354, 0.5380537801264654], [0.4670066660214667, 0.5353464646464646], [0.47475252525252526, 0.5266012798968756], [0.47597741268893423, 0.5252474747474747], [0.48485151515151514, 0.5156261821661553], [0.4853013889884597, 0.5151484848484849], [0.49495050505050503, 0.5051015206936142], [0.4950015007158595, 0.5050494949494949], [0.5050494949494949, 0.4950015007158595], [0.5051015206936142, 0.49495050505050503], [0.5151484848484849, 0.4853013889884597], [0.5156261821661553, 0.48485151515151514], [0.5252474747474747, 0.47597741268893423], [0.5266012798968756, 0.47475252525252526], [0.5353464646464646, 0.4670066660214667], [0.5380537801264654, 0.4646535353535354], [0.5454454545454546, 0.45836702349377634], [0.5500119407079312, 0.45455454545454543], [0.5555444444444444, 0.4500370589446404], [0.5625054429198404, 0.4444555555555555], [0.5656434343434343, 0.44199596948970377], [0.5755655366818411, 0.43435656565656566], [0.5757424242424243, 0.4342235036257629], [0.5858414141414141, 0.42675873539064113], [0.5892840424399173, 0.4242575757575757], [0.595940404040404, 0.41953532754734746], [0.6036488615891779, 0.41415858585858584], [0.606039393939394, 0.41253133410879195], [0.6161383838383838, 0.40577049641058316], [0.6187362757191267, 0.40405959595959595], [0.6262373737373738, 0.39924153669282236], [0.6345927738561752, 0.39396060606060607], [0.6363363636363636, 0.3928864861506996], [0.6464353535353535, 0.3867630742229443], [0.6512959098033385, 0.3838616161616162], [0.6565343434343435, 0.380815798044082], [0.6666333333333333, 0.3750335112748525], [0.668886867667558, 0.37376262626262624], [0.6767323232323232, 0.36945613515409753], [0.6868313131313131, 0.3639947611913163], [0.6874526882605838, 0.36366363636363636], [0.6969303030303031, 0.358751457335985], [0.707029292929293, 0.3535925286801282], [0.7070846597187536, 0.35356464646464647], [0.7171282828282828, 0.3486492233197809], [0.7272272727272727, 0.3437758221117685], [0.727879007141506, 0.34346565656565653], [0.7373262626262627, 0.3390999338299149], [0.7474252525252525, 0.334496523197958], [0.7499376586811882, 0.3333666666666666], [0.7575242424242425, 0.3300567260928111], [0.7676232323232324, 0.32570900383715506], [0.7733691052349971, 0.32326767676767676], [0.7777222222222222, 0.32147501039045073], [0.7878212121212121, 0.3173697815474832], [0.797920202020202, 0.3133168434406277], [0.7982940764955623, 0.3131686868686869], [0.8080191919191919, 0.30943720616930115], [0.818118181818182, 0.30561040276376716], [0.8249064247047022, 0.303069696969697], [0.8282171717171718, 0.30187117147984166], [0.8383161616161616, 0.2982595403695525], [0.8484151515151515, 0.29469115823768877], [0.8533425612604373, 0.29297070707070705], [0.8585141414141413, 0.29122620326137766], [0.8686131313131313, 0.28785940052611625], [0.8787121212121212, 0.2845315167825189], [0.8838072707814644, 0.2828717171717172], [0.8888111111111111, 0.28129884950003836], [0.898910101010101, 0.2781602788275934], [0.9090090909090909, 0.27505677283807617], [0.9165245449931446, 0.2727727272727273], [0.9191080808080808, 0.27201610446912783], [0.9292070707070708, 0.26909080194455814], [0.9393060606060606, 0.26619712154631525], [0.9494050505050505, 0.2633343869173582], [0.9517605758622814, 0.26267373737373734], [0.9595040404040404, 0.2605838868731701], [0.9696030303030303, 0.25788685131470257], [0.9797020202020202, 0.25521776194639156], [0.9898010101010101, 0.25257604555603885], [0.9898060234147213, 0.25257474747474745], [0.9999, 0.25006362754872924]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#25AB81\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652729485688\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.32106586248575936, 0.9999], [0.32326767676767676, 0.9930159146741059], [0.32432857406381366, 0.9898010101010101], [0.3276953517322707, 0.9797020202020202], [0.3310970153299083, 0.9696030303030303], [0.33336666666666664, 0.9629346222937105], [0.33457021707161616, 0.9595040404040404], [0.3381507329298089, 0.9494050505050505], [0.3417695397461707, 0.9393060606060607], [0.34346565656565653, 0.9346233337287364], [0.3454860180859066, 0.9292070707070708], [0.3492942860867695, 0.9191080808080808], [0.3531446306447298, 0.9090090909090909], [0.35356464646464647, 0.9079196118708652], [0.3571386536256982, 0.898910101010101], [0.36119011280414065, 0.8888111111111111], [0.36366363636363636, 0.8827150718828465], [0.3653336164055432, 0.8787121212121212], [0.36959548905059003, 0.8686131313131313], [0.37376262626262624, 0.8588527733526975], [0.373911163951645, 0.8585141414141414], [0.3783934091664707, 0.8484151515151515], [0.3829293288749494, 0.8383161616161616], [0.3838616161616162, 0.8362653285454764], [0.3876177726987702, 0.8282171717171718], [0.39238890019279016, 0.818118181818182], [0.393960606060606, 0.8148321861898769], [0.3973039193597946, 0.8080191919191919], [0.40232208752691523, 0.797920202020202], [0.404059595959596, 0.7944674712273212], [0.4074888356536043, 0.7878212121212123], [0.4127667934298194, 0.7777222222222222], [0.4141585858585858, 0.775093487296231], [0.418211381123593, 0.7676232323232324], [0.4237628905486177, 0.7575242424242424], [0.4242575757575757, 0.7566362572894652], [0.42951253810930645, 0.7474252525252525], [0.43435656565656566, 0.7390485001931631], [0.4353759146505943, 0.7373262626262627], [0.44143568952269724, 0.7272272727272727], [0.4444555555555556, 0.7222638896460465], [0.4476520284822211, 0.7171282828282828], [0.4540269299339664, 0.707029292929293], [0.45455454545454543, 0.706205309687716], [0.4606269887748283, 0.696930303030303], [0.4646535353535354, 0.6908686658606569], [0.4673943505362017, 0.6868313131313131], [0.47435175248055067, 0.6767323232323232], [0.47475252525252526, 0.676159200490589], [0.4815569982430637, 0.6666333333333333], [0.48485151515151514, 0.6620905486044225], [0.48896580396471495, 0.6565343434343435], [0.4949505050505051, 0.6485755885000204], [0.4965930644014601, 0.6464353535353535], [0.5044657474925295, 0.6363363636363637], [0.5050494949494949, 0.6355993300891444], [0.5126141546486949, 0.6262373737373738], [0.5151484848484849, 0.6231510866031438], [0.5210210392036567, 0.6161383838383838], [0.5252474747474747, 0.6111734469525358], [0.5297027225585071, 0.606039393939394], [0.5353464646464646, 0.5996432520024824], [0.5386759597495104, 0.595940404040404], [0.5454454545454546, 0.5885383280050168], [0.5479579859441129, 0.5858414141414141], [0.5555444444444444, 0.5778374054699227], [0.557566565568373, 0.5757424242424243], [0.5656434343434343, 0.5675200444590522], [0.5675200444590522, 0.5656434343434343], [0.5757424242424243, 0.557566565568373], [0.5778374054699227, 0.5555444444444444], [0.5858414141414141, 0.5479579859441129], [0.5885383280050168, 0.5454454545454546], [0.595940404040404, 0.5386759597495104], [0.5996432520024824, 0.5353464646464646], [0.606039393939394, 0.5297027225585071], [0.6111734469525358, 0.5252474747474747], [0.6161383838383838, 0.5210210392036567], [0.6231510866031438, 0.5151484848484849], [0.6262373737373738, 0.5126141546486949], [0.6289638614919002, 0.5104110945977764]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.7546347437993223, 0.42539945748561986], [0.7566362572894652, 0.4242575757575757], [0.7575242424242424, 0.4237628905486177], [0.7676232323232324, 0.418211381123593], [0.775093487296231, 0.4141585858585858], [0.7777222222222222, 0.4127667934298194], [0.7878212121212123, 0.4074888356536043], [0.7944674712273212, 0.404059595959596], [0.797920202020202, 0.40232208752691523], [0.8080191919191919, 0.3973039193597946], [0.8148321861898769, 0.393960606060606], [0.818118181818182, 0.39238890019279016], [0.8282171717171718, 0.3876177726987702], [0.8362653285454764, 0.3838616161616162], [0.8383161616161616, 0.3829293288749494], [0.8484151515151515, 0.3783934091664707], [0.8585141414141414, 0.373911163951645], [0.8588527733526975, 0.37376262626262624], [0.8686131313131313, 0.36959548905059003], [0.8787121212121212, 0.3653336164055432], [0.8827150718828465, 0.36366363636363636], [0.8888111111111111, 0.36119011280414065], [0.898910101010101, 0.3571386536256982], [0.9079196118708652, 0.35356464646464647], [0.9090090909090909, 0.3531446306447298], [0.9191080808080808, 0.3492942860867695], [0.9292070707070708, 0.3454860180859066], [0.9346233337287364, 0.34346565656565653], [0.9393060606060607, 0.3417695397461707], [0.9494050505050505, 0.3381507329298089], [0.9595040404040404, 0.33457021707161616], [0.9629346222937105, 0.33336666666666664], [0.9696030303030303, 0.3310970153299083], [0.9797020202020202, 0.3276953517322707], [0.9898010101010101, 0.32432857406381366], [0.9930159146741059, 0.32326767676767676], [0.9999, 0.32106586248575936]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#40BD72\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652729487200\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.41224076541827825, 0.9999], [0.41415858585858584, 0.9952361458202386], [0.41644874118326114, 0.9898010101010101], [0.4207477043780895, 0.9797020202020202], [0.4242575757575757, 0.9715412999964289], [0.4251112974003417, 0.9696030303030303], [0.4296060271139277, 0.9595040404040402], [0.4341483160043897, 0.9494050505050505], [0.43435656565656566, 0.9489469427197548], [0.43884228704964007, 0.9393060606060606], [0.4435919515368999, 0.9292070707070708], [0.44445555555555555, 0.9273906793096707], [0.44848403553939215, 0.9191080808080809], [0.4534502403937169, 0.9090090909090908], [0.45455454545454543, 0.9067882509761264], [0.45855994740092604, 0.898910101010101], [0.4637524787009861, 0.8888111111111111], [0.4646535353535354, 0.8870784399636359], [0.46909995684226025, 0.8787121212121212], [0.4745292794320132, 0.8686131313131314], [0.47475252525252526, 0.8682026757907417], [0.4801354055907085, 0.8585141414141413], [0.48485151515151514, 0.8501249845270317], [0.48583296064269604, 0.8484151515151515], [0.49169920528213407, 0.8383161616161616], [0.494950505050505, 0.8327859372516668], [0.4976919240434348, 0.8282171717171717], [0.5038260164727312, 0.8181181818181819], [0.5050494949494949, 0.8161285956789675], [0.5101370315801109, 0.8080191919191919], [0.5151484848484849, 0.8001302848769245], [0.5165802445855734, 0.797920202020202], [0.523206016124147, 0.7878212121212121], [0.5252474747474747, 0.7847492584421154], [0.5300079368262407, 0.7777222222222222], [0.5353464646464646, 0.7699435603853269], [0.5369692438925823, 0.7676232323232324], [0.5441257639719277, 0.7575242424242425], [0.5454454545454546, 0.7556866124241456], [0.5514892156543656, 0.7474252525252525], [0.5555444444444444, 0.7419564620199035], [0.5590408295582217, 0.7373262626262627], [0.5656434343434343, 0.7287015025652619], [0.5667923495639763, 0.7272272727272727], [0.5747728854153649, 0.7171282828282828], [0.5757424242424243, 0.7159185350956158], [0.5829926844082246, 0.707029292929293], [0.5858414141414141, 0.7035861206798844], [0.591443903342638, 0.696930303030303], [0.595940404040404, 0.6916652651293655], [0.6001393057978431, 0.6868313131313131], [0.606039393939394, 0.6801380327070841], [0.6090919568696774, 0.6767323232323232], [0.6161383838383838, 0.6689871610448022], [0.618315251432955, 0.6666333333333333], [0.6262373737373738, 0.6581960119865813], [0.627822943810454, 0.6565343434343435], [0.6363363636363637, 0.6477485258899656], [0.6376291790330064, 0.6464353535353535], [0.6464353535353535, 0.6376291790330064], [0.6477485258899656, 0.6363363636363637], [0.6565343434343435, 0.627822943810454], [0.6581960119865813, 0.6262373737373738], [0.6666333333333333, 0.618315251432955], [0.6689871610448022, 0.6161383838383838], [0.6767323232323232, 0.6090919568696774], [0.6801380327070841, 0.606039393939394], [0.6868313131313131, 0.6001393057978431], [0.6916652651293655, 0.595940404040404], [0.696930303030303, 0.591443903342638], [0.7035861206798844, 0.5858414141414141], [0.707029292929293, 0.5829926844082246], [0.7159185350956158, 0.5757424242424243], [0.7171282828282828, 0.5747728854153649], [0.7272272727272727, 0.5667923495639763], [0.7287015025652619, 0.5656434343434343], [0.7373262626262627, 0.5590408295582217], [0.7419564620199035, 0.5555444444444444], [0.7474252525252525, 0.5514892156543656], [0.7551059154324381, 0.5458702749064479]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.8825149842032965, 0.4670788610383767], [0.8870784399636359, 0.4646535353535354], [0.8888111111111111, 0.4637524787009861], [0.898910101010101, 0.45855994740092604], [0.9067882509761264, 0.45455454545454543], [0.9090090909090908, 0.4534502403937169], [0.9191080808080809, 0.44848403553939215], [0.9273906793096707, 0.44445555555555555], [0.9292070707070708, 0.4435919515368999], [0.9393060606060606, 0.43884228704964007], [0.9489469427197548, 0.43435656565656566], [0.9494050505050505, 0.4341483160043897], [0.9595040404040402, 0.4296060271139277], [0.9696030303030303, 0.4251112974003417], [0.9715412999964289, 0.4242575757575757], [0.9797020202020202, 0.4207477043780895], [0.9898010101010101, 0.41644874118326114], [0.9952361458202386, 0.41415858585858584], [0.9999, 0.41224076541827825]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#67CC5C\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652729451912\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.5293260727418232, 0.9999], [0.5347091406903798, 0.9898010101010101], [0.5353464646464646, 0.9886174860841175], [0.5402388498517641, 0.9797020202020201], [0.5454454545454546, 0.9703112528998356], [0.5458454591687876, 0.9696030303030303], [0.5516090975719999, 0.9595040404040404], [0.5555444444444444, 0.9526807625194654], [0.5574683828650766, 0.9494050505050505], [0.5634633000747886, 0.9393060606060606], [0.5656434343434343, 0.935672699871264], [0.5695929152678776, 0.9292070707070708], [0.5757424242424243, 0.9192486381250101], [0.5758307569158251, 0.9191080808080808], [0.5822475486760816, 0.9090090909090909], [0.5858414141414141, 0.9034154227913093], [0.588786364977687, 0.898910101010101], [0.5954622599623466, 0.8888111111111111], [0.595940404040404, 0.8880959688321476], [0.6023216794789021, 0.8787121212121212], [0.606039393939394, 0.873307590371304], [0.6093229250577119, 0.8686131313131313], [0.6161383838383838, 0.8589817186739903], [0.6164747229646573, 0.8585141414141414], [0.6238251213210241, 0.8484151515151515], [0.6262373737373736, 0.8451400854476893], [0.6313452567496599, 0.8383161616161616], [0.6363363636363636, 0.8317280936648266], [0.6390387839029522, 0.8282171717171717], [0.6464353535353535, 0.8187241865122517], [0.6469149641098337, 0.8181181818181819], [0.6550068902239371, 0.8080191919191919], [0.6565343434343435, 0.8061365586737905], [0.6633039324897971, 0.7979202020202019], [0.6666333333333333, 0.7939300804081811], [0.6718084521355838, 0.787821212121212], [0.6767323232323232, 0.7820829588585807], [0.6805304392918959, 0.7777222222222222], [0.6868313131313131, 0.770581326182191], [0.6894800945561661, 0.7676232323232324], [0.696930303030303, 0.7594117729362576], [0.698667846214552, 0.7575242424242424], [0.707029292929293, 0.7485613184207538], [0.7081043682214191, 0.7474252525252525], [0.7095533165696271, 0.7459146534347192]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.8280295904510675, 0.6391849400241852], [0.8282171717171717, 0.6390387839029522], [0.8317280936648266, 0.6363363636363636], [0.8383161616161616, 0.6313452567496599], [0.8451400854476893, 0.6262373737373736], [0.8484151515151515, 0.6238251213210241], [0.8585141414141414, 0.6164747229646573], [0.8589817186739903, 0.6161383838383838], [0.8686131313131313, 0.6093229250577119], [0.873307590371304, 0.606039393939394], [0.8787121212121212, 0.6023216794789021], [0.8880959688321476, 0.595940404040404], [0.8888111111111111, 0.5954622599623466], [0.898910101010101, 0.588786364977687], [0.9034154227913093, 0.5858414141414141], [0.9090090909090909, 0.5822475486760816], [0.9191080808080808, 0.5758307569158251], [0.9192486381250101, 0.5757424242424243], [0.9292070707070708, 0.5695929152678776], [0.935672699871264, 0.5656434343434343], [0.9393060606060606, 0.5634633000747886], [0.9494050505050505, 0.5574683828650766], [0.9526807625194654, 0.5555444444444444], [0.9595040404040404, 0.5516090975719999], [0.9696030303030303, 0.5458454591687876], [0.9703112528998356, 0.5454454545454546], [0.9797020202020201, 0.5402388498517641], [0.9886174860841175, 0.5353464646464646], [0.9898010101010101, 0.5347091406903798], [0.9999, 0.5293260727418232]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#97D83E\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652729453424\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.6796537831687766, 0.9999], [0.6865746631302159, 0.9898010101010101], [0.6868313131313131, 0.9894303066341698], [0.6936662903420427, 0.9797020202020204], [0.696930303030303, 0.9751039648827418], [0.7008922410452638, 0.9696030303030303], [0.7046106928084866, 0.9644936597752148]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.8133563082061742, 0.8355421068848092], [0.8181181818181819, 0.8306619373997173], [0.8205333168037533, 0.8282171717171717], [0.8282171717171717, 0.8205333168037533], [0.8306619373997173, 0.8181181818181819], [0.8383161616161616, 0.810649496882542], [0.8410444807859125, 0.8080191919191919], [0.8484151515151515, 0.801001573996384], [0.8516903012935466, 0.797920202020202], [0.8585141414141414, 0.79158084989176], [0.8626089999178566, 0.7878212121212121], [0.8686131313131313, 0.7823788192081627], [0.8738104395372934, 0.7777222222222222], [0.8787121212121213, 0.7733871575310733], [0.8853047609711899, 0.7676232323232324], [0.8888111111111111, 0.7645977099440477], [0.8971023999491602, 0.7575242424242424], [0.898910101010101, 0.7560024800357698], [0.9090090909090909, 0.7475959097867967], [0.909216395526777, 0.7474252525252525], [0.9191080808080808, 0.7393915127614192], [0.9216790524212558, 0.7373262626262627], [0.9292070707070708, 0.7313613054315045], [0.9344814027296273, 0.7272272727272727], [0.9393060606060606, 0.7234978498058889], [0.9476352793200675, 0.7171282828282828], [0.9494050505050506, 0.7157938199776147], [0.9595040404040404, 0.7082594401871257], [0.9611703615417833, 0.707029292929293], [0.9696030303030303, 0.7008922410452638], [0.9751039648827418, 0.696930303030303], [0.9797020202020204, 0.6936662903420427], [0.9894303066341698, 0.6868313131313131], [0.9898010101010101, 0.6865746631302159], [0.9999, 0.6796537831687766]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#CDE01D\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652729430480\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.8726870491115656, 0.9998999999999999], [0.8787121212121212, 0.9930391579395682], [0.8815886782285509, 0.9898010101010102], [0.8888111111111112, 0.981753232674524], [0.8906729966338889, 0.9797020202020201], [0.898910101010101, 0.9707203869380167], [0.8999464126774974, 0.9696030303030303], [0.9090090909090909, 0.9599328531934298], [0.9094154546732091, 0.9595040404040404], [0.9190870107352918, 0.9494050505050505], [0.9191080808080808, 0.9493832820392415], [0.9289697653751084, 0.9393060606060606], [0.9292070707070708, 0.939066162002502], [0.939066162002502, 0.9292070707070708], [0.9393060606060606, 0.9289697653751084], [0.9493832820392415, 0.9191080808080808], [0.9494050505050505, 0.9190870107352918], [0.9595040404040404, 0.9094154546732091], [0.9599328531934298, 0.9090090909090909], [0.9696030303030303, 0.8999464126774974], [0.9707203869380167, 0.898910101010101], [0.9797020202020201, 0.8906729966338889], [0.981753232674524, 0.8888111111111112], [0.9898010101010102, 0.8815886782285509], [0.9930391579395682, 0.8787121212121212], [0.9999, 0.8726870491115657]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#FDE724\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652729431936\"}], \"images\": [], \"sharex\": [], \"sharey\": []}], \"data\": {\"data01\": [[0.0001, 0.9999], [0.010198989898989898, 0.9898010101010101], [0.020297979797979798, 0.9797020202020202], [0.030396969696969697, 0.9696030303030303], [0.0404959595959596, 0.9595040404040404], [0.0505949494949495, 0.9494050505050505], [0.0606939393939394, 0.9393060606060606], [0.0707929292929293, 0.9292070707070708], [0.0808919191919192, 0.9191080808080808], [0.0909909090909091, 0.9090090909090909], [0.101089898989899, 0.898910101010101], [0.11118888888888889, 0.8888111111111111], [0.12128787878787879, 0.8787121212121212], [0.13138686868686866, 0.8686131313131313], [0.14148585858585858, 0.8585141414141414], [0.1515848484848485, 0.8484151515151515], [0.16168383838383837, 0.8383161616161616], [0.17178282828282826, 0.8282171717171718], [0.18188181818181817, 0.8181181818181819], [0.19198080808080809, 0.8080191919191919], [0.20207979797979797, 0.7979202020202021], [0.21217878787878786, 0.7878212121212121], [0.22227777777777777, 0.7777222222222222], [0.23237676767676768, 0.7676232323232324], [0.24247575757575757, 0.7575242424242424], [0.25257474747474745, 0.7474252525252525], [0.26267373737373734, 0.7373262626262627], [0.2727727272727273, 0.7272272727272727], [0.28287171717171716, 0.7171282828282828], [0.29297070707070705, 0.707029292929293], [0.303069696969697, 0.696930303030303], [0.3131686868686869, 0.6868313131313131], [0.32326767676767676, 0.6767323232323232], [0.33336666666666664, 0.6666333333333334], [0.34346565656565653, 0.6565343434343435], [0.35356464646464647, 0.6464353535353535], [0.36366363636363636, 0.6363363636363637], [0.37376262626262624, 0.6262373737373738], [0.3838616161616162, 0.6161383838383838], [0.39396060606060607, 0.606039393939394], [0.40405959595959595, 0.595940404040404], [0.41415858585858584, 0.5858414141414141], [0.4242575757575757, 0.5757424242424243], [0.43435656565656566, 0.5656434343434343], [0.44445555555555555, 0.5555444444444444], [0.45455454545454543, 0.5454454545454546], [0.4646535353535354, 0.5353464646464646], [0.47475252525252526, 0.5252474747474747], [0.48485151515151514, 0.5151484848484849], [0.49495050505050503, 0.505049494949495], [0.5050494949494949, 0.4949505050505051], [0.5151484848484849, 0.48485151515151514], [0.5252474747474747, 0.4747525252525253], [0.5353464646464646, 0.4646535353535354], [0.5454454545454546, 0.45455454545454543], [0.5555444444444444, 0.4444555555555556], [0.5656434343434343, 0.43435656565656566], [0.5757424242424243, 0.4242575757575757], [0.5858414141414141, 0.4141585858585859], [0.595940404040404, 0.40405959595959595], [0.606039393939394, 0.393960606060606], [0.6161383838383838, 0.3838616161616162], [0.6262373737373738, 0.37376262626262624], [0.6363363636363636, 0.3636636363636364], [0.6464353535353535, 0.35356464646464647], [0.6565343434343435, 0.34346565656565653], [0.6666333333333333, 0.3333666666666667], [0.6767323232323232, 0.32326767676767676], [0.6868313131313131, 0.31316868686868693], [0.696930303030303, 0.303069696969697], [0.707029292929293, 0.29297070707070705], [0.7171282828282828, 0.2828717171717172], [0.7272272727272727, 0.2727727272727273], [0.7373262626262627, 0.26267373737373734], [0.7474252525252525, 0.2525747474747475], [0.7575242424242424, 0.24247575757575757], [0.7676232323232324, 0.23237676767676763], [0.7777222222222222, 0.2222777777777778], [0.7878212121212121, 0.21217878787878786], [0.797920202020202, 0.20207979797979803], [0.8080191919191919, 0.19198080808080809], [0.8181181818181819, 0.18188181818181814], [0.8282171717171717, 0.17178282828282831], [0.8383161616161616, 0.16168383838383837], [0.8484151515151515, 0.15158484848484854], [0.8585141414141414, 0.1414858585858586], [0.8686131313131313, 0.13138686868686866], [0.8787121212121212, 0.12128787878787883], [0.8888111111111111, 0.11118888888888889], [0.898910101010101, 0.10108989898989895], [0.9090090909090909, 0.09099090909090912], [0.9191080808080808, 0.08089191919191918], [0.9292070707070708, 0.07079292929292924], [0.9393060606060606, 0.06069393939393941], [0.9494050505050505, 0.05059494949494947], [0.9595040404040404, 0.04049595959595964], [0.9696030303030303, 0.0303969696969697], [0.9797020202020202, 0.02029797979797976], [0.9898010101010101, 0.01019898989898993], [0.9999, 9.999999999998899e-05]], \"data02\": [[0.5, 0.5]], \"data03\": [[0.0, 0.0]]}, \"id\": \"el83139652764502000\", \"plugins\": [{\"type\": \"reset\"}, {\"type\": \"zoom\", \"button\": true, \"enabled\": false}, {\"type\": \"boxzoom\", \"button\": true, \"enabled\": false}]});\n", " });\n", " });\n", "}else{\n", " // require.js not available: dynamically load d3 & mpld3\n", " mpld3_load_lib(\"https://mpld3.github.io/js/d3.v3.min.js\", function(){\n", " mpld3_load_lib(\"https://mpld3.github.io/js/mpld3.v0.3.js\", function(){\n", " \n", " mpld3.draw_figure(\"fig_el831396527645020009507128632\", {\"width\": 432.0, \"height\": 288.0, \"axes\": [{\"bbox\": [0.125, 0.125, 0.775, 0.755], \"xlim\": [0.0001, 0.9999], \"ylim\": [9.999999999998899e-05, 0.9999], \"xdomain\": [0.0001, 0.9999], \"ydomain\": [9.999999999998899e-05, 0.9999], \"xscale\": \"linear\", \"yscale\": \"linear\", \"axes\": [{\"position\": \"bottom\", \"nticks\": 6, \"tickvalues\": null, \"tickformat\": null, \"scale\": \"linear\", \"fontsize\": 10.0, \"grid\": {\"gridOn\": false}, \"visible\": true}, {\"position\": \"left\", \"nticks\": 6, \"tickvalues\": null, \"tickformat\": null, \"scale\": \"linear\", \"fontsize\": 10.0, \"grid\": {\"gridOn\": false}, \"visible\": true}], \"axesbg\": \"#FFFFFF\", \"axesbgalpha\": null, \"zoomable\": true, \"id\": \"el83139652729829976\", \"lines\": [{\"data\": \"data01\", \"xindex\": 0, \"yindex\": 1, \"coordinates\": \"data\", \"id\": \"el83139652729434064\", \"color\": \"#1F77B4\", \"linewidth\": 1.5, \"dasharray\": \"none\", \"alpha\": 1, \"zorder\": 2, \"drawstyle\": \"default\"}], \"paths\": [], \"markers\": [{\"data\": \"data02\", \"xindex\": 0, \"yindex\": 1, \"coordinates\": \"data\", \"id\": \"el83139652729385368pts\", \"facecolor\": \"#FF0000\", \"edgecolor\": \"#FF0000\", \"edgewidth\": 1.0, \"alpha\": 1, \"zorder\": 2, \"markerpath\": [[[0.0, 3.0], [0.7956093000000001, 3.0], [1.5587396123545605, 2.683901074764725], [2.121320343559643, 2.121320343559643], [2.683901074764725, 1.5587396123545605], [3.0, 0.7956093000000001], [3.0, 0.0], [3.0, -0.7956093000000001], [2.683901074764725, -1.5587396123545605], [2.121320343559643, -2.121320343559643], [1.5587396123545605, -2.683901074764725], [0.7956093000000001, -3.0], [0.0, -3.0], [-0.7956093000000001, -3.0], [-1.5587396123545605, -2.683901074764725], [-2.121320343559643, -2.121320343559643], [-2.683901074764725, -1.5587396123545605], [-3.0, -0.7956093000000001], [-3.0, 0.0], [-3.0, 0.7956093000000001], [-2.683901074764725, 1.5587396123545605], [-2.121320343559643, 2.121320343559643], [-1.5587396123545605, 2.683901074764725], [-0.7956093000000001, 3.0], [0.0, 3.0]], [\"M\", \"C\", \"C\", \"C\", \"C\", \"C\", \"C\", \"C\", \"C\", \"Z\"]]}], \"texts\": [{\"text\": \"rice\", \"position\": [0.49999999999999994, -0.09657836644591611], \"coordinates\": \"axes\", \"h_anchor\": \"middle\", \"v_baseline\": \"hanging\", \"rotation\": -0.0, \"fontsize\": 10.0, \"color\": \"#000000\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652730305728\"}, {\"text\": \"pizza\", \"position\": [-0.08064516129032258, 0.49999999999999994], \"coordinates\": \"axes\", \"h_anchor\": \"middle\", \"v_baseline\": \"auto\", \"rotation\": -90.0, \"fontsize\": 10.0, \"color\": \"#000000\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652729991800\"}, {\"text\": \"-3.386\", \"position\": [0.7171282828282828, 0.04742484898157809], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -357.615276197803, \"fontsize\": 10.0, \"color\": \"#440154\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652729348840\"}, {\"text\": \"-3.136\", \"position\": [0.052597579301951525, 0.8282171717171716], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -275.5930039217711, \"fontsize\": 10.0, \"color\": \"#481C6E\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652729350352\"}, {\"text\": \"-2.886\", \"position\": [0.45455454545454543, 0.12276920287901832], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -349.92185405648445, \"fontsize\": 10.0, \"color\": \"#453580\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652729351808\"}, {\"text\": \"-2.636\", \"position\": [0.1391076649730089, 0.5151484848484846], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -292.8857049761744, \"fontsize\": 10.0, \"color\": \"#3D4C89\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652729300080\"}, {\"text\": \"-2.386\", \"position\": [0.303467317754615, 0.30306969696969693], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -326.798208962326, \"fontsize\": 10.0, \"color\": \"#33608D\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652729301536\"}, {\"text\": \"-2.136\", \"position\": [0.585841414141414, 0.20158819866238792], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -347.32680721594556, \"fontsize\": 10.0, \"color\": \"#2B748E\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652729302992\"}, {\"text\": \"-1.886\", \"position\": [0.26811846758740354, 0.5656434343434342], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -306.22185519155374, \"fontsize\": 10.0, \"color\": \"#23878D\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652729263552\"}, {\"text\": \"-1.636\", \"position\": [0.7373262626262626, 0.26408527261655723], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -346.85846925337205, \"fontsize\": 10.0, \"color\": \"#1E998A\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652729265008\"}, {\"text\": \"-1.386\", \"position\": [0.2912262032613776, 0.8585141414141413], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -297.6691088920465, \"fontsize\": 10.0, \"color\": \"#25AB81\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652729033056\"}, {\"text\": \"-1.136\", \"position\": [0.6908686658606568, 0.4646535353535353], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -336.3255582768813, \"fontsize\": 10.0, \"color\": \"#40BD72\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652729034512\"}, {\"text\": \"-0.886\", \"position\": [0.8181181818181817, 0.5038260164727311], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -338.1444790697732, \"fontsize\": 10.0, \"color\": \"#67CC5C\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652729035968\"}, {\"text\": \"-0.636\", \"position\": [0.7676232323232324, 0.6894800945561659], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -329.6970448216638, \"fontsize\": 10.0, \"color\": \"#97D83E\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652729070256\"}, {\"text\": \"-0.386\", \"position\": [0.7575242424242423, 0.8971023999491601], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -322.4139688939506, \"fontsize\": 10.0, \"color\": \"#CDE01D\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652729071712\"}], \"collections\": [{\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 1, \"paths\": [[[[0.034171620074853956, 0.9999], [0.03452900223604578, 0.9898010101010102], [0.03489004954699927, 0.9797020202020202], [0.035254837963591766, 0.9696030303030303], [0.035623445827587585, 0.9595040404040402], [0.03599595396762193, 0.9494050505050505], [0.0363724458055849, 0.9393060606060606], [0.03675300746875548, 0.9292070707070709], [0.03713772790806291, 0.9191080808080807], [0.03752669902288146, 0.9090090909090908], [0.03792001579279665, 0.8989101010101012], [0.0383177764168155, 0.8888111111111112], [0.038720082460531186, 0.8787121212121212], [0.039127039011794165, 0.8686131313131313], [0.039538754845486024, 0.8585141414141413], [0.03995534259804312, 0.8484151515151513], [0.04037691895243007, 0.8383161616161616], [0.0404959595959596, 0.8354986550906587], [0.04089232640447764, 0.8282171717171717], [0.04144880848881767, 0.8181181818181819], [0.04201220272050965, 0.8080191919191919], [0.042582682975188337, 0.7979202020202021], [0.0431604297729318, 0.7878212121212121], [0.04374563062117985, 0.7777222222222222], [0.04433848038006419, 0.7676232323232324], [0.04493918165193181, 0.7575242424242424], [0.0455479451970095, 0.7474252525252525], [0.04616499037734359, 0.7373262626262627], [0.04679054563135493, 0.7272272727272726], [0.04742484898157809, 0.7171282828282828], [0.0480681485784087, 0.707029292929293], [0.04872070328296793, 0.6969303030303029], [0.049382783292509745, 0.686831313131313], [0.05005467081215293, 0.6767323232323232], [0.0505949494949495, 0.6687318111419619], [0.050768319413430206, 0.6666333333333333], [0.05161540425804924, 0.6565343434343435], [0.05247562070706784, 0.6464353535353535], [0.0533493823150801, 0.6363363636363636], [0.054237122485810196, 0.6262373737373738], [0.0551392957630427, 0.6161383838383838], [0.05605637922823774, 0.606039393939394], [0.056988874015589344, 0.595940404040404], [0.057937306956572135, 0.5858414141414141], [0.05890223236748811, 0.5757424242424243], [0.05988423399519961, 0.5656434343434343], [0.0606939393939394, 0.5574637176966812], [0.06091858418961276, 0.5555444444444444], [0.062122324995582956, 0.5454454545454546], [0.06334856276362741, 0.5353464646464646], [0.06459815443552362, 0.5252474747474747], [0.0658720068684875, 0.5151484848484849], [0.06717108078871782, 0.5050494949494949], [0.06849639514428646, 0.49495050505050503], [0.06984903190677919, 0.48485151515151514], [0.0707929292929293, 0.477949520512808], [0.07129755017855854, 0.47475252525252526], [0.07292587324113353, 0.4646535353535354], [0.07458997868575058, 0.45455454545454543], [0.07629147455010904, 0.4444555555555555], [0.07803207976470733, 0.43435656565656566], [0.07981363458968162, 0.4242575757575757], [0.0808919191919192, 0.4182889715975482], [0.08173775091063988, 0.41415858585858584], [0.08385690656777, 0.40405959595959595], [0.08602970394620657, 0.39396060606060607], [0.08825892937037981, 0.3838616161616162], [0.09054759206264656, 0.37376262626262624], [0.09099090909090911, 0.371858595897852], [0.09312365287021662, 0.3636636363636363], [0.09582594659528723, 0.35356464646464647], [0.09860655600622274, 0.34346565656565653], [0.10108989898989898, 0.33470771091339657], [0.10151021204526803, 0.33336666666666664], [0.1047728375094649, 0.32326767676767676], [0.10813902295402053, 0.31316868686868693], [0.11118888888888889, 0.30430913040639596], [0.11165621440518217, 0.303069696969697], [0.11559307421406959, 0.29297070707070705], [0.11966804932022372, 0.28287171717171716], [0.12128787878787878, 0.27899813926457584], [0.12411763728643882, 0.2727727272727273], [0.12888133078610997, 0.26267373737373734], [0.13138686868686866, 0.2575624340586373], [0.1340274514272609, 0.25257474747474745], [0.1395922623189756, 0.2424757575757576], [0.14148585858585858, 0.23917951682498978], [0.14568336743855564, 0.23237676767676768], [0.1515848484848485, 0.22321939922754913], [0.152233531786069, 0.22227777777777777], [0.15951428455738098, 0.21217878787878786], [0.16168383838383837, 0.20930939894504802], [0.16750283986161008, 0.20207979797979797], [0.17178282828282826, 0.1970216572775338], [0.17630669037350616, 0.19198080808080809], [0.18188181818181817, 0.1860871131771865], [0.1860871131771865, 0.18188181818181817], [0.19198080808080809, 0.17630669037350616], [0.1970216572775338, 0.17178282828282826], [0.20207979797979797, 0.16750283986161008], [0.20930939894504802, 0.16168383838383837], [0.21217878787878786, 0.15951428455738098], [0.22227777777777777, 0.152233531786069], [0.22321939922754913, 0.1515848484848485], [0.23237676767676768, 0.14568336743855564], [0.23917951682498978, 0.14148585858585858], [0.2424757575757576, 0.1395922623189756], [0.25257474747474745, 0.1340274514272609], [0.2575624340586373, 0.13138686868686866], [0.26267373737373734, 0.12888133078610997], [0.2727727272727273, 0.12411763728643882], [0.27899813926457584, 0.12128787878787878], [0.28287171717171716, 0.11966804932022372], [0.29297070707070705, 0.11559307421406959], [0.303069696969697, 0.11165621440518217], [0.30430913040639596, 0.11118888888888889], [0.31316868686868693, 0.10813902295402053], [0.32326767676767676, 0.1047728375094649], [0.33336666666666664, 0.10151021204526803], [0.33470771091339657, 0.10108989898989898], [0.34346565656565653, 0.09860655600622274], [0.35356464646464647, 0.09582594659528723], [0.3636636363636363, 0.09312365287021662], [0.371858595897852, 0.09099090909090911], [0.37376262626262624, 0.09054759206264656], [0.3838616161616162, 0.08825892937037981], [0.39396060606060607, 0.08602970394620657], [0.40405959595959595, 0.08385690656777], [0.41415858585858584, 0.08173775091063988], [0.4182889715975482, 0.0808919191919192], [0.4242575757575757, 0.07981363458968162], [0.43435656565656566, 0.07803207976470733], [0.4444555555555555, 0.07629147455010904], [0.45455454545454543, 0.07458997868575058], [0.4646535353535354, 0.07292587324113353], [0.47475252525252526, 0.07129755017855854], [0.477949520512808, 0.0707929292929293], [0.48485151515151514, 0.06984903190677919], [0.49495050505050503, 0.06849639514428646], [0.5050494949494949, 0.06717108078871782], [0.5151484848484849, 0.0658720068684875], [0.5252474747474747, 0.06459815443552362], [0.5353464646464646, 0.06334856276362741], [0.5454454545454546, 0.062122324995582956], [0.5555444444444444, 0.06091858418961276], [0.5574637176966812, 0.0606939393939394], [0.5656434343434343, 0.05988423399519961], [0.5757424242424243, 0.05890223236748811], [0.5858414141414141, 0.057937306956572135], [0.595940404040404, 0.056988874015589344], [0.606039393939394, 0.05605637922823774], [0.6161383838383838, 0.0551392957630427], [0.6262373737373738, 0.054237122485810196], [0.6363363636363636, 0.0533493823150801], [0.6464353535353535, 0.05247562070706784], [0.64851833275913, 0.052298195735939225]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.7857594617882487, 0.04327990093349278], [0.7878212121212121, 0.0431604297729318], [0.7979202020202021, 0.042582682975188337], [0.8080191919191919, 0.04201220272050965], [0.8181181818181819, 0.04144880848881767], [0.8282171717171717, 0.04089232640447764], [0.8354986550906587, 0.0404959595959596], [0.8383161616161616, 0.04037691895243007], [0.8484151515151513, 0.03995534259804312], [0.8585141414141413, 0.039538754845486024], [0.8686131313131313, 0.039127039011794165], [0.8787121212121212, 0.038720082460531186], [0.8888111111111112, 0.0383177764168155], [0.8989101010101012, 0.03792001579279665], [0.9090090909090908, 0.03752669902288146], [0.9191080808080807, 0.03713772790806291], [0.9292070707070709, 0.03675300746875548], [0.9393060606060606, 0.0363724458055849], [0.9494050505050505, 0.03599595396762193], [0.9595040404040402, 0.035623445827587585], [0.9696030303030303, 0.035254837963591766], [0.9797020202020202, 0.03489004954699927], [0.9898010101010102, 0.03452900223604578], [0.9999, 0.034171620074853956]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#440154\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652730018616\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.04368730653985746, 0.9999], [0.04414775386355515, 0.9898010101010102], [0.04461292332669338, 0.9797020202020201], [0.045082912790005675, 0.9696030303030303], [0.04555782318817661, 0.9595040404040404], [0.0460377586599484, 0.9494050505050504], [0.04652282668518491, 0.9393060606060606], [0.04680039545759001, 0.9335889522446773]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.06013054025434026, 0.7231009736706996], [0.06058948290582026, 0.7171282828282827], [0.060693939393939404, 0.7157878941168733], [0.061501007502056546, 0.707029292929293], [0.0624449749497788, 0.696930303030303], [0.06340272143820118, 0.6868313131313131], [0.06437465519738296, 0.6767323232323232], [0.06536120287239264, 0.6666333333333333], [0.0663628106478246, 0.6565343434343435], [0.06737994545948447, 0.6464353535353535], [0.06841309630147908, 0.6363363636363636], [0.06946277563787008, 0.6262373737373738], [0.07052952092909227, 0.6161383838383838], [0.0707929292929293, 0.6136852126256764], [0.07174047192534928, 0.606039393939394], [0.07301306703952831, 0.595940404040404], [0.07430741328488273, 0.5858414141414141], [0.07562426714844844, 0.5757424242424243], [0.07696442528176173, 0.5656434343434343], [0.07832872739545961, 0.5555444444444444], [0.07971805941943448, 0.5454454545454546], [0.0808919191919192, 0.537069266740841], [0.08116559596031903, 0.5353464646464646], [0.08280043091048186, 0.5252474747474747], [0.08446700610107924, 0.5151484848484849], [0.08616657844571149, 0.5050494949494948], [0.08790048102938372, 0.49495050505050503], [0.08967012939047002, 0.48485151515151514], [0.0909909090909091, 0.47746950856942194], [0.09153427733858048, 0.47475252525252526], [0.09359739800558642, 0.4646535353535354], [0.09570585572738356, 0.45455454545454543], [0.09786168792264333, 0.4444555555555556], [0.10006707251362074, 0.43435656565656566], [0.101089898989899, 0.42978045358619077], [0.10245437548402692, 0.4242575757575757], [0.1050095344969283, 0.4141585858585858], [0.10762777476403346, 0.404059595959596], [0.11031228997146625, 0.3939606060606061], [0.11118888888888889, 0.3907463665125134], [0.11324543477435448, 0.3838616161616162], [0.11634253990419771, 0.37376262626262624], [0.1195244846831189, 0.36366363636363636], [0.12128787878787879, 0.35822021517454866], [0.12292723926458037, 0.35356464646464647], [0.12658644723463575, 0.34346565656565653], [0.13035486899221288, 0.33336666666666664], [0.13138686868686866, 0.33068355657371046], [0.13446746690571615, 0.32326767676767676], [0.1387958045501109, 0.3131686868686869], [0.14148585858585858, 0.307091408341571], [0.14339791834578278, 0.303069696969697], [0.1483620606889439, 0.29297070707070705], [0.1515848484848485, 0.2866365269052548], [0.15363247327154786, 0.28287171717171716], [0.15932487132228987, 0.2727727272727273], [0.16168383838383837, 0.2687398040385114], [0.16546097097239099, 0.26267373737373734], [0.17178282828282826, 0.2529039257958485], [0.17200874256669463, 0.25257474747474745], [0.17922251188840727, 0.24247575757575757], [0.18188181818181817, 0.2389047723237105], [0.18702099525626395, 0.23237676767676768], [0.19198080808080809, 0.22634466123837446], [0.1955054868655126, 0.22227777777777777], [0.20207979797979797, 0.2150292390410669], [0.2047976821269526, 0.21217878787878786], [0.21217878787878786, 0.2047976821269526], [0.2150292390410669, 0.20207979797979797], [0.22227777777777777, 0.1955054868655126], [0.22634466123837446, 0.19198080808080809], [0.23237676767676768, 0.18702099525626395], [0.2389047723237105, 0.18188181818181817], [0.24247575757575757, 0.17922251188840727], [0.25257474747474745, 0.17200874256669463], [0.2529039257958485, 0.17178282828282826], [0.26267373737373734, 0.16546097097239099], [0.2687398040385114, 0.16168383838383837], [0.2727727272727273, 0.15932487132228987], [0.28287171717171716, 0.15363247327154786], [0.2866365269052548, 0.1515848484848485], [0.29297070707070705, 0.1483620606889439], [0.303069696969697, 0.14339791834578278], [0.307091408341571, 0.14148585858585858], [0.3131686868686869, 0.1387958045501109], [0.32326767676767676, 0.13446746690571615], [0.33068355657371046, 0.13138686868686866], [0.33336666666666664, 0.13035486899221288], [0.34346565656565653, 0.12658644723463575], [0.35356464646464647, 0.12292723926458037], [0.35822021517454866, 0.12128787878787879], [0.36366363636363636, 0.1195244846831189], [0.37376262626262624, 0.11634253990419771], [0.3838616161616162, 0.11324543477435448], [0.3907463665125134, 0.11118888888888889], [0.3939606060606061, 0.11031228997146625], [0.404059595959596, 0.10762777476403346], [0.4141585858585858, 0.1050095344969283], [0.4242575757575757, 0.10245437548402692], [0.42978045358619077, 0.101089898989899], [0.43435656565656566, 0.10006707251362074], [0.4444555555555556, 0.09786168792264333], [0.45455454545454543, 0.09570585572738356], [0.4646535353535354, 0.09359739800558642], [0.47475252525252526, 0.09153427733858048], [0.47746950856942194, 0.0909909090909091], [0.48485151515151514, 0.08967012939047002], [0.49495050505050503, 0.08790048102938372], [0.5050494949494948, 0.08616657844571149], [0.5151484848484849, 0.08446700610107924], [0.5252474747474747, 0.08280043091048186], [0.5353464646464646, 0.08116559596031903], [0.537069266740841, 0.0808919191919192], [0.5454454545454546, 0.07971805941943448], [0.5555444444444444, 0.07832872739545961], [0.5656434343434343, 0.07696442528176173], [0.5757424242424243, 0.07562426714844844], [0.5858414141414141, 0.07430741328488273], [0.595940404040404, 0.07301306703952831], [0.606039393939394, 0.07174047192534928], [0.6136852126256764, 0.0707929292929293], [0.6161383838383838, 0.07052952092909227], [0.6262373737373738, 0.06946277563787008], [0.6363363636363636, 0.06841309630147908], [0.6464353535353535, 0.06737994545948447], [0.6565343434343435, 0.0663628106478246], [0.6666333333333333, 0.06536120287239264], [0.6767323232323232, 0.06437465519738296], [0.6868313131313131, 0.06340272143820118], [0.696930303030303, 0.0624449749497788], [0.707029292929293, 0.061501007502056546], [0.7157878941168733, 0.060693939393939404], [0.7171282828282827, 0.06058948290582026], [0.7272272727272728, 0.059813474683764564], [0.7373262626262627, 0.05904816890334868], [0.7474252525252525, 0.058293274367239675], [0.7575242424242424, 0.057548511603332055], [0.7676232323232324, 0.05681361224357841], [0.7777222222222222, 0.05608831844341776], [0.7878212121212121, 0.0553723823386586], [0.797920202020202, 0.05466556553695393], [0.8080191919191919, 0.053967638641257504], [0.8181181818181819, 0.05327838080287796], [0.8282171717171717, 0.052597579301951566], [0.8383161616161616, 0.05192502915333984], [0.8484151515151515, 0.05126053273612512], [0.8585141414141414, 0.050603899445028244], [0.8586534200747351, 0.0505949494949495], [0.8686131313131313, 0.050071814875992014], [0.8787121212121212, 0.04954749644256662], [0.8888111111111111, 0.04902916967293002], [0.898910101010101, 0.04851669917302867], [0.9090090909090909, 0.0480099540868472], [0.9191080808080808, 0.04750880789584363], [0.9292070707070708, 0.04701313822934389], [0.9393060606060606, 0.04652282668518491], [0.9494050505050504, 0.0460377586599484], [0.9595040404040404, 0.04555782318817661], [0.9696030303030303, 0.045082912790005675], [0.9797020202020201, 0.04461292332669338], [0.9898010101010102, 0.04414775386355515], [0.9999, 0.04368730653985746]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#481C6E\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652730304832\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.056016964624091246, 0.9999], [0.05658027697123121, 0.9898010101010101], [0.0571493663949549, 0.9797020202020202], [0.05772435261831566, 0.9696030303030303], [0.05830535912504582, 0.9595040404040405], [0.05889251331872943, 0.9494050505050505], [0.059485946690486693, 0.9393060606060606], [0.060085794995721614, 0.9292070707070706], [0.06069219844052776, 0.9191080808080808], [0.0606939393939394, 0.919079403965263], [0.06141682497255061, 0.9090090909090909], [0.06214986829030833, 0.898910101010101], [0.06289119383197549, 0.8888111111111111], [0.06364099089021667, 0.8787121212121212], [0.06439945532229613, 0.8686131313131313], [0.06516678985717482, 0.8585141414141414], [0.06594320442077843, 0.8484151515151515], [0.06672891648074131, 0.8383161616161616], [0.06752415141204314, 0.8282171717171718], [0.06832914288507594, 0.8181181818181819], [0.06914413327781385, 0.8080191919191919], [0.06996937411390393, 0.797920202020202], [0.0707929292929293, 0.7879685999818534], [0.07080700708286557, 0.7878212121212121], [0.07178406003944938, 0.7777222222222222], [0.0727738836384104, 0.7676232323232324], [0.07377681614518822, 0.7575242424242424], [0.07479320944564097, 0.7474252525252525], [0.07582342978724863, 0.7373262626262627], [0.07686785857143118, 0.7272272727272727], [0.0779268932012714, 0.7171282828282828], [0.07900094798935689, 0.707029292929293], [0.08009045513093237, 0.696930303030303], [0.0808919191919192, 0.6896081574576591], [0.08123645150140418, 0.6868313131313131], [0.08250802790071096, 0.6767323232323232], [0.08379872361786493, 0.6666333333333333], [0.08510912239408774, 0.6565343434343435], [0.08643983511931386, 0.6464353535353535], [0.08779150154225017, 0.6363363636363636], [0.08916479211723591, 0.6262373737373739], [0.09056041000124859, 0.6161383838383838], [0.0909909090909091, 0.6130738477157567], [0.09209546880646113, 0.606039393939394], [0.09370787444090667, 0.595940404040404], [0.0953478392307128, 0.5858414141414141], [0.09701632166137537, 0.5757424242424243], [0.09871433110768416, 0.5656434343434343], [0.1004429315012442, 0.5555444444444444], [0.10108989898989901, 0.5518327664415725], [0.10232052361230379, 0.5454454545454546], [0.10430263072376122, 0.5353464646464646], [0.10632248739742527, 0.5252474747474747], [0.10838155948941577, 0.5151484848484849], [0.11048139993039628, 0.5050494949494949], [0.11118888888888889, 0.5017142612480641], [0.11276036888874631, 0.49495050505050503], [0.1151551241472028, 0.48485151515151514], [0.11760028848201648, 0.4747525252525253], [0.12009802980925469, 0.4646535353535354], [0.12128787878787879, 0.45994612505889926], [0.12276920287901835, 0.45455454545454543], [0.12560622066367097, 0.44445555555555555], [0.1285084480820939, 0.43435656565656566], [0.13138686868686866, 0.424570641614081], [0.13148632203800445, 0.4242575757575757], [0.13477181867065224, 0.41415858585858584], [0.13813842698645684, 0.40405959595959595], [0.14148585858585858, 0.3942660337408288], [0.14159798762948184, 0.39396060606060607], [0.1454018292062642, 0.3838616161616162], [0.14930709163942696, 0.3737626262626263], [0.1515848484848485, 0.3680294092128776], [0.1534389613164447, 0.36366363636363636], [0.15784872895596708, 0.35356464646464647], [0.16168383838383837, 0.34502907591232257], [0.16243161833245745, 0.34346565656565653], [0.16740610969275566, 0.33336666666666664], [0.17178282828282826, 0.32474644627498317], [0.17257914293093432, 0.32326767676767676], [0.17819004865993887, 0.3131686868686869], [0.18188181818181817, 0.3067348376766903], [0.18410506243061547, 0.303069696969697], [0.1904386559704537, 0.29297070707070705], [0.19198080808080809, 0.2905950707786845], [0.19726543954540315, 0.28287171717171716], [0.20207979797979797, 0.27608250070799795], [0.2045471696787034, 0.2727727272727273], [0.21217878787878786, 0.2629077582927898], [0.21236865871175667, 0.26267373737373734], [0.22088366480115626, 0.25257474747474745], [0.2222777777777778, 0.25098613087260513], [0.23009350609114987, 0.24247575757575757], [0.23237676767676768, 0.24009102966872933], [0.24009102966872933, 0.23237676767676768], [0.24247575757575757, 0.23009350609114987], [0.25098613087260513, 0.2222777777777778], [0.25257474747474745, 0.22088366480115626], [0.26267373737373734, 0.21236865871175667], [0.2629077582927898, 0.21217878787878786], [0.2727727272727273, 0.2045471696787034], [0.27608250070799795, 0.20207979797979797], [0.28287171717171716, 0.19726543954540315], [0.2905950707786845, 0.19198080808080809], [0.29297070707070705, 0.1904386559704537], [0.303069696969697, 0.18410506243061547], [0.3067348376766903, 0.18188181818181817], [0.3131686868686869, 0.17819004865993887], [0.32326767676767676, 0.17257914293093432], [0.32474644627498317, 0.17178282828282826], [0.33336666666666664, 0.16740610969275566], [0.34346565656565653, 0.16243161833245745], [0.34502907591232257, 0.16168383838383837], [0.35356464646464647, 0.15784872895596708], [0.36366363636363636, 0.1534389613164447], [0.3680294092128776, 0.1515848484848485], [0.3737626262626263, 0.14930709163942696], [0.3838616161616162, 0.1454018292062642], [0.3872956382982957, 0.14410838537576795]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.5224542447781646, 0.10689199602490623], [0.5252474747474747, 0.10632248739742527], [0.5353464646464646, 0.10430263072376122], [0.5454454545454546, 0.10232052361230379], [0.5518327664415725, 0.10108989898989901], [0.5555444444444444, 0.1004429315012442], [0.5656434343434343, 0.09871433110768416], [0.5757424242424243, 0.09701632166137537], [0.5858414141414141, 0.0953478392307128], [0.595940404040404, 0.09370787444090667], [0.606039393939394, 0.09209546880646113], [0.6130738477157567, 0.0909909090909091], [0.6161383838383838, 0.09056041000124859], [0.6262373737373739, 0.08916479211723591], [0.6363363636363636, 0.08779150154225017], [0.6464353535353535, 0.08643983511931386], [0.6565343434343435, 0.08510912239408774], [0.6666333333333333, 0.08379872361786493], [0.6767323232323232, 0.08250802790071096], [0.6868313131313131, 0.08123645150140418], [0.6896081574576591, 0.0808919191919192], [0.696930303030303, 0.08009045513093237], [0.707029292929293, 0.07900094798935689], [0.7171282828282828, 0.0779268932012714], [0.7272272727272727, 0.07686785857143118], [0.7373262626262627, 0.07582342978724863], [0.7474252525252525, 0.07479320944564097], [0.7575242424242424, 0.07377681614518822], [0.7676232323232324, 0.0727738836384104], [0.7777222222222222, 0.07178406003944938], [0.7878212121212121, 0.07080700708286557], [0.7879685999818534, 0.0707929292929293], [0.797920202020202, 0.06996937411390393], [0.8080191919191919, 0.06914413327781385], [0.8181181818181819, 0.06832914288507594], [0.8282171717171718, 0.06752415141204314], [0.8383161616161616, 0.06672891648074131], [0.8484151515151515, 0.06594320442077843], [0.8585141414141414, 0.06516678985717482], [0.8686131313131313, 0.06439945532229613], [0.8787121212121212, 0.06364099089021667], [0.8888111111111111, 0.06289119383197549], [0.898910101010101, 0.06214986829030833], [0.9090090909090909, 0.06141682497255061], [0.919079403965263, 0.0606939393939394], [0.9191080808080808, 0.06069219844052776], [0.9292070707070706, 0.060085794995721614], [0.9393060606060606, 0.059485946690486693], [0.9494050505050505, 0.05889251331872943], [0.9595040404040405, 0.05830535912504582], [0.9696030303030303, 0.05772435261831566], [0.9797020202020202, 0.0571493663949549], [0.9898010101010101, 0.05658027697123121], [0.9999, 0.056016964624091246]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#453580\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652730181392\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.07168668199178133, 0.9999], [0.07245544611834875, 0.9898010101010101], [0.0732320943420011, 0.9797020202020202], [0.07401679005129011, 0.9696030303030303], [0.07480970176704452, 0.9595040404040402], [0.07561100335959672, 0.9494050505050505], [0.07642087427762503, 0.9393060606060606], [0.07723949978936497, 0.9292070707070708], [0.078067071237001, 0.9191080808080808], [0.07890378630511247, 0.9090090909090909], [0.07974984930411559, 0.898910101010101], [0.0806054714697184, 0.8888111111111111], [0.0808919191919192, 0.8854683409597404], [0.08154817831302735, 0.8787121212121212], [0.08254047378834634, 0.8686131313131313], [0.08354437397774422, 0.8585141414141414], [0.08456015352632948, 0.8484151515151515], [0.08558809694599276, 0.8383161616161616], [0.08662849909376777, 0.8282171717171717], [0.08768166567953739, 0.818118181818182], [0.08874791380527355, 0.8080191919191919], [0.0898275725381894, 0.797920202020202], [0.09092098352039636, 0.7878212121212121], [0.0909909090909091, 0.7871835903686777], [0.09215069589321229, 0.7777222222222222], [0.0934048238796312, 0.7676232323232324], [0.09467556113681483, 0.7575242424242424], [0.09596335351178398, 0.7474252525252525], [0.09726866504804604, 0.7373262626262627], [0.0985919789894794, 0.7272272727272727], [0.09993379885441649, 0.7171282828282828], [0.101089898989899, 0.7085487646486991], [0.10131621771463473, 0.707029292929293], [0.10284205930904138, 0.696930303030303], [0.10439017352893101, 0.6868313131313131], [0.10596122024282567, 0.6767323232323232], [0.10755588908551428, 0.6666333333333332], [0.10917490127573644, 0.6565343434343435], [0.11081901157476685, 0.6464353535353534], [0.11118888888888889, 0.6441985931230085], [0.11261289371479886, 0.6363363636363635], [0.11447128258919485, 0.6262373737373738], [0.11635988562470624, 0.6161383838383838], [0.1165781123987038, 0.6149904248239396]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.1701934369199381, 0.42097945769615785], [0.17178282828282826, 0.4169823128749085], [0.17297367986446677, 0.41415858585858584], [0.17733787772479884, 0.40405959595959595], [0.18181254556621151, 0.39396060606060607], [0.18188181818181817, 0.39380822044907104], [0.18666178945473916, 0.3838616161616162], [0.19164439132394784, 0.37376262626262624], [0.19198080808080809, 0.3730989402266477], [0.19702198984610564, 0.36366363636363636], [0.20207979797979797, 0.3544565304199639], [0.2025948666203979, 0.35356464646464647], [0.2085961223178509, 0.34346565656565653], [0.21217878787878786, 0.3376114281129997], [0.21490319843882072, 0.33336666666666664], [0.22158443295010607, 0.32326767676767676], [0.2222777777777778, 0.32225189670168874], [0.2287660776323285, 0.3131686868686869], [0.23237676767676768, 0.30827439376703425], [0.23638708587378637, 0.303069696969697], [0.24247575757575757, 0.29542670446608926], [0.24451553611430168, 0.29297070707070705], [0.25257474747474745, 0.28359589826174414], [0.2532227089033099, 0.28287171717171716], [0.2625873230959332, 0.2727727272727273], [0.2626737373737374, 0.2726829246636269], [0.2726829246636269, 0.2626737373737374], [0.2727727272727273, 0.2625873230959332], [0.28287171717171716, 0.2532227089033099], [0.28359589826174414, 0.25257474747474745], [0.29297070707070705, 0.24451553611430168], [0.29542670446608926, 0.24247575757575757], [0.303069696969697, 0.23638708587378637], [0.30827439376703425, 0.23237676767676768], [0.3131686868686869, 0.2287660776323285], [0.32225189670168874, 0.2222777777777778], [0.32326767676767676, 0.22158443295010607], [0.33336666666666664, 0.21490319843882072], [0.3376114281129997, 0.21217878787878786], [0.34346565656565653, 0.2085961223178509], [0.35356464646464647, 0.2025948666203979], [0.3544565304199639, 0.20207979797979797], [0.36366363636363636, 0.19702198984610564], [0.3730989402266477, 0.19198080808080809], [0.37376262626262624, 0.19164439132394784], [0.3838616161616162, 0.18666178945473916], [0.39380822044907104, 0.18188181818181817], [0.39396060606060607, 0.18181254556621151], [0.40405959595959595, 0.17733787772479884], [0.41415858585858584, 0.17297367986446677], [0.4169823128749085, 0.17178282828282826], [0.4242575757575757, 0.16888995336696455], [0.43435656565656566, 0.1649687485225542], [0.4430158263053556, 0.16168383838383837], [0.44445555555555555, 0.16117077575810676], [0.45455454545454543, 0.15765275735666584], [0.4646535353535354, 0.154212047509094], [0.47253420511881644, 0.1515848484848485], [0.47475252525252526, 0.15089303659944453], [0.48485151515151514, 0.1478098321167667], [0.49495050505050503, 0.1447901904335209], [0.5050494949494949, 0.14183154360205077], [0.5062532840422518, 0.14148585858585858], [0.5151484848484849, 0.13910766497300892], [0.5252474747474747, 0.13646005111005327], [0.5353464646464646, 0.13386286155502083], [0.545157551344515, 0.13138686868686866], [0.5454454545454545, 0.13131959465330628], [0.5555444444444444, 0.12900306850512772], [0.5656434343434344, 0.12672827639938292], [0.5757424242424243, 0.12449374116594575], [0.5858414141414141, 0.12229806269914384], [0.5905685355492161, 0.12128787878787879], [0.595940404040404, 0.12023177940645384], [0.606039393939394, 0.11827970154022271], [0.6161383838383838, 0.11635988562470624], [0.6262373737373738, 0.11447128258919485], [0.6363363636363635, 0.11261289371479886], [0.6441985931230085, 0.11118888888888889], [0.6464353535353534, 0.11081901157476685], [0.6565343434343435, 0.10917490127573644], [0.6666333333333332, 0.10755588908551428], [0.6767323232323232, 0.10596122024282567], [0.6868313131313131, 0.10439017352893101], [0.696930303030303, 0.10284205930904138], [0.707029292929293, 0.10131621771463473], [0.7085487646486991, 0.101089898989899], [0.7171282828282828, 0.09993379885441649], [0.7272272727272727, 0.0985919789894794], [0.7373262626262627, 0.09726866504804604], [0.7474252525252525, 0.09596335351178398], [0.7575242424242424, 0.09467556113681483], [0.7676232323232324, 0.0934048238796312], [0.7777222222222222, 0.09215069589321229], [0.7871835903686777, 0.0909909090909091], [0.7878212121212121, 0.09092098352039636], [0.797920202020202, 0.0898275725381894], [0.8080191919191919, 0.08874791380527355], [0.818118181818182, 0.08768166567953739], [0.8282171717171717, 0.08662849909376777], [0.8383161616161616, 0.08558809694599276], [0.8484151515151515, 0.08456015352632948], [0.8585141414141414, 0.08354437397774422], [0.8686131313131313, 0.08254047378834634], [0.8787121212121212, 0.08154817831302735], [0.8854683409597404, 0.0808919191919192], [0.8888111111111111, 0.0806054714697184], [0.898910101010101, 0.07974984930411559], [0.9090090909090909, 0.07890378630511247], [0.9191080808080808, 0.078067071237001], [0.9292070707070708, 0.07723949978936497], [0.9393060606060606, 0.07642087427762503], [0.9494050505050505, 0.07561100335959672], [0.9595040404040402, 0.07480970176704452], [0.9696030303030303, 0.07401679005129011], [0.9797020202020202, 0.0732320943420011], [0.9898010101010101, 0.07245544611834875], [0.9999, 0.07168668199178133]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#3D4C89\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764087856\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.09202731579298881, 0.9999], [0.09300135662925008, 0.9898010101010101], [0.09398538678766151, 0.9797020202020201], [0.09497961328506485, 0.9696030303030303], [0.09598424964100832, 0.9595040404040404], [0.09699951615297736, 0.9494050505050504], [0.09802564018634274, 0.9393060606060606], [0.09906285647998053, 0.9292070707070708], [0.10011140746859205, 0.9191080808080808], [0.10108989898989901, 0.9097868479169862], [0.10118014394921784, 0.9090090909090909], [0.10236504496189099, 0.898910101010101], [0.10356333347194627, 0.8888111111111111], [0.1047753154545758, 0.8787121212121212], [0.10600130749607825, 0.8686131313131313], [0.10724163729025468, 0.8585141414141414], [0.10849664416417609, 0.8484151515151515], [0.10976667963543214, 0.8383161616161616], [0.11105210800315109, 0.8282171717171717], [0.11118888888888889, 0.8271555748261256], [0.11246425966094817, 0.8181181818181817], [0.11390714705150222, 0.8080191919191919], [0.11536818218415512, 0.797920202020202], [0.11684782738196545, 0.7878212121212123], [0.11834656286305628, 0.7777222222222222], [0.11986488767624838, 0.7676232323232324], [0.12128787878787879, 0.7582820568197064], [0.12141336262238712, 0.7575242424242424], [0.12310806310916933, 0.7474252525252525], [0.12482581834588503, 0.7373262626262627], [0.12656726426861503, 0.7272272727272728], [0.1283330634940821, 0.7171282828282829], [0.13012390683335684, 0.707029292929293], [0.13138686868686866, 0.7000081643027558], [0.1319848170025784, 0.696930303030303], [0.13397542660093212, 0.6868313131313131], [0.13599552345681126, 0.6767323232323232], [0.13804599432237688, 0.6666333333333333], [0.14012776656133852, 0.6565343434343434], [0.14148585858585858, 0.6500466085765532], [0.1422978154671168, 0.6464353535353535], [0.14460423315002685, 0.6363363636363636], [0.14694754923169748, 0.6262373737373738], [0.1493289635449123, 0.6161383838383838], [0.1515848484848485, 0.6067272701708514], [0.15176110788039637, 0.606039393939394], [0.15439232969118444, 0.595940404040404], [0.15706852421176867, 0.5858414141414141], [0.15979125555721307, 0.5757424242424243], [0.16168383838383837, 0.56884464045063], [0.162618839402725, 0.5656434343434343], [0.16562167040319598, 0.5555444444444444], [0.16867959227376395, 0.5454454545454546], [0.17178282828282826, 0.5353848366751599], [0.17179538161083577, 0.5353464646464646], [0.17516216741889623, 0.5252474747474747], [0.17859431920841473, 0.5151484848484849], [0.18188181818181814, 0.5056629388618475], [0.1821065740166935, 0.5050494949494949], [0.18588141872562447, 0.49495050505050503], [0.18973408485313387, 0.48485151515151514], [0.19198080808080809, 0.4790835952403601], [0.19375903459476534, 0.47475252525252526], [0.197994578857628, 0.4646535353535354], [0.20207979797979797, 0.45512241833226397], [0.20233568026995796, 0.45455454545454543], [0.2069885093201922, 0.44445555555555555], [0.2117482849253628, 0.43435656565656566], [0.21217878787878786, 0.43346414691396096], [0.21683666503514126, 0.4242575757575757], [0.2220691432236916, 0.41415858585858584], [0.22227777777777777, 0.4137656106223513], [0.22767044931366814, 0.40405959595959595], [0.23237676767676768, 0.39579803891577536], [0.233470003962379, 0.39396060606060607], [0.23963475094791575, 0.3838616161616162], [0.24247575757575757, 0.37932839272781826], [0.2461122785230893, 0.37376262626262624], [0.2496413660281956, 0.3685053037197254]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.36382177829153534, 0.25279387228161976], [0.36413541139385636, 0.25257474747474745], [0.37376262626262624, 0.2461122785230893], [0.37932839272781826, 0.24247575757575757], [0.3838616161616162, 0.23963475094791575], [0.39396060606060607, 0.233470003962379], [0.39579803891577536, 0.23237676767676768], [0.40405959595959595, 0.22767044931366814], [0.4137656106223513, 0.22227777777777777], [0.41415858585858584, 0.2220691432236916], [0.4242575757575757, 0.21683666503514126], [0.43346414691396096, 0.21217878787878786], [0.43435656565656566, 0.2117482849253628], [0.44445555555555555, 0.2069885093201922], [0.45455454545454543, 0.20233568026995796], [0.45512241833226397, 0.20207979797979797], [0.4646535353535354, 0.197994578857628], [0.47475252525252526, 0.19375903459476534], [0.4790835952403601, 0.19198080808080809], [0.48485151515151514, 0.18973408485313387], [0.49495050505050503, 0.18588141872562447], [0.5050494949494949, 0.1821065740166935], [0.5056629388618475, 0.18188181818181814], [0.5151484848484849, 0.17859431920841473], [0.5252474747474747, 0.17516216741889623], [0.5353464646464646, 0.17179538161083577], [0.5353848366751599, 0.17178282828282826], [0.5454454545454546, 0.16867959227376395], [0.5555444444444444, 0.16562167040319598], [0.5656434343434343, 0.162618839402725], [0.56884464045063, 0.16168383838383837], [0.5757424242424243, 0.15979125555721307], [0.5858414141414141, 0.15706852421176867], [0.595940404040404, 0.15439232969118444], [0.606039393939394, 0.15176110788039637], [0.6067272701708514, 0.1515848484848485], [0.6161383838383838, 0.1493289635449123], [0.6262373737373738, 0.14694754923169748], [0.6363363636363636, 0.14460423315002685], [0.6464353535353535, 0.1422978154671168], [0.6500466085765532, 0.14148585858585858], [0.6565343434343434, 0.14012776656133852], [0.6666333333333333, 0.13804599432237688], [0.6767323232323232, 0.13599552345681126], [0.6868313131313131, 0.13397542660093212], [0.696930303030303, 0.1319848170025784], [0.7000081643027558, 0.13138686868686866], [0.707029292929293, 0.13012390683335684], [0.7171282828282829, 0.1283330634940821], [0.7272272727272728, 0.12656726426861503], [0.7373262626262627, 0.12482581834588503], [0.7474252525252525, 0.12310806310916933], [0.7575242424242424, 0.12141336262238712], [0.7582820568197064, 0.12128787878787879], [0.7676232323232324, 0.11986488767624838], [0.7777222222222222, 0.11834656286305628], [0.7878212121212123, 0.11684782738196545], [0.797920202020202, 0.11536818218415512], [0.8080191919191919, 0.11390714705150222], [0.8181181818181817, 0.11246425966094817], [0.8271555748261256, 0.11118888888888889], [0.8282171717171717, 0.11105210800315109], [0.8383161616161616, 0.10976667963543214], [0.8484151515151515, 0.10849664416417609], [0.8585141414141414, 0.10724163729025468], [0.8686131313131313, 0.10600130749607825], [0.8787121212121212, 0.1047753154545758], [0.8888111111111111, 0.10356333347194627], [0.898910101010101, 0.10236504496189099], [0.9090090909090909, 0.10118014394921784], [0.9097868479169862, 0.10108989898989901], [0.9191080808080808, 0.10011140746859205], [0.9292070707070708, 0.09906285647998053], [0.9393060606060606, 0.09802564018634274], [0.9494050505050504, 0.09699951615297736], [0.9595040404040404, 0.09598424964100832], [0.9696030303030303, 0.09497961328506485], [0.9797020202020201, 0.09398538678766151], [0.9898010101010101, 0.09300135662925008], [0.9999, 0.09202731579298881]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#33608D\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652729520592\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.11819719129201087, 0.9999], [0.11937642529904453, 0.9898010101010101], [0.12056775299655621, 0.9797020202020202], [0.12128787878787878, 0.9736600561123644], [0.12181348715617217, 0.9696030303030303], [0.12313556185901185, 0.9595040404040404], [0.12447162556422586, 0.9494050505050506], [0.12582197747859009, 0.9393060606060606], [0.12718692651221714, 0.9292070707070708], [0.12856679170272076, 0.9191080808080807], [0.12996190266281354, 0.9090090909090909], [0.13137260005290882, 0.898910101010101], [0.13138686868686866, 0.8988090950159624], [0.13291225197686948, 0.8888111111111111], [0.13447065311850243, 0.8787121212121212], [0.13604706879504985, 0.8686131313131313], [0.1376419203645857, 0.8585141414141414], [0.13925564414357536, 0.8484151515151515], [0.1408886921234022, 0.8383161616161616], [0.14148585858585858, 0.8346674261923535], [0.1426197424747163, 0.8282171717171717], [0.14441681458899752, 0.8181181818181819], [0.14623620840528045, 0.8080191919191919], [0.14807848542781377, 0.7979202020202019], [0.14994422861803955, 0.787821212121212], [0.1515848484848485, 0.7790538965477904], [0.15185123080734575, 0.7777222222222222], [0.15389779331053366, 0.7676232323232324], [0.15597145983430039, 0.7575242424242424], [0.15807295793899445, 0.7474252525252525], [0.16020304487910056, 0.7373262626262627], [0.16168383838383837, 0.730401157073402], [0.1624062959283123, 0.7272272727272727], [0.16473723273851548, 0.7171282828282828], [0.16710122893956636, 0.707029292929293], [0.16949923579384713, 0.6969303030303029], [0.17178282828282826, 0.6874515201959864], [0.1719413018030387, 0.6868313131313131], [0.17455999146013482, 0.6767323232323232], [0.1772180555188984, 0.6666333333333333], [0.17991669613839792, 0.6565343434343436], [0.18188181818181817, 0.6492926258999154], [0.1827014756670177, 0.6464353535353535], [0.185644161659246, 0.6363363636363636], [0.18863392516131694, 0.6262373737373738], [0.19167229700225233, 0.6161383838383838], [0.19198080808080809, 0.6151296214642593], [0.19491114912697005, 0.606039393939394], [0.198221384705335, 0.595940404040404], [0.20158819866238797, 0.5858414141414141], [0.20207979797979797, 0.5843920317654998], [0.20516399593405577, 0.5757424242424243], [0.2088287281412885, 0.5656434343434343], [0.21217878787878786, 0.556574970231677], [0.21257805205076524, 0.5555444444444444], [0.21656256193793616, 0.5454454545454546], [0.22062153915841637, 0.5353464646464646], [0.2222777777777778, 0.5313026541331969], [0.2248731586222692, 0.5252474747474747], [0.22928584455120102, 0.5151484848484849], [0.23237676767676768, 0.5082118572317889], [0.23384851958895944, 0.5050494949494949], [0.23864349034875684, 0.4949505050505051], [0.24247575757575757, 0.4870421624489945], [0.2435824801333426, 0.48485151515151514], [0.24879192152776425, 0.47475252525252526], [0.25257474747474745, 0.46757352888935855], [0.25417617158849504, 0.4646535353535354], [0.2598365136770231, 0.45455454545454543], [0.26267373737373734, 0.44960370671070776], [0.2657397189248709, 0.44445555555555555], [0.2718924164872242, 0.43435656565656566], [0.2727727272727273, 0.43294484268551203], [0.27839425433063564, 0.4242575757575757], [0.28287171717171716, 0.41750108046521994], [0.28516729068406116, 0.41415858585858584], [0.2922743508661591, 0.40405959595959595], [0.29297070707070705, 0.4030945166084162], [0.29979252603658957, 0.3939606060606061], [0.303069696969697, 0.38968378678029925], [0.3076822232009488, 0.3838616161616162], [0.3131686868686869, 0.37711616838695894], [0.3159857342930519, 0.37376262626262624], [0.32326767676767676, 0.3653250024128525], [0.32474700052107497, 0.36366363636363636], [0.33336666666666664, 0.35424843091470254], [0.3340119335481055, 0.35356464646464647], [0.34346565656565653, 0.3438287648746998], [0.3438287648746998, 0.34346565656565653], [0.35356464646464647, 0.3340119335481055], [0.35424843091470254, 0.33336666666666664], [0.36366363636363636, 0.32474700052107497], [0.3653250024128525, 0.32326767676767676], [0.37376262626262624, 0.3159857342930519], [0.37711616838695894, 0.3131686868686869], [0.3838616161616162, 0.3076822232009488], [0.38968378678029925, 0.303069696969697], [0.3939606060606061, 0.29979252603658957], [0.4030945166084162, 0.29297070707070705], [0.40405959595959595, 0.2922743508661591], [0.41415858585858584, 0.28516729068406116], [0.41750108046521994, 0.28287171717171716], [0.4242575757575757, 0.27839425433063564], [0.43294484268551203, 0.2727727272727273], [0.43435656565656566, 0.2718924164872242], [0.44445555555555555, 0.2657397189248709], [0.44960370671070776, 0.26267373737373734], [0.45455454545454543, 0.2598365136770231], [0.4646535353535354, 0.25417617158849504], [0.46757352888935855, 0.25257474747474745], [0.47475252525252526, 0.24879192152776425], [0.48485151515151514, 0.2435824801333426], [0.4870421624489945, 0.24247575757575757], [0.4949505050505051, 0.23864349034875684], [0.5050494949494949, 0.23384851958895944], [0.5082118572317889, 0.23237676767676768], [0.5151484848484849, 0.22928584455120102], [0.5192592103192801, 0.22748969061658875]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.6531839613738015, 0.1808258602434255], [0.6565343434343436, 0.17991669613839792], [0.6666333333333333, 0.1772180555188984], [0.6767323232323232, 0.17455999146013482], [0.6868313131313131, 0.1719413018030387], [0.6874515201959864, 0.17178282828282826], [0.6969303030303029, 0.16949923579384713], [0.707029292929293, 0.16710122893956636], [0.7171282828282828, 0.16473723273851548], [0.7272272727272727, 0.1624062959283123], [0.730401157073402, 0.16168383838383837], [0.7373262626262627, 0.16020304487910056], [0.7474252525252525, 0.15807295793899445], [0.7575242424242424, 0.15597145983430039], [0.7676232323232324, 0.15389779331053366], [0.7777222222222222, 0.15185123080734575], [0.7790538965477904, 0.1515848484848485], [0.787821212121212, 0.14994422861803955], [0.7979202020202019, 0.14807848542781377], [0.8080191919191919, 0.14623620840528045], [0.8181181818181819, 0.14441681458899752], [0.8282171717171717, 0.1426197424747163], [0.8346674261923535, 0.14148585858585858], [0.8383161616161616, 0.1408886921234022], [0.8484151515151515, 0.13925564414357536], [0.8585141414141414, 0.1376419203645857], [0.8686131313131313, 0.13604706879504985], [0.8787121212121212, 0.13447065311850243], [0.8888111111111111, 0.13291225197686948], [0.8988090950159624, 0.13138686868686866], [0.898910101010101, 0.13137260005290882], [0.9090090909090909, 0.12996190266281354], [0.9191080808080807, 0.12856679170272076], [0.9292070707070708, 0.12718692651221714], [0.9393060606060606, 0.12582197747859009], [0.9494050505050506, 0.12447162556422586], [0.9595040404040404, 0.12313556185901185], [0.9696030303030303, 0.12181348715617217], [0.9736600561123644, 0.12128787878787878], [0.9797020202020202, 0.12056775299655621], [0.9898010101010101, 0.11937642529904453], [0.9999, 0.11819719129201088]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#2B748E\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652729522048\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.15164989163822482, 0.9999], [0.15323939085493407, 0.9898010101010101], [0.15484519125650348, 0.9797020202020204], [0.15646763066563557, 0.9696030303030303], [0.15810705751654586, 0.9595040404040402], [0.15976383130410107, 0.9494050505050506], [0.16143832305697392, 0.9393060606060606], [0.16168383838383837, 0.9378411738144888], [0.16322427880692814, 0.9292070707070708], [0.16504576480560515, 0.9191080808080808], [0.16688737592667585, 0.9090090909090909], [0.1687495618576731, 0.898910101010101], [0.17063278752870736, 0.8888111111111112], [0.17178282828282826, 0.8827135798661014], [0.1725832732786671, 0.8787121212121212], [0.17462681065433538, 0.8686131313131313], [0.17669424682582008, 0.8585141414141414], [0.17878614739838503, 0.8484151515151515], [0.180903098296986, 0.8383161616161616], [0.18188181818181814, 0.8337030545361168], [0.18311221224036356, 0.8282171717171717], [0.1854050401946859, 0.8181181818181819], [0.18772634770858235, 0.8080191919191919], [0.19007685118771495, 0.797920202020202], [0.19198080808080809, 0.7898426972863477], [0.1924830488629392, 0.7878212121212121], [0.19502452919929653, 0.7777222222222222], [0.19759922814091538, 0.7676232323232324], [0.20020802557353518, 0.7575242424242424], [0.20207979797979797, 0.7503743331002855], [0.20289142536656785, 0.7474252525252525], [0.20570861654168815, 0.7373262626262627], [0.20856466144296548, 0.7272272727272727], [0.2114606467898252, 0.7171282828282828], [0.21217878787878786, 0.7146589758731308], [0.21450593505966664, 0.707029292929293], [0.2176305675469613, 0.696930303030303], [0.22080081012210306, 0.6868313131313131], [0.22227777777777777, 0.6821950259460259], [0.22409894654106632, 0.6767323232323232], [0.22751639500768878, 0.6666333333333333], [0.23098601238454133, 0.6565343434343435], [0.23150998809425155, 0.6550324930256392]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.31256211582722915, 0.4851456055363484], [0.3127470715344849, 0.48485151515151514], [0.31316868686868693, 0.48419494283180675], [0.3194308690776805, 0.4747525252525253], [0.32326767676767676, 0.46908898322831194], [0.32636788025597874, 0.4646535353535354], [0.33336666666666664, 0.454855708698277], [0.333588411988117, 0.45455454545454543], [0.34119133326221596, 0.44445555555555555], [0.34346565656565653, 0.44150244121101956], [0.3491332644558036, 0.43435656565656566], [0.35356464646464647, 0.4288977813898463], [0.3574406835298369, 0.4242575757575757], [0.36366363636363636, 0.4169830205793619], [0.36614782375417143, 0.4141585858585858], [0.37376262626262624, 0.4057094115950188], [0.3752902502977632, 0.40405959595959595], [0.3838616161616162, 0.39503115848583376], [0.3849050698553476, 0.39396060606060607], [0.39396060606060607, 0.3849050698553476], [0.39503115848583376, 0.3838616161616162], [0.40405959595959595, 0.3752902502977632], [0.4057094115950188, 0.37376262626262624], [0.4141585858585858, 0.36614782375417143], [0.4169830205793619, 0.36366363636363636], [0.4242575757575757, 0.3574406835298369], [0.4288977813898463, 0.35356464646464647], [0.43435656565656566, 0.3491332644558036], [0.44150244121101956, 0.34346565656565653], [0.44445555555555555, 0.34119133326221596], [0.45455454545454543, 0.333588411988117], [0.454855708698277, 0.33336666666666664], [0.4646535353535354, 0.32636788025597874], [0.46908898322831194, 0.32326767676767676], [0.4747525252525253, 0.3194308690776805], [0.48419494283180675, 0.31316868686868693], [0.48485151515151514, 0.3127470715344849], [0.4949505050505051, 0.3063957390337811], [0.500348135044338, 0.303069696969697], [0.5050494949494949, 0.30026766942385996], [0.5151484848484849, 0.29436780813734864], [0.5175872989883886, 0.29297070707070705], [0.5252474747474747, 0.28873122459697476], [0.5353464646464646, 0.2832484417067648], [0.5360535864497421, 0.28287171717171716], [0.5454454545454546, 0.2780436680106327], [0.5555444444444444, 0.2729473569050595], [0.5558968440713978, 0.2727727272727273], [0.5656434343434343, 0.26811846758740365], [0.5757424242424243, 0.26338127180581594], [0.5772774746725519, 0.26267373737373734], [0.5858414141414141, 0.25887538658230214], [0.595940404040404, 0.2544727553948332], [0.6003685697966663, 0.25257474747474745], [0.606039393939394, 0.2502394162662313], [0.6161383838383838, 0.24614923371384964], [0.62535839344318, 0.24247575757575757], [0.6262373737373738, 0.24213984288587548], [0.6363363636363636, 0.23834211617748344], [0.6464353535353535, 0.2346041893550589], [0.652548077725208, 0.23237676767676768], [0.6565343434343435, 0.23098601238454133], [0.6666333333333333, 0.22751639500768878], [0.6767323232323232, 0.22409894654106632], [0.6821950259460259, 0.22227777777777777], [0.6868313131313131, 0.22080081012210306], [0.696930303030303, 0.2176305675469613], [0.707029292929293, 0.21450593505966664], [0.7146589758731308, 0.21217878787878786], [0.7171282828282828, 0.2114606467898252], [0.7272272727272727, 0.20856466144296548], [0.7373262626262627, 0.20570861654168815], [0.7474252525252525, 0.20289142536656785], [0.7503743331002855, 0.20207979797979797], [0.7575242424242424, 0.20020802557353518], [0.7676232323232324, 0.19759922814091538], [0.7777222222222222, 0.19502452919929653], [0.7878212121212121, 0.1924830488629392], [0.7898426972863477, 0.19198080808080809], [0.797920202020202, 0.19007685118771495], [0.8080191919191919, 0.18772634770858235], [0.8181181818181819, 0.1854050401946859], [0.8282171717171717, 0.18311221224036356], [0.8337030545361168, 0.18188181818181814], [0.8383161616161616, 0.180903098296986], [0.8484151515151515, 0.17878614739838503], [0.8585141414141414, 0.17669424682582008], [0.8686131313131313, 0.17462681065433538], [0.8787121212121212, 0.1725832732786671], [0.8827135798661014, 0.17178282828282826], [0.8888111111111112, 0.17063278752870736], [0.898910101010101, 0.1687495618576731], [0.9090090909090909, 0.16688737592667585], [0.9191080808080808, 0.16504576480560515], [0.9292070707070708, 0.16322427880692814], [0.9378411738144888, 0.16168383838383837], [0.9393060606060606, 0.16143832305697392], [0.9494050505050506, 0.15976383130410107], [0.9595040404040402, 0.15810705751654586], [0.9696030303030303, 0.15646763066563557], [0.9797020202020204, 0.15484519125650348], [0.9898010101010101, 0.15323939085493407], [0.9999, 0.15164989163822482]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#23878D\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652729523560\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.1947712323931474, 0.9999], [0.19677091818070117, 0.9898010101010101], [0.19879111184101284, 0.9797020202020202], [0.20083223837539724, 0.9696030303030303], [0.20207979797979797, 0.9634943730770966], [0.20293652447831972, 0.9595040404040405], [0.20512772541269975, 0.9494050505050505], [0.20734235961386066, 0.9393060606060606], [0.20958093370744063, 0.9292070707070708], [0.21184397092860788, 0.9191080808080808], [0.21217878787878788, 0.9176302606532089], [0.21422728194806664, 0.9090090909090909], [0.21665373316816633, 0.898910101010101], [0.2191075994288555, 0.8888111111111112], [0.2215895073089542, 0.8787121212121213], [0.22227777777777777, 0.8759435230357467], [0.22418485536331936, 0.8686131313131313], [0.2268429389978299, 0.8585141414141414], [0.2295324762873729, 0.8484151515151515], [0.2322542205502648, 0.8383161616161616], [0.23237676767676765, 0.8378668975073583], [0.23512592468751203, 0.8282171717171717], [0.23803837376712866, 0.8181181818181819], [0.24098699881315966, 0.8080191919191919], [0.24247575757575757, 0.8029835539771877], [0.24403640191737613, 0.7979202020202019], [0.24718879737513078, 0.7878212121212121], [0.25038186482802965, 0.7777222222222223], [0.25257474747474745, 0.7708760860212833], [0.2536591892373494, 0.7676232323232324], [0.25707059630799556, 0.7575242424242424], [0.26052778935766713, 0.7474252525252525], [0.26267373737373734, 0.7412407442223918], [0.2640852726165573, 0.7373262626262627], [0.2677771232329964, 0.7272272727272727], [0.2715206026451096, 0.7171282828282828], [0.2727727272727273, 0.7137975962078795], [0.27541317876690113, 0.707029292929293], [0.27940968014266776, 0.696930303030303], [0.28287171717171716, 0.6883077449286034], [0.2834860715349622, 0.6868313131313131], [0.2877505860200602, 0.6767323232323232], [0.2920792213931749, 0.6666333333333333], [0.29297070707070705, 0.6645847119851438], [0.29659683773442574, 0.6565343434343435], [0.3012162471498739, 0.6464353535353535], [0.303069696969697, 0.6424461416941145], [0.3060046076803655, 0.6363363636363636], [0.31093339763299943, 0.6262373737373738], [0.3131686868686869, 0.621730584302979], [0.3160332464478197, 0.6161383838383838], [0.32129186864566756, 0.606039393939394], [0.32326767676767676, 0.6023076384155092], [0.3267458662273918, 0.595940404040404], [0.332356869898548, 0.5858414141414141], [0.33336666666666664, 0.5840549913646402], [0.3382100005099119, 0.5757424242424243], [0.34346565656565653, 0.5668790470468248], [0.3442201969315507, 0.5656434343434343], [0.35049835949738906, 0.5555444444444444], [0.35356464646464647, 0.5507009067542323], [0.35698812524383666, 0.5454454545454546], [0.36366363636363636, 0.5353857489858024], [0.3636904392430541, 0.5353464646464646], [0.3707119953486342, 0.5252474747474747], [0.37376262626262624, 0.5209433660010324], [0.3779823853358739, 0.5151484848484849], [0.3838616161616162, 0.507231448370104], [0.38552514809998817, 0.5050494949494949], [0.3933801924972288, 0.4949505050505051], [0.3939606060606061, 0.49421935828685004], [0.4015903042625099, 0.48485151515151514], [0.40405959595959595, 0.4818821901876567], [0.4101387081390565, 0.4747525252525252], [0.41415858585858584, 0.4701371990873535], [0.4190526857042312, 0.4646535353535354], [0.4242575757575757, 0.4589470424355099], [0.4283604964418114, 0.45455454545454543], [0.43435656565656566, 0.4482763485666248], [0.438091509946276, 0.44445555555555555], [0.44445555555555555, 0.438091509946276], [0.4482763485666248, 0.43435656565656566], [0.45455454545454543, 0.4283604964418114], [0.4589470424355099, 0.4242575757575757], [0.4646535353535354, 0.4190526857042312], [0.4701371990873535, 0.41415858585858584], [0.4747525252525252, 0.4101387081390565], [0.4818821901876567, 0.40405959595959595], [0.48485151515151514, 0.4015903042625099], [0.49421935828685004, 0.3939606060606061], [0.4949505050505051, 0.3933801924972288], [0.5050494949494949, 0.38552514809998817], [0.507231448370104, 0.3838616161616162], [0.5151484848484849, 0.3779823853358739], [0.5209433660010324, 0.37376262626262624], [0.5252474747474747, 0.3707119953486342], [0.5353464646464646, 0.3636904392430541], [0.5353857489858024, 0.36366363636363636], [0.5454454545454546, 0.35698812524383666], [0.5507009067542323, 0.35356464646464647], [0.5555444444444444, 0.35049835949738906], [0.5656434343434343, 0.3442201969315507], [0.5668790470468248, 0.34346565656565653], [0.5757424242424243, 0.3382100005099119], [0.5840549913646402, 0.33336666666666664], [0.5858414141414141, 0.332356869898548], [0.595940404040404, 0.3267458662273918], [0.6023076384155092, 0.32326767676767676], [0.606039393939394, 0.32129186864566756], [0.6161383838383838, 0.3160332464478197], [0.621730584302979, 0.3131686868686869], [0.6262373737373738, 0.31093339763299943], [0.6363363636363636, 0.3060046076803655], [0.6424461416941145, 0.303069696969697], [0.6464353535353535, 0.3012162471498739], [0.6565343434343435, 0.29659683773442574], [0.6645847119851438, 0.29297070707070705], [0.6666333333333333, 0.2920792213931749], [0.6707915477739793, 0.29029692491631864]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.8044962848460396, 0.24202852698404442], [0.8080191919191919, 0.24098699881315966], [0.8181181818181819, 0.23803837376712866], [0.8282171717171717, 0.23512592468751203], [0.8378668975073583, 0.23237676767676765], [0.8383161616161616, 0.2322542205502648], [0.8484151515151515, 0.2295324762873729], [0.8585141414141414, 0.2268429389978299], [0.8686131313131313, 0.22418485536331936], [0.8759435230357467, 0.22227777777777777], [0.8787121212121213, 0.2215895073089542], [0.8888111111111112, 0.2191075994288555], [0.898910101010101, 0.21665373316816633], [0.9090090909090909, 0.21422728194806664], [0.9176302606532089, 0.21217878787878788], [0.9191080808080808, 0.21184397092860788], [0.9292070707070708, 0.20958093370744063], [0.9393060606060606, 0.20734235961386066], [0.9494050505050505, 0.20512772541269975], [0.9595040404040405, 0.20293652447831972], [0.9634943730770966, 0.20207979797979797], [0.9696030303030303, 0.20083223837539724], [0.9797020202020202, 0.19879111184101284], [0.9898010101010101, 0.19677091818070117], [0.9999, 0.19477123239314742]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#1E998A\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652729484232\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.25006362754872924, 0.9999], [0.25257474747474745, 0.9898060234147213], [0.25257604555603885, 0.9898010101010101], [0.25521776194639156, 0.9797020202020202], [0.25788685131470257, 0.9696030303030303], [0.2605838868731701, 0.9595040404040404], [0.2620160756494879, 0.9541973914339288]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.3258706546837346, 0.7672477459948115], [0.3300567260928111, 0.7575242424242425], [0.3333666666666666, 0.7499376586811882], [0.334496523197958, 0.7474252525252525], [0.3390999338299149, 0.7373262626262627], [0.34346565656565653, 0.727879007141506], [0.3437758221117685, 0.7272272727272727], [0.3486492233197809, 0.7171282828282828], [0.35356464646464647, 0.7070846597187536], [0.3535925286801282, 0.707029292929293], [0.358751457335985, 0.6969303030303031], [0.36366363636363636, 0.6874526882605838], [0.3639947611913163, 0.6868313131313131], [0.36945613515409753, 0.6767323232323232], [0.37376262626262624, 0.668886867667558], [0.3750335112748525, 0.6666333333333333], [0.380815798044082, 0.6565343434343435], [0.3838616161616162, 0.6512959098033385], [0.3867630742229443, 0.6464353535353535], [0.3928864861506996, 0.6363363636363636], [0.39396060606060607, 0.6345927738561752], [0.39924153669282236, 0.6262373737373738], [0.40405959595959595, 0.6187362757191267], [0.40577049641058316, 0.6161383838383838], [0.41253133410879195, 0.606039393939394], [0.41415858585858584, 0.6036488615891779], [0.41953532754734746, 0.595940404040404], [0.4242575757575757, 0.5892840424399173], [0.42675873539064113, 0.5858414141414141], [0.4342235036257629, 0.5757424242424243], [0.43435656565656566, 0.5755655366818411], [0.44199596948970377, 0.5656434343434343], [0.4444555555555555, 0.5625054429198404], [0.4500370589446404, 0.5555444444444444], [0.45455454545454543, 0.5500119407079312], [0.45836702349377634, 0.5454454545454546], [0.4646535353535354, 0.5380537801264654], [0.4670066660214667, 0.5353464646464646], [0.47475252525252526, 0.5266012798968756], [0.47597741268893423, 0.5252474747474747], [0.48485151515151514, 0.5156261821661553], [0.4853013889884597, 0.5151484848484849], [0.49495050505050503, 0.5051015206936142], [0.4950015007158595, 0.5050494949494949], [0.5050494949494949, 0.4950015007158595], [0.5051015206936142, 0.49495050505050503], [0.5151484848484849, 0.4853013889884597], [0.5156261821661553, 0.48485151515151514], [0.5252474747474747, 0.47597741268893423], [0.5266012798968756, 0.47475252525252526], [0.5353464646464646, 0.4670066660214667], [0.5380537801264654, 0.4646535353535354], [0.5454454545454546, 0.45836702349377634], [0.5500119407079312, 0.45455454545454543], [0.5555444444444444, 0.4500370589446404], [0.5625054429198404, 0.4444555555555555], [0.5656434343434343, 0.44199596948970377], [0.5755655366818411, 0.43435656565656566], [0.5757424242424243, 0.4342235036257629], [0.5858414141414141, 0.42675873539064113], [0.5892840424399173, 0.4242575757575757], [0.595940404040404, 0.41953532754734746], [0.6036488615891779, 0.41415858585858584], [0.606039393939394, 0.41253133410879195], [0.6161383838383838, 0.40577049641058316], [0.6187362757191267, 0.40405959595959595], [0.6262373737373738, 0.39924153669282236], [0.6345927738561752, 0.39396060606060607], [0.6363363636363636, 0.3928864861506996], [0.6464353535353535, 0.3867630742229443], [0.6512959098033385, 0.3838616161616162], [0.6565343434343435, 0.380815798044082], [0.6666333333333333, 0.3750335112748525], [0.668886867667558, 0.37376262626262624], [0.6767323232323232, 0.36945613515409753], [0.6868313131313131, 0.3639947611913163], [0.6874526882605838, 0.36366363636363636], [0.6969303030303031, 0.358751457335985], [0.707029292929293, 0.3535925286801282], [0.7070846597187536, 0.35356464646464647], [0.7171282828282828, 0.3486492233197809], [0.7272272727272727, 0.3437758221117685], [0.727879007141506, 0.34346565656565653], [0.7373262626262627, 0.3390999338299149], [0.7474252525252525, 0.334496523197958], [0.7499376586811882, 0.3333666666666666], [0.7575242424242425, 0.3300567260928111], [0.7676232323232324, 0.32570900383715506], [0.7733691052349971, 0.32326767676767676], [0.7777222222222222, 0.32147501039045073], [0.7878212121212121, 0.3173697815474832], [0.797920202020202, 0.3133168434406277], [0.7982940764955623, 0.3131686868686869], [0.8080191919191919, 0.30943720616930115], [0.818118181818182, 0.30561040276376716], [0.8249064247047022, 0.303069696969697], [0.8282171717171718, 0.30187117147984166], [0.8383161616161616, 0.2982595403695525], [0.8484151515151515, 0.29469115823768877], [0.8533425612604373, 0.29297070707070705], [0.8585141414141413, 0.29122620326137766], [0.8686131313131313, 0.28785940052611625], [0.8787121212121212, 0.2845315167825189], [0.8838072707814644, 0.2828717171717172], [0.8888111111111111, 0.28129884950003836], [0.898910101010101, 0.2781602788275934], [0.9090090909090909, 0.27505677283807617], [0.9165245449931446, 0.2727727272727273], [0.9191080808080808, 0.27201610446912783], [0.9292070707070708, 0.26909080194455814], [0.9393060606060606, 0.26619712154631525], [0.9494050505050505, 0.2633343869173582], [0.9517605758622814, 0.26267373737373734], [0.9595040404040404, 0.2605838868731701], [0.9696030303030303, 0.25788685131470257], [0.9797020202020202, 0.25521776194639156], [0.9898010101010101, 0.25257604555603885], [0.9898060234147213, 0.25257474747474745], [0.9999, 0.25006362754872924]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#25AB81\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652729485688\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.32106586248575936, 0.9999], [0.32326767676767676, 0.9930159146741059], [0.32432857406381366, 0.9898010101010101], [0.3276953517322707, 0.9797020202020202], [0.3310970153299083, 0.9696030303030303], [0.33336666666666664, 0.9629346222937105], [0.33457021707161616, 0.9595040404040404], [0.3381507329298089, 0.9494050505050505], [0.3417695397461707, 0.9393060606060607], [0.34346565656565653, 0.9346233337287364], [0.3454860180859066, 0.9292070707070708], [0.3492942860867695, 0.9191080808080808], [0.3531446306447298, 0.9090090909090909], [0.35356464646464647, 0.9079196118708652], [0.3571386536256982, 0.898910101010101], [0.36119011280414065, 0.8888111111111111], [0.36366363636363636, 0.8827150718828465], [0.3653336164055432, 0.8787121212121212], [0.36959548905059003, 0.8686131313131313], [0.37376262626262624, 0.8588527733526975], [0.373911163951645, 0.8585141414141414], [0.3783934091664707, 0.8484151515151515], [0.3829293288749494, 0.8383161616161616], [0.3838616161616162, 0.8362653285454764], [0.3876177726987702, 0.8282171717171718], [0.39238890019279016, 0.818118181818182], [0.393960606060606, 0.8148321861898769], [0.3973039193597946, 0.8080191919191919], [0.40232208752691523, 0.797920202020202], [0.404059595959596, 0.7944674712273212], [0.4074888356536043, 0.7878212121212123], [0.4127667934298194, 0.7777222222222222], [0.4141585858585858, 0.775093487296231], [0.418211381123593, 0.7676232323232324], [0.4237628905486177, 0.7575242424242424], [0.4242575757575757, 0.7566362572894652], [0.42951253810930645, 0.7474252525252525], [0.43435656565656566, 0.7390485001931631], [0.4353759146505943, 0.7373262626262627], [0.44143568952269724, 0.7272272727272727], [0.4444555555555556, 0.7222638896460465], [0.4476520284822211, 0.7171282828282828], [0.4540269299339664, 0.707029292929293], [0.45455454545454543, 0.706205309687716], [0.4606269887748283, 0.696930303030303], [0.4646535353535354, 0.6908686658606569], [0.4673943505362017, 0.6868313131313131], [0.47435175248055067, 0.6767323232323232], [0.47475252525252526, 0.676159200490589], [0.4815569982430637, 0.6666333333333333], [0.48485151515151514, 0.6620905486044225], [0.48896580396471495, 0.6565343434343435], [0.4949505050505051, 0.6485755885000204], [0.4965930644014601, 0.6464353535353535], [0.5044657474925295, 0.6363363636363637], [0.5050494949494949, 0.6355993300891444], [0.5126141546486949, 0.6262373737373738], [0.5151484848484849, 0.6231510866031438], [0.5210210392036567, 0.6161383838383838], [0.5252474747474747, 0.6111734469525358], [0.5297027225585071, 0.606039393939394], [0.5353464646464646, 0.5996432520024824], [0.5386759597495104, 0.595940404040404], [0.5454454545454546, 0.5885383280050168], [0.5479579859441129, 0.5858414141414141], [0.5555444444444444, 0.5778374054699227], [0.557566565568373, 0.5757424242424243], [0.5656434343434343, 0.5675200444590522], [0.5675200444590522, 0.5656434343434343], [0.5757424242424243, 0.557566565568373], [0.5778374054699227, 0.5555444444444444], [0.5858414141414141, 0.5479579859441129], [0.5885383280050168, 0.5454454545454546], [0.595940404040404, 0.5386759597495104], [0.5996432520024824, 0.5353464646464646], [0.606039393939394, 0.5297027225585071], [0.6111734469525358, 0.5252474747474747], [0.6161383838383838, 0.5210210392036567], [0.6231510866031438, 0.5151484848484849], [0.6262373737373738, 0.5126141546486949], [0.6289638614919002, 0.5104110945977764]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.7546347437993223, 0.42539945748561986], [0.7566362572894652, 0.4242575757575757], [0.7575242424242424, 0.4237628905486177], [0.7676232323232324, 0.418211381123593], [0.775093487296231, 0.4141585858585858], [0.7777222222222222, 0.4127667934298194], [0.7878212121212123, 0.4074888356536043], [0.7944674712273212, 0.404059595959596], [0.797920202020202, 0.40232208752691523], [0.8080191919191919, 0.3973039193597946], [0.8148321861898769, 0.393960606060606], [0.818118181818182, 0.39238890019279016], [0.8282171717171718, 0.3876177726987702], [0.8362653285454764, 0.3838616161616162], [0.8383161616161616, 0.3829293288749494], [0.8484151515151515, 0.3783934091664707], [0.8585141414141414, 0.373911163951645], [0.8588527733526975, 0.37376262626262624], [0.8686131313131313, 0.36959548905059003], [0.8787121212121212, 0.3653336164055432], [0.8827150718828465, 0.36366363636363636], [0.8888111111111111, 0.36119011280414065], [0.898910101010101, 0.3571386536256982], [0.9079196118708652, 0.35356464646464647], [0.9090090909090909, 0.3531446306447298], [0.9191080808080808, 0.3492942860867695], [0.9292070707070708, 0.3454860180859066], [0.9346233337287364, 0.34346565656565653], [0.9393060606060607, 0.3417695397461707], [0.9494050505050505, 0.3381507329298089], [0.9595040404040404, 0.33457021707161616], [0.9629346222937105, 0.33336666666666664], [0.9696030303030303, 0.3310970153299083], [0.9797020202020202, 0.3276953517322707], [0.9898010101010101, 0.32432857406381366], [0.9930159146741059, 0.32326767676767676], [0.9999, 0.32106586248575936]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#40BD72\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652729487200\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.41224076541827825, 0.9999], [0.41415858585858584, 0.9952361458202386], [0.41644874118326114, 0.9898010101010101], [0.4207477043780895, 0.9797020202020202], [0.4242575757575757, 0.9715412999964289], [0.4251112974003417, 0.9696030303030303], [0.4296060271139277, 0.9595040404040402], [0.4341483160043897, 0.9494050505050505], [0.43435656565656566, 0.9489469427197548], [0.43884228704964007, 0.9393060606060606], [0.4435919515368999, 0.9292070707070708], [0.44445555555555555, 0.9273906793096707], [0.44848403553939215, 0.9191080808080809], [0.4534502403937169, 0.9090090909090908], [0.45455454545454543, 0.9067882509761264], [0.45855994740092604, 0.898910101010101], [0.4637524787009861, 0.8888111111111111], [0.4646535353535354, 0.8870784399636359], [0.46909995684226025, 0.8787121212121212], [0.4745292794320132, 0.8686131313131314], [0.47475252525252526, 0.8682026757907417], [0.4801354055907085, 0.8585141414141413], [0.48485151515151514, 0.8501249845270317], [0.48583296064269604, 0.8484151515151515], [0.49169920528213407, 0.8383161616161616], [0.494950505050505, 0.8327859372516668], [0.4976919240434348, 0.8282171717171717], [0.5038260164727312, 0.8181181818181819], [0.5050494949494949, 0.8161285956789675], [0.5101370315801109, 0.8080191919191919], [0.5151484848484849, 0.8001302848769245], [0.5165802445855734, 0.797920202020202], [0.523206016124147, 0.7878212121212121], [0.5252474747474747, 0.7847492584421154], [0.5300079368262407, 0.7777222222222222], [0.5353464646464646, 0.7699435603853269], [0.5369692438925823, 0.7676232323232324], [0.5441257639719277, 0.7575242424242425], [0.5454454545454546, 0.7556866124241456], [0.5514892156543656, 0.7474252525252525], [0.5555444444444444, 0.7419564620199035], [0.5590408295582217, 0.7373262626262627], [0.5656434343434343, 0.7287015025652619], [0.5667923495639763, 0.7272272727272727], [0.5747728854153649, 0.7171282828282828], [0.5757424242424243, 0.7159185350956158], [0.5829926844082246, 0.707029292929293], [0.5858414141414141, 0.7035861206798844], [0.591443903342638, 0.696930303030303], [0.595940404040404, 0.6916652651293655], [0.6001393057978431, 0.6868313131313131], [0.606039393939394, 0.6801380327070841], [0.6090919568696774, 0.6767323232323232], [0.6161383838383838, 0.6689871610448022], [0.618315251432955, 0.6666333333333333], [0.6262373737373738, 0.6581960119865813], [0.627822943810454, 0.6565343434343435], [0.6363363636363637, 0.6477485258899656], [0.6376291790330064, 0.6464353535353535], [0.6464353535353535, 0.6376291790330064], [0.6477485258899656, 0.6363363636363637], [0.6565343434343435, 0.627822943810454], [0.6581960119865813, 0.6262373737373738], [0.6666333333333333, 0.618315251432955], [0.6689871610448022, 0.6161383838383838], [0.6767323232323232, 0.6090919568696774], [0.6801380327070841, 0.606039393939394], [0.6868313131313131, 0.6001393057978431], [0.6916652651293655, 0.595940404040404], [0.696930303030303, 0.591443903342638], [0.7035861206798844, 0.5858414141414141], [0.707029292929293, 0.5829926844082246], [0.7159185350956158, 0.5757424242424243], [0.7171282828282828, 0.5747728854153649], [0.7272272727272727, 0.5667923495639763], [0.7287015025652619, 0.5656434343434343], [0.7373262626262627, 0.5590408295582217], [0.7419564620199035, 0.5555444444444444], [0.7474252525252525, 0.5514892156543656], [0.7551059154324381, 0.5458702749064479]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.8825149842032965, 0.4670788610383767], [0.8870784399636359, 0.4646535353535354], [0.8888111111111111, 0.4637524787009861], [0.898910101010101, 0.45855994740092604], [0.9067882509761264, 0.45455454545454543], [0.9090090909090908, 0.4534502403937169], [0.9191080808080809, 0.44848403553939215], [0.9273906793096707, 0.44445555555555555], [0.9292070707070708, 0.4435919515368999], [0.9393060606060606, 0.43884228704964007], [0.9489469427197548, 0.43435656565656566], [0.9494050505050505, 0.4341483160043897], [0.9595040404040402, 0.4296060271139277], [0.9696030303030303, 0.4251112974003417], [0.9715412999964289, 0.4242575757575757], [0.9797020202020202, 0.4207477043780895], [0.9898010101010101, 0.41644874118326114], [0.9952361458202386, 0.41415858585858584], [0.9999, 0.41224076541827825]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#67CC5C\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652729451912\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.5293260727418232, 0.9999], [0.5347091406903798, 0.9898010101010101], [0.5353464646464646, 0.9886174860841175], [0.5402388498517641, 0.9797020202020201], [0.5454454545454546, 0.9703112528998356], [0.5458454591687876, 0.9696030303030303], [0.5516090975719999, 0.9595040404040404], [0.5555444444444444, 0.9526807625194654], [0.5574683828650766, 0.9494050505050505], [0.5634633000747886, 0.9393060606060606], [0.5656434343434343, 0.935672699871264], [0.5695929152678776, 0.9292070707070708], [0.5757424242424243, 0.9192486381250101], [0.5758307569158251, 0.9191080808080808], [0.5822475486760816, 0.9090090909090909], [0.5858414141414141, 0.9034154227913093], [0.588786364977687, 0.898910101010101], [0.5954622599623466, 0.8888111111111111], [0.595940404040404, 0.8880959688321476], [0.6023216794789021, 0.8787121212121212], [0.606039393939394, 0.873307590371304], [0.6093229250577119, 0.8686131313131313], [0.6161383838383838, 0.8589817186739903], [0.6164747229646573, 0.8585141414141414], [0.6238251213210241, 0.8484151515151515], [0.6262373737373736, 0.8451400854476893], [0.6313452567496599, 0.8383161616161616], [0.6363363636363636, 0.8317280936648266], [0.6390387839029522, 0.8282171717171717], [0.6464353535353535, 0.8187241865122517], [0.6469149641098337, 0.8181181818181819], [0.6550068902239371, 0.8080191919191919], [0.6565343434343435, 0.8061365586737905], [0.6633039324897971, 0.7979202020202019], [0.6666333333333333, 0.7939300804081811], [0.6718084521355838, 0.787821212121212], [0.6767323232323232, 0.7820829588585807], [0.6805304392918959, 0.7777222222222222], [0.6868313131313131, 0.770581326182191], [0.6894800945561661, 0.7676232323232324], [0.696930303030303, 0.7594117729362576], [0.698667846214552, 0.7575242424242424], [0.707029292929293, 0.7485613184207538], [0.7081043682214191, 0.7474252525252525], [0.7095533165696271, 0.7459146534347192]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.8280295904510675, 0.6391849400241852], [0.8282171717171717, 0.6390387839029522], [0.8317280936648266, 0.6363363636363636], [0.8383161616161616, 0.6313452567496599], [0.8451400854476893, 0.6262373737373736], [0.8484151515151515, 0.6238251213210241], [0.8585141414141414, 0.6164747229646573], [0.8589817186739903, 0.6161383838383838], [0.8686131313131313, 0.6093229250577119], [0.873307590371304, 0.606039393939394], [0.8787121212121212, 0.6023216794789021], [0.8880959688321476, 0.595940404040404], [0.8888111111111111, 0.5954622599623466], [0.898910101010101, 0.588786364977687], [0.9034154227913093, 0.5858414141414141], [0.9090090909090909, 0.5822475486760816], [0.9191080808080808, 0.5758307569158251], [0.9192486381250101, 0.5757424242424243], [0.9292070707070708, 0.5695929152678776], [0.935672699871264, 0.5656434343434343], [0.9393060606060606, 0.5634633000747886], [0.9494050505050505, 0.5574683828650766], [0.9526807625194654, 0.5555444444444444], [0.9595040404040404, 0.5516090975719999], [0.9696030303030303, 0.5458454591687876], [0.9703112528998356, 0.5454454545454546], [0.9797020202020201, 0.5402388498517641], [0.9886174860841175, 0.5353464646464646], [0.9898010101010101, 0.5347091406903798], [0.9999, 0.5293260727418232]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#97D83E\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652729453424\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.6796537831687766, 0.9999], [0.6865746631302159, 0.9898010101010101], [0.6868313131313131, 0.9894303066341698], [0.6936662903420427, 0.9797020202020204], [0.696930303030303, 0.9751039648827418], [0.7008922410452638, 0.9696030303030303], [0.7046106928084866, 0.9644936597752148]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.8133563082061742, 0.8355421068848092], [0.8181181818181819, 0.8306619373997173], [0.8205333168037533, 0.8282171717171717], [0.8282171717171717, 0.8205333168037533], [0.8306619373997173, 0.8181181818181819], [0.8383161616161616, 0.810649496882542], [0.8410444807859125, 0.8080191919191919], [0.8484151515151515, 0.801001573996384], [0.8516903012935466, 0.797920202020202], [0.8585141414141414, 0.79158084989176], [0.8626089999178566, 0.7878212121212121], [0.8686131313131313, 0.7823788192081627], [0.8738104395372934, 0.7777222222222222], [0.8787121212121213, 0.7733871575310733], [0.8853047609711899, 0.7676232323232324], [0.8888111111111111, 0.7645977099440477], [0.8971023999491602, 0.7575242424242424], [0.898910101010101, 0.7560024800357698], [0.9090090909090909, 0.7475959097867967], [0.909216395526777, 0.7474252525252525], [0.9191080808080808, 0.7393915127614192], [0.9216790524212558, 0.7373262626262627], [0.9292070707070708, 0.7313613054315045], [0.9344814027296273, 0.7272272727272727], [0.9393060606060606, 0.7234978498058889], [0.9476352793200675, 0.7171282828282828], [0.9494050505050506, 0.7157938199776147], [0.9595040404040404, 0.7082594401871257], [0.9611703615417833, 0.707029292929293], [0.9696030303030303, 0.7008922410452638], [0.9751039648827418, 0.696930303030303], [0.9797020202020204, 0.6936662903420427], [0.9894303066341698, 0.6868313131313131], [0.9898010101010101, 0.6865746631302159], [0.9999, 0.6796537831687766]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#CDE01D\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652729430480\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.8726870491115656, 0.9998999999999999], [0.8787121212121212, 0.9930391579395682], [0.8815886782285509, 0.9898010101010102], [0.8888111111111112, 0.981753232674524], [0.8906729966338889, 0.9797020202020201], [0.898910101010101, 0.9707203869380167], [0.8999464126774974, 0.9696030303030303], [0.9090090909090909, 0.9599328531934298], [0.9094154546732091, 0.9595040404040404], [0.9190870107352918, 0.9494050505050505], [0.9191080808080808, 0.9493832820392415], [0.9289697653751084, 0.9393060606060606], [0.9292070707070708, 0.939066162002502], [0.939066162002502, 0.9292070707070708], [0.9393060606060606, 0.9289697653751084], [0.9493832820392415, 0.9191080808080808], [0.9494050505050505, 0.9190870107352918], [0.9595040404040404, 0.9094154546732091], [0.9599328531934298, 0.9090090909090909], [0.9696030303030303, 0.8999464126774974], [0.9707203869380167, 0.898910101010101], [0.9797020202020201, 0.8906729966338889], [0.981753232674524, 0.8888111111111112], [0.9898010101010102, 0.8815886782285509], [0.9930391579395682, 0.8787121212121212], [0.9999, 0.8726870491115657]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#FDE724\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652729431936\"}], \"images\": [], \"sharex\": [], \"sharey\": []}], \"data\": {\"data01\": [[0.0001, 0.9999], [0.010198989898989898, 0.9898010101010101], [0.020297979797979798, 0.9797020202020202], [0.030396969696969697, 0.9696030303030303], [0.0404959595959596, 0.9595040404040404], [0.0505949494949495, 0.9494050505050505], [0.0606939393939394, 0.9393060606060606], [0.0707929292929293, 0.9292070707070708], [0.0808919191919192, 0.9191080808080808], [0.0909909090909091, 0.9090090909090909], [0.101089898989899, 0.898910101010101], [0.11118888888888889, 0.8888111111111111], [0.12128787878787879, 0.8787121212121212], [0.13138686868686866, 0.8686131313131313], [0.14148585858585858, 0.8585141414141414], [0.1515848484848485, 0.8484151515151515], [0.16168383838383837, 0.8383161616161616], [0.17178282828282826, 0.8282171717171718], [0.18188181818181817, 0.8181181818181819], [0.19198080808080809, 0.8080191919191919], [0.20207979797979797, 0.7979202020202021], [0.21217878787878786, 0.7878212121212121], [0.22227777777777777, 0.7777222222222222], [0.23237676767676768, 0.7676232323232324], [0.24247575757575757, 0.7575242424242424], [0.25257474747474745, 0.7474252525252525], [0.26267373737373734, 0.7373262626262627], [0.2727727272727273, 0.7272272727272727], [0.28287171717171716, 0.7171282828282828], [0.29297070707070705, 0.707029292929293], [0.303069696969697, 0.696930303030303], [0.3131686868686869, 0.6868313131313131], [0.32326767676767676, 0.6767323232323232], [0.33336666666666664, 0.6666333333333334], [0.34346565656565653, 0.6565343434343435], [0.35356464646464647, 0.6464353535353535], [0.36366363636363636, 0.6363363636363637], [0.37376262626262624, 0.6262373737373738], [0.3838616161616162, 0.6161383838383838], [0.39396060606060607, 0.606039393939394], [0.40405959595959595, 0.595940404040404], [0.41415858585858584, 0.5858414141414141], [0.4242575757575757, 0.5757424242424243], [0.43435656565656566, 0.5656434343434343], [0.44445555555555555, 0.5555444444444444], [0.45455454545454543, 0.5454454545454546], [0.4646535353535354, 0.5353464646464646], [0.47475252525252526, 0.5252474747474747], [0.48485151515151514, 0.5151484848484849], [0.49495050505050503, 0.505049494949495], [0.5050494949494949, 0.4949505050505051], [0.5151484848484849, 0.48485151515151514], [0.5252474747474747, 0.4747525252525253], [0.5353464646464646, 0.4646535353535354], [0.5454454545454546, 0.45455454545454543], [0.5555444444444444, 0.4444555555555556], [0.5656434343434343, 0.43435656565656566], [0.5757424242424243, 0.4242575757575757], [0.5858414141414141, 0.4141585858585859], [0.595940404040404, 0.40405959595959595], [0.606039393939394, 0.393960606060606], [0.6161383838383838, 0.3838616161616162], [0.6262373737373738, 0.37376262626262624], [0.6363363636363636, 0.3636636363636364], [0.6464353535353535, 0.35356464646464647], [0.6565343434343435, 0.34346565656565653], [0.6666333333333333, 0.3333666666666667], [0.6767323232323232, 0.32326767676767676], [0.6868313131313131, 0.31316868686868693], [0.696930303030303, 0.303069696969697], [0.707029292929293, 0.29297070707070705], [0.7171282828282828, 0.2828717171717172], [0.7272272727272727, 0.2727727272727273], [0.7373262626262627, 0.26267373737373734], [0.7474252525252525, 0.2525747474747475], [0.7575242424242424, 0.24247575757575757], [0.7676232323232324, 0.23237676767676763], [0.7777222222222222, 0.2222777777777778], [0.7878212121212121, 0.21217878787878786], [0.797920202020202, 0.20207979797979803], [0.8080191919191919, 0.19198080808080809], [0.8181181818181819, 0.18188181818181814], [0.8282171717171717, 0.17178282828282831], [0.8383161616161616, 0.16168383838383837], [0.8484151515151515, 0.15158484848484854], [0.8585141414141414, 0.1414858585858586], [0.8686131313131313, 0.13138686868686866], [0.8787121212121212, 0.12128787878787883], [0.8888111111111111, 0.11118888888888889], [0.898910101010101, 0.10108989898989895], [0.9090090909090909, 0.09099090909090912], [0.9191080808080808, 0.08089191919191918], [0.9292070707070708, 0.07079292929292924], [0.9393060606060606, 0.06069393939393941], [0.9494050505050505, 0.05059494949494947], [0.9595040404040404, 0.04049595959595964], [0.9696030303030303, 0.0303969696969697], [0.9797020202020202, 0.02029797979797976], [0.9898010101010101, 0.01019898989898993], [0.9999, 9.999999999998899e-05]], \"data02\": [[0.5, 0.5]], \"data03\": [[0.0, 0.0]]}, \"id\": \"el83139652764502000\", \"plugins\": [{\"type\": \"reset\"}, {\"type\": \"zoom\", \"button\": true, \"enabled\": false}, {\"type\": \"boxzoom\", \"button\": true, \"enabled\": false}]});\n", " })\n", " });\n", "}\n", "</script> 2 / 3</div>\n", "<div class=\"item\">\n", "\n", "<style>\n", "\n", "</style>\n", "\n", "<div id=\"fig_el8313965272983850489550742\"></div>\n", "<script>\n", "function mpld3_load_lib(url, callback){\n", " var s = document.createElement('script');\n", " s.src = url;\n", " s.async = true;\n", " s.onreadystatechange = s.onload = callback;\n", " s.onerror = function(){console.warn(\"failed to load library \" + url);};\n", " document.getElementsByTagName(\"head\")[0].appendChild(s);\n", "}\n", "\n", "if(typeof(mpld3) !== \"undefined\" && mpld3._mpld3IsLoaded){\n", " // already loaded: just create the figure\n", " !function(mpld3){\n", " \n", " mpld3.draw_figure(\"fig_el8313965272983850489550742\", {\"width\": 432.0, \"height\": 288.0, \"axes\": [{\"bbox\": [0.125, 0.125, 0.775, 0.755], \"xlim\": [0.0001, 0.9999], \"ylim\": [9.999999999998899e-05, 0.9999], \"xdomain\": [0.0001, 0.9999], \"ydomain\": [9.999999999998899e-05, 0.9999], \"xscale\": \"linear\", \"yscale\": \"linear\", \"axes\": [{\"position\": \"bottom\", \"nticks\": 6, \"tickvalues\": null, \"tickformat\": null, \"scale\": \"linear\", \"fontsize\": 10.0, \"grid\": {\"gridOn\": false}, \"visible\": true}, {\"position\": \"left\", \"nticks\": 6, \"tickvalues\": null, \"tickformat\": null, \"scale\": \"linear\", \"fontsize\": 10.0, \"grid\": {\"gridOn\": false}, \"visible\": true}], \"axesbg\": \"#FFFFFF\", \"axesbgalpha\": null, \"zoomable\": true, \"id\": \"el83139652728817200\", \"lines\": [{\"data\": \"data01\", \"xindex\": 0, \"yindex\": 1, \"coordinates\": \"data\", \"id\": \"el83139652728959608\", \"color\": \"#1F77B4\", \"linewidth\": 1.5, \"dasharray\": \"none\", \"alpha\": 1, \"zorder\": 2, \"drawstyle\": \"default\"}], \"paths\": [], \"markers\": [{\"data\": \"data02\", \"xindex\": 0, \"yindex\": 1, \"coordinates\": \"data\", \"id\": \"el83139652728326520pts\", \"facecolor\": \"#FF0000\", \"edgecolor\": \"#FF0000\", \"edgewidth\": 1.0, \"alpha\": 1, \"zorder\": 2, \"markerpath\": [[[0.0, 3.0], [0.7956093000000001, 3.0], [1.5587396123545605, 2.683901074764725], [2.121320343559643, 2.121320343559643], [2.683901074764725, 1.5587396123545605], [3.0, 0.7956093000000001], [3.0, 0.0], [3.0, -0.7956093000000001], [2.683901074764725, -1.5587396123545605], [2.121320343559643, -2.121320343559643], [1.5587396123545605, -2.683901074764725], [0.7956093000000001, -3.0], [0.0, -3.0], [-0.7956093000000001, -3.0], [-1.5587396123545605, -2.683901074764725], [-2.121320343559643, -2.121320343559643], [-2.683901074764725, -1.5587396123545605], [-3.0, -0.7956093000000001], [-3.0, 0.0], [-3.0, 0.7956093000000001], [-2.683901074764725, 1.5587396123545605], [-2.121320343559643, 2.121320343559643], [-1.5587396123545605, 2.683901074764725], [-0.7956093000000001, 3.0], [0.0, 3.0]], [\"M\", \"C\", \"C\", \"C\", \"C\", \"C\", \"C\", \"C\", \"C\", \"Z\"]]}], \"texts\": [{\"text\": \"rice\", \"position\": [0.49999999999999994, -0.09657836644591611], \"coordinates\": \"axes\", \"h_anchor\": \"middle\", \"v_baseline\": \"hanging\", \"rotation\": -0.0, \"fontsize\": 10.0, \"color\": \"#000000\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652728794696\"}, {\"text\": \"pizza\", \"position\": [-0.08064516129032258, 0.49999999999999994], \"coordinates\": \"axes\", \"h_anchor\": \"middle\", \"v_baseline\": \"auto\", \"rotation\": -90.0, \"fontsize\": 10.0, \"color\": \"#000000\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652728906136\"}, {\"text\": \"-4.249\", \"position\": [0.5757424242424243, 0.2916082378079763], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -353.7077185152767, \"fontsize\": 10.0, \"color\": \"#440154\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652728351320\"}, {\"text\": \"-3.999\", \"position\": [0.03121203349868784, 0.8383161616161616], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -279.851394713291, \"fontsize\": 10.0, \"color\": \"#48196B\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652728352664\"}, {\"text\": \"-3.749\", \"position\": [0.34346565656565653, 0.40922859948294127], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -345.3911120623724, \"fontsize\": 10.0, \"color\": \"#462F7C\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652728399408\"}, {\"text\": \"-3.499\", \"position\": [0.1515848484848484, 0.5841741240178913], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -319.8377313823953, \"fontsize\": 10.0, \"color\": \"#404387\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652728400864\"}, {\"text\": \"-3.249\", \"position\": [0.686831313131313, 0.38370321610128416], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -353.0839559794965, \"fontsize\": 10.0, \"color\": \"#38568B\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652728435152\"}, {\"text\": \"-2.999\", \"position\": [0.7272272727272727, 0.40920788323259566], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -353.03653563505065, \"fontsize\": 10.0, \"color\": \"#30678D\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652728436608\"}, {\"text\": \"-2.749\", \"position\": [0.48485151515151514, 0.5091078025962501], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -347.1240255833946, \"fontsize\": 10.0, \"color\": \"#29788E\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652728438064\"}, {\"text\": \"-2.499\", \"position\": [0.2902883895009448, 0.6565343434343434], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -333.7046409940829, \"fontsize\": 10.0, \"color\": \"#23888D\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652728464160\"}, {\"text\": \"-2.249\", \"position\": [0.16095483457912232, 0.8686131313131313], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -310.5411011098285, \"fontsize\": 10.0, \"color\": \"#1E988A\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652728465616\"}, {\"text\": \"-1.999\", \"position\": [0.6398839454415418, 0.5959404040404039], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -348.56646533332326, \"fontsize\": 10.0, \"color\": \"#22A784\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652728467072\"}, {\"text\": \"-1.749\", \"position\": [0.45214776350314034, 0.7272272727272724], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -340.70905122322023, \"fontsize\": 10.0, \"color\": \"#35B778\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652727968880\"}, {\"text\": \"-1.499\", \"position\": [0.7889980903669578, 0.6565343434343434], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -349.7666062918868, \"fontsize\": 10.0, \"color\": \"#53C567\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652727970336\"}, {\"text\": \"-1.249\", \"position\": [0.3817150676796167, 0.9090090909090909], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -332.61150941924785, \"fontsize\": 10.0, \"color\": \"#79D151\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652727971792\"}, {\"text\": \"-0.999\", \"position\": [0.998170011062401, 0.7171282828282828], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -350.83826254742763, \"fontsize\": 10.0, \"color\": \"#A5DA35\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652728010176\"}, {\"text\": \"-0.749\", \"position\": [0.585841414141414, 0.9309623902396962], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -340.9641486947908, \"fontsize\": 10.0, \"color\": \"#D2E11B\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652728011576\"}, {\"text\": \"-0.499\", \"position\": [0.7323658584275962, 0.9393060606060606], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -344.4458281200063, \"fontsize\": 10.0, \"color\": \"#FDE724\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652728041768\"}], \"collections\": [{\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 1, \"paths\": [[[[0.015135638774024103, 0.9999], [0.01558251550936644, 0.9898010101010101], [0.016033975210334644, 0.9797020202020202], [0.016490112853450135, 0.9696030303030303], [0.016951026398588025, 0.9595040404040404], [0.017416816915249128, 0.9494050505050506], [0.01788758871558426, 0.9393060606060606], [0.01836344949460853, 0.9292070707070708], [0.018844510478077434, 0.9191080808080809], [0.019330886578532228, 0.9090090909090909], [0.019822696560062764, 0.898910101010101], [0.020297979797979798, 0.8892595130654992], [0.020335616539015413, 0.8888111111111111], [0.02119296469959151, 0.8787121212121212], [0.02206022348456332, 0.8686131313131313], [0.022937624702391433, 0.8585141414141414], [0.0238254083908357, 0.8484151515151515], [0.024723823211149562, 0.8383161616161616], [0.02563312686616355, 0.8282171717171717], [0.026553586544016933, 0.8181181818181819], [0.02748547938944906, 0.8080191919191919], [0.02842909300473013, 0.7979202020202021], [0.029384725982497, 0.7878212121212121], [0.03035268847296375, 0.7777222222222222], [0.030396969696969697, 0.7772661860141012], [0.03171507759824914, 0.7676232323232324], [0.03311380384371872, 0.7575242424242424], [0.03453130300288962, 0.7474252525252525], [0.03596808585785248, 0.7373262626262627], [0.03742468432493527, 0.7272272727272727], [0.03890165263696828, 0.7171282828282828], [0.04039956860939405, 0.707029292929293], [0.0404959595959596, 0.7063886393371342], [0.04232943460169559, 0.696930303030303], [0.04431567463032103, 0.6868313131313131], [0.04633133718925061, 0.6767323232323232], [0.04837730708414355, 0.6666333333333333], [0.05045450964306131, 0.6565343434343435], [0.0505949494949495, 0.6558619729809803], [0.0530037843943421, 0.6464353535353535], [0.05562506921837887, 0.6363363636363636], [0.058288289730569195, 0.6262373737373739], [0.0606939393939394, 0.6172610376446702], [0.061049693486231855, 0.6161383838383838], [0.06430281955250877, 0.606039393939394], [0.06761061346061922, 0.5959404040404042], [0.0707929292929293, 0.5863877828187183], [0.07100300681150923, 0.5858414141414141], [0.07495356840220636, 0.5757424242424243], [0.07897404280214615, 0.5656434343434343], [0.0808919191919192, 0.5609111945427421], [0.08335737924446943, 0.5555444444444444], [0.08808192467349987, 0.5454454545454546], [0.0909909090909091, 0.539341411351089], [0.09311898009262988, 0.5353464646464646], [0.09860107431507623, 0.5252474747474747], [0.101089898989899, 0.5207499377226178], [0.10451612143484293, 0.5151484848484849], [0.11081564275778462, 0.5050494949494949], [0.1111888888888889, 0.5044629778689362], [0.11781922579639606, 0.494950505050505], [0.12128787878787879, 0.4900745869512356], [0.12532670088065714, 0.48485151515151514], [0.13138686868686866, 0.47717597397754585], [0.13345339424790234, 0.47475252525252526], [0.14148585858585858, 0.4655310065185485], [0.14230681085306865, 0.4646535353535354], [0.1515848484848485, 0.45494998174763085], [0.15198902203922815, 0.45455454545454543], [0.16168383838383837, 0.44527774611615656], [0.16259851387012467, 0.44445555555555555], [0.17178282828282826, 0.436385383260459], [0.17423167106662418, 0.43435656565656566], [0.18188181818181817, 0.42816425158087945], [0.18698401265809855, 0.4242575757575757], [0.19198080808080809, 0.4205216127846664], [0.20095125937840772, 0.41415858585858584], [0.20207979797979797, 0.4133773641165749], [0.21217878787878786, 0.4067274154502635], [0.2164279054706581, 0.40405959595959595], [0.22227777777777777, 0.40047741347085664], [0.23237676767676768, 0.39456809648473556], [0.2334611021159033, 0.39396060606060607], [0.24247575757575757, 0.38903805126933183], [0.2523586789414345, 0.3838616161616162], [0.25257474747474745, 0.38375138378894336], [0.26267373737373734, 0.3788011726672773], [0.2727727272727273, 0.37403773735796697], [0.273377998975073, 0.37376262626262624], [0.2828717171717171, 0.36956254801657096], [0.29297070707070705, 0.36525143900463336], [0.29682070470999733, 0.36366363636363636], [0.303069696969697, 0.3611570463850048], [0.3131686868686869, 0.35723894631043557], [0.3229497413273333, 0.35356464646464647], [0.3232676767676768, 0.3534485763472771], [0.33336666666666664, 0.349875118993078], [0.34346565656565653, 0.3464083165614823], [0.35229363655313406, 0.34346565656565653], [0.35356464646464647, 0.3430542651045961], [0.36366363636363636, 0.33987756045872436], [0.37376262626262624, 0.33678787624644335], [0.3838616161616162, 0.33378057175554154], [0.3852886330195916, 0.33336666666666664], [0.39396060606060607, 0.3309264405529821], [0.40405959595959595, 0.32815659642376194], [0.41415858585858584, 0.3254551338234946], [0.42253793100632014, 0.3232676767676767], [0.42425757575757567, 0.32283256845714425], [0.43435656565656566, 0.3203374153188114], [0.44445555555555555, 0.3178996140774905], [0.45455454545454543, 0.31551658736043414], [0.4646535353535354, 0.31318592772288245], [0.4647298834351902, 0.3131686868686869], [0.47475252525252526, 0.31097722362476], [0.48485151515151514, 0.30881554806947814], [0.4949505050505051, 0.3066984372359102], [0.5050494949494949, 0.30462409070189567], [0.5075420777468043, 0.3041222476362855]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.6440740135494885, 0.28091870687403137], [0.6464353535353535, 0.28057779195160504], [0.6565343434343435, 0.27914236792155417], [0.6666333333333333, 0.2777288563073026], [0.6767323232323232, 0.27633659814912515], [0.6868313131313131, 0.2749649637722912], [0.696930303030303, 0.2736133510770824], [0.7033029653998264, 0.2727727272727273], [0.707029292929293, 0.2722990558310662], [0.7171282828282828, 0.27103353159059623], [0.7272272727272728, 0.26978570511989186], [0.7373262626262627, 0.2685550882477455], [0.7474252525252525, 0.26734121272687594], [0.7575242424242424, 0.26614362916424694], [0.7676232323232324, 0.2649619060222227], [0.7777222222222222, 0.26379562868500483], [0.7875638420887702, 0.26267373737373734], [0.7878212121212121, 0.26264550556354677], [0.7979202020202019, 0.2615518230055272], [0.8080191919191919, 0.26047189611251204], [0.8181181818181819, 0.25940538315753436], [0.8282171717171717, 0.258351954991649], [0.8383161616161616, 0.257311294434124], [0.8484151515151515, 0.25628309569914565], [0.8585141414141415, 0.2552670638564452], [0.8686131313131313, 0.2542629143234665], [0.8787121212121212, 0.2532703723868861], [0.8858718354105741, 0.2525747474747475], [0.8888111111111112, 0.2523003703397813], [0.898910101010101, 0.2513682955494453], [0.9090090909090909, 0.25044663406835055], [0.9191080808080807, 0.24953515578619131], [0.9292070707070708, 0.2486336381367508], [0.9393060606060606, 0.24774186577168922], [0.9494050505050505, 0.24685963025177515], [0.9595040404040404, 0.24598672975445354], [0.9696030303030303, 0.24512296879672274], [0.9797020202020202, 0.24426815797237036], [0.9898010101010101, 0.24342211370268305], [0.9999, 0.24258465799981052]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#440154\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652728962632\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.018804089220940304, 0.9999], [0.01925096595628264, 0.9898010101010102], [0.019702425657250836, 0.9797020202020202], [0.02015856330036633, 0.9696030303030303], [0.020297979797979798, 0.9665483016754961], [0.020845906893991198, 0.9595040404040404], [0.021639753204895154, 0.9494050505050506], [0.022138164800779594, 0.9431315513082666]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.04638994530694175, 0.7352378069079695], [0.047878519449789485, 0.7272272727272728], [0.04978142950045895, 0.7171282828282827], [0.0505949494949495, 0.7128712045568919], [0.05196072995996024, 0.707029292929293], [0.054355740876586844, 0.696930303030303], [0.056785711635289636, 0.6868313131313131], [0.05925167798730224, 0.6767323232323232], [0.0606939393939394, 0.6709132561519591], [0.06194822757963956, 0.6666333333333333], [0.06495305090593549, 0.6565343434343435], [0.06800445534091512, 0.6464353535353535], [0.0707929292929293, 0.6373496295118668], [0.07115185414572418, 0.6363363636363636], [0.074786406807858, 0.6262373737373738], [0.07848005095575622, 0.6161383838383838], [0.0808919191919192, 0.6096511797809407], [0.08241404566191325, 0.606039393939394], [0.08674161698823993, 0.5959404040404039], [0.0909909090909091, 0.5861907305282643], [0.09116108449874685, 0.5858414141414141], [0.09616653179073457, 0.5757424242424243], [0.101089898989899, 0.565981772690207], [0.10127853732486507, 0.5656434343434343], [0.10701060322782074, 0.5555444444444444], [0.11118888888888889, 0.5483155913827722], [0.11300590530740176, 0.5454454545454546], [0.11951882752991504, 0.5353464646464646], [0.1212878787878788, 0.5326546259700307], [0.12657923347499955, 0.5252474747474747], [0.13138686868686866, 0.5186456370097431], [0.13413737402521114, 0.5151484848484849], [0.14148585858585858, 0.5059865947153911], [0.14229316282967502, 0.5050494949494949], [0.15116910332408534, 0.49495050505050503], [0.15158484848484852, 0.49448702774430714], [0.16082415976382966, 0.48485151515151514], [0.16168383838383837, 0.4839734546661693], [0.1712941953655256, 0.4747525252525253], [0.17178282828282826, 0.4742935613911988], [0.18188181818181817, 0.46534980946947013], [0.18271295259785772, 0.4646535353535354], [0.19198080808080809, 0.4570564331341693], [0.19519787887141232, 0.45455454545454543], [0.20207979797979797, 0.4493201479751583], [0.20880347544275119, 0.44445555555555555], [0.21217878787878788, 0.44206838096127143], [0.22227777777777777, 0.4352580929622284], [0.22367682803656136, 0.43435656565656566], [0.23237676767676768, 0.42887931145503944], [0.24004405277550653, 0.4242575757575757], [0.24247575757575757, 0.4228262615792352], [0.25257474747474745, 0.41712453920472736], [0.2580424897273091, 0.4141585858585859], [0.26267373737373734, 0.4117069118625349], [0.2727727272727273, 0.406562458861754], [0.2778714382335562, 0.40405959595959595], [0.28287171717171716, 0.40166564897059776], [0.29297070707070705, 0.39700025571561587], [0.2997813517198893, 0.3939606060606061], [0.30306969696969693, 0.3925301386796703], [0.3131686868686869, 0.3882809818315282], [0.32326767676767676, 0.38416669947386156], [0.3240403095188197, 0.3838616161616162], [0.33336666666666664, 0.3802746310081746], [0.34346565656565653, 0.3765064134976114], [0.3510386017828817, 0.37376262626262624], [0.3535646464646464, 0.37287180627364086], [0.3636636363636364, 0.36941066419281876], [0.37376262626262624, 0.36604433422648874], [0.3811003647157691, 0.36366363636363636], [0.3838616161616162, 0.36279230114897226], [0.3939606060606061, 0.35968824588260356], [0.40405959595959595, 0.35666276309734884], [0.41415858585858584, 0.353711973012847], [0.41467525461667754, 0.35356464646464647], [0.4242575757575757, 0.35090923333467905], [0.43435656565656566, 0.34817648308851695], [0.44445555555555555, 0.3455065459852716], [0.4523526214858331, 0.34346565656565653], [0.45455454545454543, 0.3429130912512665], [0.4646535353535354, 0.3404344756299088], [0.4747525252525253, 0.3380091563735055], [0.48485151515151514, 0.3356348896383462], [0.49470253267127084, 0.33336666666666664], [0.49495050505050503, 0.3333112744874956], [0.5050494949494949, 0.3311009257731209], [0.5151484848484849, 0.32893434064756644], [0.5252474747474747, 0.32680981971736284], [0.5353464646464646, 0.32472576069101655], [0.5425466533391833, 0.32326767676767676], [0.5454454545454546, 0.32269871083870566], [0.5555444444444444, 0.32075288457997275], [0.5656434343434343, 0.31884211391330153], [0.5757424242424243, 0.3169651580513076], [0.5858414141414141, 0.31512084093889475], [0.595940404040404, 0.3133080468273063], [0.5967300413886767, 0.3131686868686868], [0.606039393939394, 0.3115778665259152], [0.6161383838383838, 0.3098806312619593], [0.6262373737373739, 0.30821099010231634], [0.6363363636363636, 0.3065680601181051], [0.6464353535353535, 0.30495100009064746], [0.6565343434343435, 0.30335900792491943], [0.658398072258142, 0.303069696969697], [0.6666333333333333, 0.30183322634436505], [0.6767323232323232, 0.3003397279517934], [0.6868313131313131, 0.2988683530311542], [0.696930303030303, 0.2974184557001043], [0.707029292929293, 0.29598941795410855], [0.7171282828282828, 0.29458064808480583], [0.7272272727272727, 0.29319157920897465], [0.7288555427305962, 0.29297070707070705], [0.7373262626262627, 0.2918606128943495], [0.7474252525252525, 0.29055513738316474], [0.7575242424242424, 0.28926718323405254], [0.7676232323232324, 0.28799628634521185], [0.7777222222222222, 0.28674200081361384], [0.7878212121212121, 0.28550389799576387], [0.797920202020202, 0.2842815656282844], [0.8080191919191919, 0.2830746070038053], [0.8097381847258314, 0.28287171717171716], [0.8181181818181819, 0.2819173398447038], [0.8282171717171717, 0.2807813015426702], [0.8383161616161616, 0.27965903208847304], [0.8484151515151515, 0.27855020171648825], [0.8585141414141414, 0.2774544923679316], [0.8686131313131313, 0.276371597143202], [0.8787121212121212, 0.27530121978587896], [0.8888111111111111, 0.27424307419620586], [0.898910101010101, 0.2731968839720576], [0.9030507930886025, 0.2727727272727273], [0.9090090909090909, 0.2721845733409547], [0.9191080808080807, 0.27119869886526893], [0.9292070707070708, 0.27022359802374574], [0.9393060606060606, 0.26925903789099814], [0.9494050505050506, 0.26830479301467913], [0.9595040404040404, 0.26736064509918067], [0.9696030303030303, 0.26642638270589214], [0.9797020202020202, 0.26550180096898834], [0.9898010101010101, 0.2645867013257923], [0.9999, 0.26368089126082445]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#48196B\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764840736\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.024004080005677594, 0.9999], [0.024765691578028298, 0.98980101010101], [0.025535113894103817, 0.9797020202020202], [0.0263125088222945, 0.9696030303030303], [0.02709804331551731, 0.9595040404040405], [0.02789188962642125, 0.9494050505050505], [0.028694225534100448, 0.9393060606060606], [0.029505234583061285, 0.9292070707070708], [0.03032510633524738, 0.9191080808080808], [0.030396969696969697, 0.9182325580246901], [0.03146271854581418, 0.9090090909090909], [0.03264266885555975, 0.898910101010101], [0.03383595072761625, 0.8888111111111111], [0.035042868858763385, 0.8787121212121212], [0.036263738512552296, 0.8686131313131313], [0.03749888601362786, 0.8585141414141414], [0.038748649271299146, 0.8484151515151515], [0.04001337833446, 0.8383161616161615], [0.0404959595959596, 0.834508846139569], [0.041523419572090506, 0.8282171717171717], [0.04319286582511065, 0.8181181818181819], [0.04488304852018655, 0.8080191919191919], [0.04659448928422261, 0.7979202020202021], [0.04832772967745303, 0.7878212121212123], [0.05008333222219715, 0.7777222222222222], [0.0505949494949495, 0.7748171479926244], [0.052144917111337695, 0.7676232323232324], [0.05434961519059865, 0.7575242424242424], [0.05658390348232151, 0.7474252525252525], [0.05884858709064847, 0.7373262626262627], [0.0606939393939394, 0.729209161049389], [0.06122669528990664, 0.7272272727272727], [0.06397939193162153, 0.7171282828282828], [0.06677112973213796, 0.707029292929293], [0.06960303207530467, 0.6969303030303029], [0.0707929292929293, 0.6927479993529067], [0.07273580709549295, 0.6868313131313131], [0.07610116288500238, 0.6767323232323232], [0.07951711988655351, 0.6666333333333333], [0.0808919191919192, 0.6626299678848455], [0.08326474030575683, 0.6565343434343435], [0.08725687848143515, 0.6464353535353535], [0.0909909090909091, 0.6371357372080063], [0.09134967730229163, 0.6363363636363636], [0.09595473442204513, 0.6262373737373738], [0.10063466173698692, 0.6161383838383838], [0.101089898989899, 0.6151719820622432], [0.10584510414668859, 0.606039393939394], [0.11118888888888889, 0.5959460280032755], [0.1111921501299293, 0.595940404040404], [0.11714847817640087, 0.5858414141414141], [0.12128787878787878, 0.5789429934673995], [0.12337544031603423, 0.5757424242424243], [0.13007904601634568, 0.5656434343434343], [0.13138686868686866, 0.5637080651132929], [0.13734485015082556, 0.5555444444444444], [0.14148585858585858, 0.549972660216268], [0.14509979702146297, 0.5454454545454546], [0.1515848484848485, 0.5374706289029814], [0.15343133599311384, 0.5353464646464646], [0.16168383838383837, 0.5260303688078298], [0.16242209583542982, 0.5252474747474747], [0.17178282828282826, 0.5155098285194817], [0.1721512373037642, 0.5151484848484849], [0.18188181818181817, 0.5057898129885896], [0.18269553951281262, 0.5050494949494949], [0.19198080808080809, 0.49676908072426534], [0.19413029749366298, 0.4949505050505051], [0.20207979797979797, 0.48836068397691423], [0.20653008506442722, 0.48485151515151514], [0.21217878787878786, 0.4804891898888961], [0.21996942199228325, 0.47475252525252526], [0.22227777777777774, 0.47308853800452305], [0.23237676767676768, 0.46613215935951], [0.2346187678482244, 0.4646535353535354], [0.24247575757575757, 0.45958318430277334], [0.2505996580519571, 0.45455454545454543], [0.25257474747474745, 0.45335884454742487], [0.26267373737373734, 0.4474847371088224], [0.2680858248265633, 0.4444555555555555], [0.2727727272727273, 0.44189120715489205], [0.2776403677382403, 0.43932480323367695]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.4104117974488455, 0.38564326229902984], [0.41415858585858584, 0.38445599970870425], [0.416080662625264, 0.3838616161616162], [0.4242575757575757, 0.3813986546140286], [0.43435656565656566, 0.37842831017336076], [0.4444555555555555, 0.3755262400545508], [0.450733867715995, 0.37376262626262624], [0.45455454545454543, 0.3727179919223112], [0.4646535353535354, 0.3700174447246317], [0.4747525252525252, 0.36737496596958763], [0.48485151515151514, 0.36478811090302193], [0.48933383025698507, 0.36366363636363636], [0.4949505050505051, 0.36229318452822823], [0.5050494949494949, 0.3598788349573614], [0.5151484848484849, 0.35751228807084046], [0.5252474747474747, 0.3551916876321962], [0.5324656447810162, 0.35356464646464647], [0.5353464646464647, 0.35293357273598136], [0.5454454545454546, 0.35076262933105334], [0.5555444444444444, 0.3486315147690454], [0.5656434343434343, 0.346538793913766], [0.5757424242424243, 0.3444831078257665], [0.5808293244645135, 0.34346565656565653], [0.5858414141414141, 0.3424922218773264], [0.595940404040404, 0.340564347154268], [0.606039393939394, 0.3386688698334823], [0.6161383838383838, 0.33680471902736175], [0.6262373737373738, 0.3349708760830276], [0.6352154015600886, 0.33336666666666664], [0.6363363636363636, 0.33317234934167306], [0.6464353535353535, 0.3314492686055724], [0.6565343434343435, 0.3297528992771548], [0.6666333333333333, 0.328082425815948], [0.6767323232323232, 0.3264370694701387], [0.6868313131313131, 0.3248160860966181], [0.6966210553364407, 0.32326767676767676], [0.696930303030303, 0.3232202689267421], [0.707029292929293, 0.3216943618227733], [0.7171282828282828, 0.3201900964823723], [0.7272272727272726, 0.31870686759533134], [0.7373262626262627, 0.3172440948969633], [0.7474252525252525, 0.3158012218051549], [0.7575242424242424, 0.3143777141488908], [0.7662167347663402, 0.31316868686868693], [0.7676232323232324, 0.312979268497975], [0.7777222222222222, 0.3116369760446928], [0.7878212121212121, 0.3103120017649766], [0.7979202020202021, 0.30900390446899656], [0.8080191919191919, 0.30771225961441695], [0.8181181818181817, 0.3064366584792389], [0.8282171717171718, 0.3051767073853866], [0.8383161616161616, 0.30393202696934635], [0.8453976672634886, 0.303069696969697], [0.8484151515151515, 0.30271429717247267], [0.8585141414141414, 0.30153891160106594], [0.8686131313131313, 0.3003772719525869], [0.8787121212121212, 0.29922906042786523], [0.8888111111111111, 0.298093970122952], [0.898910101010101, 0.2969717045367082], [0.9090090909090909, 0.2958619771059017], [0.9191080808080809, 0.294764510765988], [0.9292070707070708, 0.2936790375358905], [0.9358692292736435, 0.29297070707070705], [0.9393060606060606, 0.2926176831248417], [0.9494050505050505, 0.29159143018844863], [0.9595040404040404, 0.29057603613738786], [0.9696030303030303, 0.2895712735777265], [0.9797020202020204, 0.2885769221843052], [0.9898010101010101, 0.2875927684107531], [0.9999, 0.2866186052142227]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#462F7C\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652729839512\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.030256216427203695, 0.9999], [0.0303969696969697, 0.9980336078636131], [0.031270973021079236, 0.9898010101010101], [0.0323541149539397, 0.9797020202020202], [0.033448480203717205, 0.9696030303030303], [0.03455430379570465, 0.9595040404040404], [0.0356718282158077, 0.9494050505050505], [0.03680130372969662, 0.9393060606060606], [0.03794298871920834, 0.9292070707070708], [0.03909715003713064, 0.9191080808080808], [0.04026406338158629, 0.909009090909091], [0.0404959595959596, 0.9070243314601315], [0.0417174222718778, 0.898910101010101], [0.04325483377158183, 0.8888111111111111], [0.04480981408049164, 0.8787121212121212], [0.046382769380767803, 0.8686131313131313], [0.04797412010556483, 0.8585141414141415], [0.049584301613593666, 0.8484151515151515], [0.0505949494949495, 0.8421514186622128], [0.05135200973315811, 0.8383161616161616], [0.053369660178993236, 0.8282171717171717], [0.05541206468177243, 0.8181181818181819], [0.05747983819691108, 0.8080191919191919], [0.05957361888400034, 0.7979202020202019], [0.0606939393939394, 0.7925844933961197], [0.06187651028493407, 0.7878212121212121], [0.064416115994307, 0.7777222222222222], [0.06698891580649192, 0.7676232323232324], [0.06959578895821365, 0.7575242424242423], [0.0707929292929293, 0.7529479579228707], [0.07246039529378397, 0.7474252525252525], [0.07555105631860692, 0.7373262626262627], [0.07868434267115462, 0.7272272727272727], [0.0808919191919192, 0.7202100980424962], [0.08199090681554742, 0.7171282828282828], [0.08564332434570687, 0.707029292929293], [0.08934828895949276, 0.696930303030303], [0.0909909090909091, 0.6925172670907673], [0.09335658007321057, 0.6868313131313131], [0.09762055891177429, 0.6767323232323232], [0.101089898989899, 0.6686371087463177], [0.10203911022313863, 0.6666333333333333], [0.10470387479090894, 0.6610926234659984]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.20851431255319483, 0.525307205278201], [0.20858429144721685, 0.5252474747474747], [0.21217878787878786, 0.5222378222253861], [0.22105872740523513, 0.5151484848484849], [0.22227777777777777, 0.5141941461282364], [0.23237676767676768, 0.5066394524452368], [0.2345966489956446, 0.5050494949494949], [0.24247575757575757, 0.49951793268355055], [0.24925836915750982, 0.494950505050505], [0.25257474747474745, 0.4927623579705573], [0.26267373737373734, 0.48636031575577143], [0.26514713935076134, 0.48485151515151514], [0.2727727272727273, 0.4802957265721821], [0.2824011471540538, 0.47475252525252526], [0.28287171717171716, 0.47448731489786944], [0.29297070707070705, 0.4689952686790311], [0.30123454725200327, 0.4646535353535354], [0.30306969696969693, 0.4637100992991999], [0.3131686868686869, 0.45868848699165843], [0.32175502045533616, 0.45455454545454543], [0.32326767676767676, 0.453842271964066], [0.33336666666666664, 0.44923319841441256], [0.34346565656565653, 0.44476168922722026], [0.34417770136723747, 0.44445555555555555], [0.35356464646464647, 0.4405104495659435], [0.36366363636363636, 0.436385630529052], [0.36877141085173104, 0.43435656565656566], [0.37376262626262624, 0.43241937832688193], [0.3838616161616162, 0.42860427281687474], [0.39396060606060607, 0.42488824676045833], [0.39571908353515234, 0.4242575757575757], [0.40405959595959595, 0.4213366574209674], [0.41415858585858584, 0.41788722017432045], [0.4242575757575757, 0.4145208902079905], [0.42537067573724263, 0.41415858585858584], [0.43435656565656566, 0.41130422484126716], [0.4444555555555555, 0.40817002392076607], [0.45455454545454543, 0.40510624480556223], [0.45808208216168383, 0.40405959595959595], [0.4646535353535354, 0.40215792880569895], [0.47475252525252526, 0.3992982927987972], [0.48485151515151514, 0.39649885160031373], [0.4942009882600366, 0.39396060606060607], [0.49495050505050503, 0.39376227391864677], [0.5050494949494949, 0.3911439257862333], [0.5151484848484849, 0.38857741938825285], [0.5252474747474747, 0.3860607416470007], [0.5342435139668678, 0.38386161616161624], [0.5353464646464647, 0.38359899666692127], [0.5454454545454546, 0.3812393043815071], [0.5555444444444444, 0.3789229037881574], [0.5656434343434343, 0.37664823497527233], [0.5757424242424243, 0.3744138208527878], [0.5787377462560279, 0.37376262626262624], [0.5858414141414141, 0.3722594385271864], [0.595940404040404, 0.3701589447531737], [0.606039393939394, 0.3680937491969103], [0.6161383838383838, 0.3660626850850965], [0.6262373737373738, 0.36406464255618143], [0.6282971894921877, 0.36366363636363636], [0.6363363636363636, 0.36214143749210764], [0.6464353535353535, 0.36025932757491724], [0.6565343434343435, 0.3584063943551672], [0.6666333333333333, 0.3565817470232869], [0.6767323232323232, 0.35478453495371914], [0.6836902548279115, 0.35356464646464647], [0.6868313131313131, 0.35302945578611206], [0.6969303030303031, 0.3513338519833118], [0.707029292929293, 0.34966264272968767], [0.7171282828282828, 0.348015136043176], [0.7272272727272727, 0.3463906689738385], [0.7373262626262627, 0.3447886060021784], [0.7457808090342075, 0.34346565656565653], [0.7474252525252525, 0.34321579498788013], [0.7575242424242424, 0.34170191957806484], [0.7676232323232325, 0.3402080934587477], [0.7777222222222222, 0.33873379251062596], [0.7878212121212121, 0.3372785129014426], [0.7979202020202021, 0.33584177005230936], [0.8080191919191919, 0.3344230976690394], [0.8156341090602393, 0.33336666666666664], [0.8181181818181817, 0.3330323325032268], [0.8282171717171717, 0.3316897741433747], [0.8383161616161616, 0.33036348766602447], [0.8484151515151515, 0.32905308335755945], [0.8585141414141414, 0.3277581853393857], [0.8686131313131313, 0.32647843092071666], [0.8787121212121212, 0.32521346998876743], [0.8888111111111111, 0.3239629644337934], [0.8944903692164305, 0.32326767676767676], [0.898910101010101, 0.32274323409974565], [0.9090090909090909, 0.3215582822152475], [0.9191080808080809, 0.32038642255714306], [0.9292070707070708, 0.31922736897887694], [0.9393060606060606, 0.3180808446136968], [0.9494050505050505, 0.316946581477679], [0.9595040404040402, 0.31582432009375744], [0.9696030303030303, 0.31471380913543534], [0.9797020202020202, 0.3136148050889576], [0.9838439766872008, 0.3131686868686869], [0.9898010101010101, 0.3125474377349286], [0.9999, 0.3115049223952977]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#404387\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764706688\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.03900017137327591, 0.9999], [0.04007231785685135, 0.9898010101010101], [0.0404959595959596, 0.9858510627171562], [0.041345652535804814, 0.9797020202020202], [0.04275562092574172, 0.9696030303030303], [0.0441803521202545, 0.9595040404040404], [0.045620158535569895, 0.9494050505050505], [0.047075362611279446, 0.9393060606060607], [0.048546297243756364, 0.9292070707070708], [0.050033306243255575, 0.9191080808080808], [0.0505949494949495, 0.9153353762709515], [0.0517471441232426, 0.9090090909090909], [0.05360700354172808, 0.898910101010101], [0.05548787641435847, 0.8888111111111111], [0.05739024300981188, 0.8787121212121212], [0.059314600252306296, 0.8686131313131313], [0.0606939393939394, 0.8614580631670915], [0.06136498853398613, 0.8585141414141414], [0.06369423222479698, 0.8484151515151515], [0.06605136840468565, 0.8383161616161616], [0.06843707319859108, 0.8282171717171718], [0.0707929292929293, 0.8183654040495548], [0.07086116240539478, 0.8181181818181819], [0.07368309611300061, 0.8080191919191919], [0.07654052235140324, 0.797920202020202], [0.0794343453110693, 0.7878212121212121], [0.08089191919191918, 0.7827992994396307], [0.0825622708677517, 0.7777222222222222], [0.08592825284996967, 0.7676232323232324], [0.08933881282321972, 0.7575242424242424], [0.0909909090909091, 0.7526970177679386], [0.09300762734196041, 0.7474252525252525], [0.0969235619507466, 0.7373262626262627], [0.10089350377504665, 0.7272272727272726], [0.101089898989899, 0.7267345604681408], [0.10532231141912096, 0.7171282828282828], [0.10983491369898121, 0.707029292929293], [0.11118888888888889, 0.7040421366791542], [0.11471959747342134, 0.696930303030303], [0.11980648074396992, 0.6868313131313131], [0.1212878787878788, 0.683933223361216], [0.1252889013037805, 0.6767323232323232], [0.13098455473909643, 0.6666333333333332], [0.13138686868686866, 0.6659307143789645], [0.13719767879020003, 0.6565343434343435], [0.14148585858585858, 0.6497059957636233], [0.1436919784248732, 0.6464353535353535], [0.15061123147360336, 0.6363363636363635], [0.1515848484848485, 0.6349376978113306], [0.15805889278291618, 0.6262373737373739], [0.16168383838383837, 0.6214438247494802], [0.16595473378659034, 0.6161383838383838], [0.17178282828282826, 0.609016248418895], [0.1743664440517177, 0.606039393939394], [0.18188181818181817, 0.5975232550726378], [0.18335847895076274, 0.595940404040404], [0.19198080808080809, 0.5868533379485212], [0.19299287737624812, 0.5858414141414141], [0.20207979797979797, 0.5769110908017299], [0.20332993528434182, 0.5757424242424243], [0.21217878787878786, 0.5676140929014519], [0.21442877281003342, 0.5656434343434343], [0.2222777777777778, 0.5588905101802017], [0.2263478224060544, 0.5555444444444444], [0.23237676767676768, 0.5506772225657846], [0.23914525842747186, 0.5454454545454546], [0.24247575757575757, 0.5429183438789226], [0.25257474747474745, 0.5355681824118296], [0.2528918161942093, 0.5353464646464646], [0.26267373737373734, 0.5286340647916506], [0.26780249784922305, 0.5252474747474747], [0.2727727272727273, 0.5220280695003408], [0.28287171717171716, 0.5157244128281355], [0.28382794976453923, 0.5151484848484849], [0.29297070707070705, 0.5097488165258462], [0.30120678188170064, 0.5050494949494949], [0.303069696969697, 0.5040076024676943], [0.3131686868686869, 0.4985445917043578], [0.32003056648201406, 0.4949505050505051], [0.32326767676767676, 0.49328923337443276], [0.33336666666666664, 0.4882659198337199], [0.3404422484604557, 0.48485151515151514], [0.34346565656565653, 0.4834226123308021], [0.35356464646464647, 0.47878802095703055], [0.3626130261025236, 0.47475252525252526], [0.36366363636363636, 0.47429382571037004], [0.37376262626262624, 0.4700053607906125], [0.3838616161616162, 0.46583123847707675], [0.38678695647724715, 0.4646535353535354], [0.39396060606060607, 0.4618276188776165], [0.40405959595959595, 0.45795002481377417], [0.4131267931657446, 0.45455454545454543], [0.41415858585858584, 0.4541766510817956], [0.4242575757575757, 0.45056700726862764], [0.43435656565656566, 0.4470422843941281], [0.4419423899160838, 0.44445555555555555], [0.44445555555555555, 0.44361783367573165], [0.45455454545454543, 0.4403271411811108], [0.4646535353535354, 0.43710876174712754], [0.4734794624258697, 0.43435656565656566], [0.47475252525252526, 0.43396871014749183], [0.48485151515151514, 0.43095668455083636], [0.494950505050505, 0.42800675434226165], [0.5050494949494949, 0.42511641085777385], [0.5081109176956913, 0.4242575757575757], [0.5151484848484849, 0.42232974164641257], [0.5252474747474747, 0.4196169883300424], [0.5353464646464646, 0.41695589991483417], [0.5454454545454546, 0.41434454518814795], [0.5461780626930897, 0.4141585858585859], [0.5555444444444444, 0.41183838001302614], [0.5656434343434343, 0.40938176497778944], [0.5757424242424243, 0.40696862452536525], [0.5858414141414141, 0.40459744664037567], [0.588171986754495, 0.40405959595959595], [0.595940404040404, 0.4023110572181124], [0.606039393939394, 0.40007614518231605], [0.6161383838383838, 0.39787816949173305], [0.6187203848370728, 0.3973253511439707]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.755078183160142, 0.3717978783080208], [0.7575242424242424, 0.37139837372907886], [0.7676232323232324, 0.3697707926287336], [0.7777222222222222, 0.3681644849545306], [0.7878212121212121, 0.3665789017618178], [0.797920202020202, 0.36501351508323], [0.8067397836606286, 0.36366363636363636], [0.8080191919191919, 0.3634731810159634], [0.8181181818181819, 0.3619884980072118], [0.8282171717171718, 0.3605220302146447], [0.8383161616161616, 0.3590733360938425], [0.8484151515151515, 0.3576419899631486], [0.8585141414141414, 0.3562275812528114], [0.8686131313131313, 0.3548297137980363], [0.8778595831257681, 0.35356464646464647], [0.8787121212121212, 0.3534512903674052], [0.8888111111111111, 0.3521238422810369], [0.898910101010101, 0.35081139225093094], [0.9090090909090909, 0.34951360515149227], [0.9191080808080808, 0.3482301569655055], [0.9292070707070708, 0.34696073429855123], [0.9393060606060606, 0.3457050339196678], [0.9494050505050506, 0.34446276232657586], [0.957597662877736, 0.34346565656565653], [0.9595040404040404, 0.34324035961243293], [0.9696030303030303, 0.3420593506977733], [0.9797020202020202, 0.34089057918191323], [0.98980101010101, 0.3397337940601102], [0.9999, 0.33858875197193417]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#38568B\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652729224944\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.04990835997822998, 0.9999], [0.0505949494949495, 0.9948803446654009], [0.051444911294296077, 0.9898010101010101], [0.05315217956546717, 0.9797020202020202], [0.054877138235549454, 0.9696030303030303], [0.05662015775573989, 0.9595040404040404], [0.05838162033679076, 0.9494050505050505], [0.060161920452062555, 0.9393060606060606], [0.060693939393939404, 0.9363203869097854], [0.06219268403447063, 0.9292070707070708], [0.06434374980748563, 0.9191080808080807], [0.06651858214362014, 0.9090090909090909], [0.06871771209689329, 0.898910101010101], [0.0707929292929293, 0.8894866217948172], [0.07096462426040467, 0.8888111111111111], [0.07356082368970886, 0.8787121212121212], [0.07618703421436887, 0.8686131313131313], [0.07884395779074355, 0.8585141414141415], [0.0808919191919192, 0.8508208583176803], [0.08161783370248198, 0.8484151515151515], [0.08470166396147186, 0.8383161616161616], [0.0878228704047968, 0.8282171717171718], [0.09098237016210567, 0.8181181818181819], [0.0909909090909091, 0.8180912229413336], [0.0945568158216113, 0.8080191919191919], [0.098177236893073, 0.7979202020202021], [0.101089898989899, 0.7898976594829072], [0.10192318542979535, 0.7878212121212121], [0.10602823802891205, 0.7777222222222222], [0.11018694601930507, 0.7676232323232325], [0.11118888888888889, 0.7652219204623167], [0.11470677400652887, 0.7575242424242424], [0.11938401701122034, 0.7474252525252525], [0.1212878787878788, 0.7433696527395872], [0.12437167185585207, 0.7373262626262627], [0.12959600962404208, 0.7272272727272727], [0.13138686868686866, 0.7238131685405003], [0.13517399619441703, 0.7171282828282828], [0.14097642943637975, 0.707029292929293], [0.14148585858585858, 0.7061552194745337], [0.14726065929684207, 0.696930303030303], [0.1515848484848485, 0.6901220360756757], [0.1538190661261468, 0.6868313131313131], [0.1607772867383103, 0.6767323232323232], [0.16168383838383837, 0.6754360669205285], [0.16823732406022313, 0.6666333333333333], [0.17178282828282826, 0.6619425691462603], [0.17611836809371367, 0.6565343434343435], [0.1818818181818182, 0.649454668204744], [0.1844802444637852, 0.6464353535353535], [0.19198080808080809, 0.6378549708050751], [0.19338005452000215, 0.6363363636363636], [0.20207979797979797, 0.6270431746820717], [0.20287282319928798, 0.6262373737373738], [0.21217878787878786, 0.6169327656194024], [0.21301203774443603, 0.6161383838383838], [0.22227777777777777, 0.607448474816821], [0.22385010442157965, 0.606039393939394], [0.23237676767676768, 0.5985242948807916], [0.23543874329768746, 0.595940404040404], [0.24247575757575757, 0.5901019125798904], [0.2478293362017029, 0.5858414141414141], [0.2525747474747475, 0.5821294568674247], [0.2610732394996972, 0.5757424242424243], [0.26267373737373734, 0.5745604884057097], [0.2727727272727273, 0.5673839785264327], [0.27531448586843377, 0.5656434343434343], [0.28287171717171716, 0.5605599796122027], [0.29059907480167807, 0.5555444444444444], [0.29297070707070705, 0.5540328401253016], [0.303069696969697, 0.5478142246820294], [0.30704694688911677, 0.5454454545454546], [0.3131686868686868, 0.5418663596665585], [0.32326767676767676, 0.5361493674471524], [0.324731012999662, 0.5353464646464646], [0.33336666666666664, 0.5306968107178281], [0.34346565656565653, 0.5254215510765333], [0.3438088557341712, 0.5252474747474747], [0.35356464646464647, 0.5203934166539217], [0.36366363636363636, 0.5155101212561015], [0.3644325894289688, 0.5151484848484849], [0.37376262626262624, 0.5108457862113712], [0.3838616161616162, 0.5063126494913419], [0.38675072172676905, 0.5050494949494949], [0.39396060606060607, 0.5019596524916605], [0.40405959595959595, 0.497741218887217], [0.4109097193785396, 0.494950505050505], [0.4141585858585858, 0.4936536647795139], [0.4242575757575757, 0.48971960461568764], [0.43435656565656566, 0.48587809765078666], [0.4371188544447449, 0.48485151515151514], [0.4444555555555555, 0.4821811006027692], [0.45455454545454543, 0.47858785904350665], [0.4646535353535354, 0.47507357906913383], [0.4655964224331935, 0.47475252525252526], [0.4747525252525252, 0.47170049097941463], [0.48485151515151514, 0.4684050216355231], [0.494950505050505, 0.4651774911059778], [0.4966237690840527, 0.4646535353535354], [0.5050494949494949, 0.46207188636064955], [0.5151484848484849, 0.45903881401804647], [0.5252474747474747, 0.4560646286981722], [0.530474586671765, 0.45455454545454543], [0.5353464646464646, 0.45317801623424453], [0.5454454545454546, 0.4503779162655993], [0.5555444444444444, 0.4476291878534666], [0.5656434343434343, 0.44492997994783934], [0.5674504549957491, 0.4444555555555555], [0.5757424242424243, 0.4423274547597489], [0.5858414141414141, 0.43978065978003733], [0.595940404040404, 0.4372773945272391], [0.606039393939394, 0.4348161959556523], [0.6079570798737601, 0.43435656565656566], [0.6161383838383838, 0.43244074529736337], [0.6262373737373738, 0.43011430833609676], [0.6363363636363636, 0.42782509007026304], [0.6464353535353535, 0.4255719183664291], [0.6524191588077141, 0.4242575757575757], [0.6565343434343435, 0.4233749408748553], [0.6591162622935901, 0.4228296182437681]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.7954631231019219, 0.39715493576081007], [0.7979202020202021, 0.39674277935511554], [0.8080191919191919, 0.395070056632742], [0.8148016975193142, 0.3939606060606061], [0.818118181818182, 0.39343184315050056], [0.8282171717171717, 0.3918414673191606], [0.8383161616161616, 0.39027036693195416], [0.8484151515151515, 0.3887180803395887], [0.8585141414141414, 0.3871841622815458], [0.8686131313131313, 0.385668183119399], [0.8787121212121212, 0.3841697281144464], [0.8808126772166534, 0.3838616161616162], [0.8888111111111111, 0.3827188656126248], [0.898910101010101, 0.38129230690823734], [0.909009090909091, 0.3798816859773996], [0.9191080808080808, 0.37848665063178577], [0.9292070707070708, 0.3771068602294463], [0.9393060606060606, 0.37574198517553337], [0.9494050505050505, 0.374391706449725], [0.9541603767542659, 0.37376262626262624], [0.9595040404040404, 0.373074563408435], [0.9696030303030303, 0.3717878087025272], [0.9797020202020201, 0.3705143871140057], [0.9898010101010102, 0.3692540251635346], [0.9999, 0.36800645770055096]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#30678D\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652729202224\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.06416300602298054, 0.9999], [0.06616121681783652, 0.98980101010101], [0.0681799203585926, 0.9797020202020204], [0.07021954133307746, 0.9696030303030303], [0.0707929292929293, 0.9667933721656218], [0.07250987225799453, 0.9595040404040404], [0.07491377703565122, 0.9494050505050504], [0.07734338978973619, 0.9393060606060607], [0.07979926632495593, 0.9292070707070708], [0.08089191919191921, 0.9247624634174384], [0.08246759452340147, 0.9191080808080808], [0.08531291751476044, 0.9090090909090909], [0.08819002896517952, 0.898910101010101], [0.0909909090909091, 0.8891885300639796], [0.09111245297331048, 0.8888111111111111], [0.09440189400707946, 0.8787121212121212], [0.09772935975012828, 0.8686131313131313], [0.101089898989899, 0.8585316629740259], [0.10109635483735976, 0.8585141414141414], [0.10486137545912402, 0.8484151515151515], [0.10867148187289219, 0.8383161616161615], [0.11118888888888889, 0.8317234778943629], [0.11265534324894773, 0.8282171717171716], [0.11693089811300156, 0.818118181818182], [0.12125956028466384, 0.8080191919191919], [0.12128787878787879, 0.8079539440522217], [0.1260214747094201, 0.797920202020202], [0.13084653915664052, 0.7878212121212123], [0.13138686868686866, 0.7867046931088575], [0.1360816968453959, 0.7777222222222222], [0.14142908267524562, 0.7676232323232324], [0.14148585858585858, 0.7675174077266621], [0.14724448967991965, 0.7575242424242423], [0.1515848484848485, 0.7500920086701545], [0.15324962378621404, 0.7474252525252525], [0.15963988460653236, 0.7373262626262627], [0.16168383838383837, 0.7341399989535032], [0.16640438015888465, 0.7272272727272727], [0.17178282828282826, 0.7194597386556802], [0.17349503017434637, 0.7171282828282828], [0.1810168338306892, 0.7070292929292928], [0.18188181818181817, 0.7058844113975365], [0.18903341247428454, 0.696930303030303], [0.19198080808080809, 0.6932931266792753], [0.19750018459936614, 0.6868313131313131], [0.20207979797979797, 0.6815479906758481], [0.2064680921610587, 0.6767323232323232], [0.21217878787878786, 0.6705582985091966], [0.21598628100460165, 0.6666333333333333], [0.2222777777777778, 0.6602452430085484], [0.22610253701861158, 0.6565343434343435], [0.23237676767676768, 0.6505398188131748], [0.2368636582939429, 0.6464353535353535], [0.24247575757575757, 0.6413811673824695], [0.2483157781853537, 0.6363363636363635], [0.25257474747474745, 0.632715255529905], [0.26050465064546563, 0.6262373737373738], [0.26267373737373734, 0.6244938094499559], [0.2727727272727273, 0.6166822896891888], [0.2735024379998349, 0.6161383838383838], [0.28287171717171716, 0.6092683278693243], [0.2874353956634971, 0.606039393939394], [0.29297070707070705, 0.6021877278797915], [0.3022638466657587, 0.595940404040404], [0.303069696969697, 0.5954077739285629], [0.3131686868686869, 0.5889516248017519], [0.3181933026614819, 0.5858414141414141], [0.32326767676767676, 0.5827540893895977], [0.33336666666666664, 0.5767987440014434], [0.33521306712139715, 0.5757424242424243], [0.34346565656565653, 0.5711032436270349], [0.35346793272368654, 0.5656434343434342], [0.35356464646464647, 0.5655915767559738], [0.36366363636363636, 0.5603290462264072], [0.3731040680007471, 0.5555444444444444], [0.37376262626262624, 0.5552166869324222], [0.3838616161616162, 0.550324537675189], [0.39396060606060607, 0.5455594390261288], [0.3942084546922797, 0.5454454545454546], [0.40405959595959595, 0.5409980765691227], [0.41415858585858584, 0.5365513639675383], [0.4169626064704129, 0.5353464646464646], [0.4182333283975369, 0.5348106351117395]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.5520887320594995, 0.4875428534746954], [0.5555444444444444, 0.4865177489956016], [0.5612645086568392, 0.48485151515151514], [0.5656434343434343, 0.4836022468934905], [0.5757424242424243, 0.4807720831525867], [0.5858414141414141, 0.4779911336779761], [0.595940404040404, 0.47525771609036616], [0.5978388036488399, 0.47475252525252526], [0.606039393939394, 0.4726161696817743], [0.6161383838383838, 0.4700287384791261], [0.6262373737373738, 0.46748337442416465], [0.6363363636363636, 0.4649787314938695], [0.637668566656739, 0.4646535353535354], [0.6464353535353535, 0.46255954271829314], [0.6565343434343435, 0.4601847406243542], [0.6666333333333333, 0.45784619098950324], [0.6767323232323232, 0.455542803613979], [0.6811303996854412, 0.45455454545454543], [0.6868313131313131, 0.4533016869504203], [0.6969303030303031, 0.45111468375896074], [0.707029292929293, 0.4489591448499085], [0.7171282828282828, 0.4468341776993268], [0.7272272727272727, 0.4447389272291433], [0.7286122088894735, 0.44445555555555555], [0.7373262626262628, 0.44271263524383775], [0.7474252525252525, 0.44072018941017577], [0.7575242424242424, 0.43875448506998693], [0.7676232323232324, 0.43681481390075416], [0.7777222222222222, 0.43490049535533254], [0.780629230067607, 0.43435656565656566], [0.7878212121212121, 0.4330418063555575], [0.7979202020202021, 0.43121913572916276], [0.8080191919191919, 0.429419389530305], [0.8181181818181819, 0.4276419982557953], [0.8282171717171717, 0.4258864133642769], [0.8377020054563391, 0.4242575757575757], [0.8383161616161616, 0.4241545875487455], [0.8484151515151515, 0.4224813615602241], [0.8585141414141413, 0.4208279352073826], [0.8686131313131313, 0.4191938453784577], [0.8787121212121212, 0.41757864502225545], [0.8888111111111111, 0.415981902413996], [0.898910101010101, 0.41440320046263385], [0.9004925856316912, 0.41415858585858584], [0.9090090909090909, 0.41287385327764703], [0.9191080808080808, 0.411367231836623], [0.9292070707070708, 0.40987707475148527], [0.9393060606060606, 0.4084030260637517], [0.9494050505050505, 0.4069447412353006], [0.9595040404040404, 0.40550188666499776], [0.9696030303030303, 0.4040741392306278], [0.9697069773615367, 0.40405959595959595], [0.9797020202020201, 0.4026957096099143], [0.9898010101010102, 0.4013317719024053], [0.9999, 0.3999816801253656]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#29788E\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652729135960\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.0822311282740024, 0.9999], [0.08484537812752939, 0.98980101010101], [0.08748643854483958, 0.9797020202020201], [0.09015486514303636, 0.9696030303030303], [0.0909909090909091, 0.9664717047123357], [0.0930703157296334, 0.9595040404040404], [0.09611611526554056, 0.9494050505050505], [0.09919448736563671, 0.9393060606060606], [0.101089898989899, 0.9331544208869178], [0.10243425290279612, 0.9292070707070708], [0.10591126435768317, 0.9191080808080808], [0.10942669240273056, 0.9090090909090909], [0.11118888888888889, 0.9040026517428915], [0.11315219613367794, 0.898910101010101], [0.11708960184753092, 0.888811111111111], [0.12107200236581053, 0.8787121212121212], [0.12128787878787879, 0.8781709349966661], [0.12543208031097505, 0.8686131313131313], [0.12986214658179718, 0.8585141414141414], [0.13138686868686866, 0.8550789615375564], [0.1345813115369105, 0.8484151515151515], [0.1394804554763911, 0.8383161616161616], [0.14148585858585858, 0.834231769840134], [0.1446577594476715, 0.8282171717171717], [0.15004897579051515, 0.8181181818181817], [0.1515848484848485, 0.8152764362713243], [0.15577768398992364, 0.8080191919191919], [0.16168383838383837, 0.7979233975494532], [0.16168582841660206, 0.797920202020202], [0.16805513709531322, 0.7878212121212123], [0.17178282828282826, 0.7819859795779904], [0.17467169964914903, 0.7777222222222222], [0.1816036167621211, 0.7676232323232324], [0.18188181818181817, 0.7672232230912146], [0.18901278216713338, 0.7575242424242423], [0.19198080808080809, 0.7535408283540291], [0.19678379182482153, 0.7474252525252525], [0.20207979797979797, 0.7407724230328808], [0.20496379710723886, 0.7373262626262627], [0.21217878787878786, 0.7288221807645956], [0.21359793250956444, 0.7272272727272727], [0.22227777777777777, 0.7176069499779744], [0.22272973562941395, 0.7171282828282828], [0.23065560584261227, 0.7088514083251873]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.3533860873940056, 0.6148575318621499], [0.35356464646464647, 0.6147531646956469], [0.36366363636363636, 0.6090165923065106], [0.3690524848880077, 0.606039393939394], [0.37376262626262624, 0.6034801705917645], [0.3838616161616162, 0.5981392577174258], [0.38813022714204076, 0.595940404040404], [0.3939606060606061, 0.5929875205147754], [0.40405959595959595, 0.588002204246571], [0.40854760967906517, 0.5858414141414141], [0.41415858585858584, 0.5831861378512274], [0.4242575757575757, 0.5785221472674265], [0.4304215550308539, 0.5757424242424243], [0.43435656565656566, 0.5739987401720402], [0.44445555555555555, 0.5696265311410313], [0.45386723797140366, 0.5656434343434343], [0.4545545454545455, 0.5653577080788563], [0.4646535353535354, 0.5612516321818077], [0.47475252525252526, 0.557233847070008], [0.47909026812274724, 0.5555444444444444], [0.48485151515151514, 0.5533410595739464], [0.4949505050505051, 0.5495583335547277], [0.5050494949494949, 0.545852016208144], [0.5061796728152066, 0.5454454545454546], [0.5151484848484849, 0.5422782738372465], [0.5252474747474747, 0.5387812296835606], [0.5353464646464646, 0.5353507873987099], [0.5353594329032004, 0.5353464646464646], [0.5454454545454546, 0.5320472907522495], [0.5555444444444444, 0.528804480450319], [0.5656434343434343, 0.5256200919291449], [0.5668464444346085, 0.5252474747474747], [0.5757424242424243, 0.5225445348051347], [0.5858414141414141, 0.5195294323018768], [0.5959404040404039, 0.5165658638206458], [0.6008529788018572, 0.5151484848484849], [0.606039393939394, 0.5136811496158229], [0.6161383838383838, 0.5108711746044919], [0.6262373737373738, 0.5081068849175387], [0.6363363636363636, 0.5053868187611003], [0.6376088067739498, 0.5050494949494949], [0.6464353535353535, 0.5027559122534015], [0.6565343434343435, 0.5001723656541354], [0.6666333333333333, 0.4976282580959711], [0.6767323232323232, 0.4951224035508633], [0.6774355179142859, 0.494950505050505], [0.6868313131313131, 0.4927000633406508], [0.6969303030303031, 0.49031650347186384], [0.707029292929293, 0.48796723573449186], [0.7171282828282828, 0.48565128738910474], [0.7206652552007985, 0.48485151515151514], [0.7272272727272728, 0.48339831603237626], [0.7373262626262627, 0.48119267745773897], [0.7474252525252525, 0.47901704446079474], [0.7575242424242425, 0.4768706115929605], [0.7676232323232324, 0.47475260540794506], [0.7676236195786579, 0.47475252525252526], [0.7777222222222222, 0.4727062820053318], [0.7878212121212121, 0.4706863618051978], [0.797920202020202, 0.4686921705274194], [0.8080191919191919, 0.4667230609581957], [0.8181181818181819, 0.4647784100017924], [0.8187747378012856, 0.4646535353535354], [0.8282171717171717, 0.4628962341717455], [0.8383161616161616, 0.4610395229881542], [0.8484151515151515, 0.4592050457646405], [0.8585141414141413, 0.4573922762966468], [0.8686131313131313, 0.4556007068416521], [0.8745792583981332, 0.45455454545454543], [0.8787121212121212, 0.453845772528686], [0.888811111111111, 0.45213361949117226], [0.898910101010101, 0.4504408110652106], [0.9090090909090909, 0.4487669150031587], [0.9191080808080807, 0.4471115133850505], [0.9292070707070708, 0.44547420199228566], [0.9355587761248116, 0.4444555555555555], [0.9393060606060606, 0.44386809271018624], [0.9494050505050504, 0.44230180259606233], [0.9595040404040404, 0.44075208555485546], [0.9696030303030303, 0.4392185945328754], [0.9797020202020204, 0.43770099326495104], [0.9898010101010101, 0.4361989558318498], [0.9999, 0.4347121662401613]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#23888D\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652728622776\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.10561910768957583, 0.9999], [0.10884904231554265, 0.9898010101010102], [0.11118888888888889, 0.9825593132149525], [0.11220007090023638, 0.9797020202020201], [0.11581108694633625, 0.9696030303030303], [0.11945991144586626, 0.9595040404040404], [0.12121293696711961, 0.9547029262699531]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.21006027577803912, 0.7948691421771853], [0.21217878787878786, 0.7921654905538764], [0.2157488891438141, 0.7878212121212121], [0.22227777777777774, 0.7799777287884664], [0.22424256873030485, 0.7777222222222222], [0.23237676767676768, 0.7685049410520093], [0.23318944896200805, 0.7676232323232324], [0.24247575757575757, 0.7576798511037076], [0.242627266715264, 0.7575242424242424], [0.25257474747474745, 0.7474429083311435], [0.2525928798414563, 0.7474252525252525], [0.26267373737373734, 0.7377410870435374], [0.2631224859016225, 0.7373262626262627], [0.2727727272727273, 0.7285269096499494], [0.2742518154848388, 0.7272272727272727], [0.28287171717171716, 0.7197576451589022], [0.28601630535911704, 0.7171282828282828], [0.29297070707070705, 0.711394646309315], [0.29845125565519887, 0.707029292929293], [0.303069696969697, 0.7034027973058579], [0.3115919744913347, 0.6969303030303029], [0.3131686868686868, 0.695750050530035], [0.32326767676767676, 0.688430376833711], [0.3255439416500767, 0.6868313131313131], [0.33336666666666664, 0.6814161077541573], [0.34034094941018445, 0.6767323232323232], [0.34346565656565653, 0.6746649196298278], [0.35356464646464647, 0.6681767607649016], [0.356036655836509, 0.6666333333333333], [0.36366363636363636, 0.6619429414509332], [0.37270618715921805, 0.6565343434343435], [0.37376262626262624, 0.6559121042100852], [0.3838616161616162, 0.650122429505885], [0.39046450009563705, 0.6464353535353535], [0.39396060606060607, 0.644513378268265], [0.40405959595959595, 0.6391020187777299], [0.4093516704413759, 0.6363363636363636], [0.41415858585858584, 0.6338638104405885], [0.4242575757575757, 0.6287943056699741], [0.4294739764162877, 0.6262373737373738], [0.43435656565656566, 0.6238823552052463], [0.4444555555555556, 0.6191232734484505], [0.4509352186986113, 0.6161383838383838], [0.45455454545454543, 0.6144982294343124], [0.4646535353535354, 0.6100222835967789], [0.47383753075443025, 0.606039393939394], [0.47475252525252526, 0.6056491397711523], [0.48485151515151514, 0.6014324893417425], [0.49495050505050503, 0.5973027686333507], [0.4983507710192839, 0.595940404040404], [0.505049494949495, 0.5933015685138462], [0.5151484848484849, 0.5894020306449343], [0.5245523141959872, 0.5858414141414141], [0.5252474747474747, 0.5855827010138223], [0.5353464646464646, 0.5818958101162185], [0.5454454545454546, 0.5782778243637682], [0.5526548574553317, 0.5757424242424243], [0.5555444444444445, 0.5747438864230825], [0.5656434343434343, 0.5713169094311107], [0.5757424242424243, 0.5679505794647807], [0.5827863477588898, 0.5656434343434343], [0.5858414141414141, 0.5646604956602584], [0.595940404040404, 0.5614667774150134], [0.606039393939394, 0.5583267287228257], [0.6151381203489135, 0.5555444444444444], [0.6161383838383838, 0.5552440860196811], [0.6262373737373738, 0.5522608718406217], [0.6363363636363636, 0.5493253835796899], [0.6464353535353535, 0.5464361181980595], [0.6499525930889362, 0.5454454545454546], [0.6565343434343435, 0.5436256532060987], [0.6666333333333332, 0.5408759888613747], [0.6767323232323232, 0.5381676682663449], [0.6868313131313131, 0.5354994665324844], [0.6874189948200088, 0.5353464646464646], [0.696930303030303, 0.5329164916551303], [0.707029292929293, 0.5303734962287241], [0.7171282828282828, 0.5278665678116586], [0.7272272727272727, 0.5253946976262139], [0.7278371731202773, 0.5252474747474747], [0.7373262626262627, 0.5230005427095926], [0.7474252525252525, 0.5206417236964656], [0.7575242424242424, 0.5183145634326899], [0.7676232323232324, 0.5160182233486077], [0.7714988803595039, 0.5151484848484849], [0.7777222222222222, 0.5137790124603114], [0.7878212121212123, 0.511585359820794], [0.797920202020202, 0.5094196490368179], [0.8080191919191919, 0.5072811772280108], [0.8181181818181819, 0.5051692677064509], [0.8186980401277215, 0.5050494949494949], [0.8282171717171717, 0.5031221988007265], [0.8383161616161616, 0.5011022831722075], [0.8484151515151515, 0.4991065558632513], [0.8585141414141414, 0.4971344444160525], [0.8686131313131313, 0.4951853964576504], [0.8698444545264136, 0.49495050505050503], [0.8787121212121212, 0.4932930485519226], [0.888811111111111, 0.49142701594375077], [0.898910101010101, 0.48958206654202], [0.9090090909090909, 0.48775772925087757], [0.9191080808080808, 0.485953548589845], [0.9253449233295568, 0.48485151515151514], [0.9292070707070708, 0.4841831528911588], [0.9393060606060606, 0.4824543686655412], [0.9494050505050504, 0.48074407250716955], [0.9595040404040405, 0.4790518731641241], [0.9696030303030303, 0.47737739167430326], [0.9797020202020202, 0.4757202608560304], [0.9856607650246982, 0.47475252525252526], [0.9898010101010101, 0.47409427872927534], [0.9999, 0.4725049665247236]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#1E988A\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652728218904\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.13555562533852836, 0.9999], [0.1397087677784725, 0.9898010101010101], [0.14148585858585858, 0.9855236138161688], [0.14408368852474807, 0.9797020202020201], [0.14863696157140613, 0.9696030303030303], [0.1515848484848485, 0.9631324757136983], [0.1533519225188682, 0.9595040404040405], [0.15832224388153382, 0.9494050505050505], [0.16168383838383837, 0.9426470379389431], [0.16345294085371492, 0.9393060606060606], [0.16885832879473234, 0.9292070707070708], [0.17178282828282826, 0.9238022362639596], [0.17447672279690746, 0.9191080808080808], [0.18033639264657716, 0.9090090909090909], [0.1818818181818182, 0.9063750181798904], [0.18651178775772187, 0.898910101010101], [0.19198080808080809, 0.8901908923928579], [0.19289303785554035, 0.8888111111111111], [0.19964619258924982, 0.8787121212121212], [0.20207979797979797, 0.8751143801044918], [0.2067029117831501, 0.8686131313131313], [0.21217878787878786, 0.8610017007576378], [0.21405569783215772, 0.8585141414141414], [0.22176574177985456, 0.8484151515151515], [0.2222777777777778, 0.8477523983162936], [0.22990716151578194, 0.8383161616161616], [0.23237676767676768, 0.835298260278469], [0.23842886429130228, 0.8282171717171717], [0.24247575757575757, 0.8235396038828202], [0.24736578020559458, 0.8181181818181819], [0.25257474747474745, 0.8124140077569256], [0.2567518139589289, 0.8080191919191919], [0.26267373737373734, 0.8018659518623825], [0.26662005398711297, 0.797920202020202], [0.2727727272727273, 0.7918457858011263], [0.2770029553974357, 0.7878212121212121], [0.28287171717171716, 0.7823088825498721], [0.2879325018835396, 0.7777222222222222], [0.29297070707070705, 0.773214938813775], [0.29944035073963754, 0.7676232323232324], [0.303069696969697, 0.7645273923575945], [0.3115579642926899, 0.7575242424242424], [0.3131686868686869, 0.7562129334426263], [0.32326767676767676, 0.7482521912630222], [0.3243500287878767, 0.7474252525252525], [0.33336666666666664, 0.7406288184931125], [0.3378828670814058, 0.7373262626262627], [0.34346565656565653, 0.7332992823095379], [0.3521348082643395, 0.7272272727272727], [0.35356464646464647, 0.7262396037512847], [0.36366363636363636, 0.719460145060712], [0.3672351190738549, 0.7171282828282828], [0.37376262626262624, 0.71292599861914], [0.3831730261894312, 0.707029292929293], [0.3838616161616162, 0.7066039311933819], [0.39396060606060607, 0.7005275101237911], [0.4000944154632218, 0.696930303030303], [0.40405959595959595, 0.6946383560051257], [0.4141585858585858, 0.6889450676437308], [0.4180006169042162, 0.6868313131313131], [0.4242575757575757, 0.6834391957049463], [0.43435656565656566, 0.6780929840984361], [0.4369873218354666, 0.6767323232323232], [0.44445555555555555, 0.672926875285782], [0.45455454545454543, 0.6678965457062452], [0.4571475777432459, 0.6666333333333333], [0.4646535353535354, 0.6630317377613083], [0.47475252525252526, 0.6582901203759587], [0.478572497252172, 0.6565343434343435], [0.48485151515151514, 0.6536923697537381], [0.4949505050505051, 0.6492156557381122], [0.5013518742324162, 0.6464353535353535], [0.5050494949494949, 0.644854264689272], [0.5151484848484849, 0.640621473804926], [0.5252474747474747, 0.636470862448418], [0.5255810818706167, 0.6363363636363636], [0.5353464646464646, 0.6324612941853021], [0.5454454545454546, 0.6285287399267737], [0.5514397675965426, 0.6262373737373736], [0.5555444444444444, 0.62469343534902], [0.5656434343434343, 0.6209632240147078], [0.5727664690438424, 0.6183787863955461]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.707377628677273, 0.5763499382665819], [0.7096121716412545, 0.5757424242424243], [0.7171282828282828, 0.5737345230832149], [0.7272272727272726, 0.5710743444660853], [0.7373262626262627, 0.5684508541282706], [0.7474252525252525, 0.5658630538368955], [0.7482939856729378, 0.5656434343434343], [0.7575242424242425, 0.5633512804699651], [0.7676232323232324, 0.5608766073620993], [0.7777222222222222, 0.5584342796627515], [0.7878212121212121, 0.5560234627231483], [0.7898537244528924, 0.5555444444444444], [0.797920202020202, 0.5536776034345925], [0.8080191919191919, 0.5513697702680246], [0.8181181818181819, 0.5490906030521775], [0.8282171717171716, 0.5468393983867958], [0.83454717691566, 0.5454454545454546], [0.8383161616161616, 0.5446307054629389], [0.8484151515151515, 0.5424737289602676], [0.8585141414141414, 0.540342276415039], [0.8686131313131313, 0.5382357508240996], [0.8787121212121212, 0.5361535758881765], [0.8826720338713752, 0.5353464646464646], [0.8888111111111112, 0.5341185803281457], [0.898910101010101, 0.5321214908453606], [0.9090090909090909, 0.5301467132098461], [0.9191080808080808, 0.528193754380833], [0.9292070707070708, 0.5262621374817279], [0.9345699605375731, 0.5252474747474747], [0.9393060606060607, 0.5243684669936236], [0.9494050505050504, 0.5225141656927556], [0.9595040404040405, 0.5206794849400813], [0.9696030303030303, 0.5188640138652878], [0.9797020202020202, 0.5170673543703864], [0.9898010101010101, 0.5152891206057495], [0.9906079033567818, 0.5151484848484849], [0.9999, 0.5135603819246188]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#22A784\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652728220416\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.17398974323210012, 0.9999], [0.17937354011306483, 0.9898010101010102], [0.18188181818181814, 0.9851437155238669], [0.18498001509616335, 0.9797020202020201], [0.1907893933854791, 0.9696030303030303], [0.19198080808080809, 0.9675533426923437], [0.19691248979435988, 0.9595040404040404], [0.20207979797979797, 0.9511584629745439], [0.20322112372027373, 0.9494050505050505], [0.20986502632375645, 0.9393060606060606], [0.21217878787878786, 0.9358266650033051], [0.21679545782774023, 0.9292070707070708], [0.22227777777777774, 0.921431241738869], [0.2239918887880652, 0.9191080808080807], [0.23152561231765628, 0.9090090909090909], [0.23237676767676768, 0.9078807197298413], [0.23944421231478577, 0.8989101010101012], [0.24247575757575757, 0.8951051881485133], [0.24770389973086954, 0.8888111111111111], [0.25257474747474745, 0.8830134282910096], [0.2563359125831697, 0.8787121212121212], [0.26267373737373734, 0.8715469463791927], [0.26537054285109457, 0.8686131313131313], [0.2727727272727273, 0.8606534901572092], [0.27483731145883294, 0.8585141414141413], [0.28287171717171716, 0.8502861501898373], [0.28476512163509105, 0.8484151515151515], [0.29297070707070705, 0.8404026170827388], [0.2951823947187781, 0.8383161616161616], [0.303069696969697, 0.8309645630973845], [0.30611719167195595, 0.8282171717171717], [0.3131686868686869, 0.8219371238370039], [0.3175973229417842, 0.8181181818181819], [0.32326767676767676, 0.8132884610595479], [0.3296504488338836, 0.8080191919191919], [0.3333666666666667, 0.8049893917333437], [0.34230417218612436, 0.797920202020202], [0.34346565656565653, 0.7970130715445797], [0.35356464646464647, 0.7893542506662016], [0.3556447096865973, 0.7878212121212121], [0.36366363636363636, 0.781986420083287], [0.36968910670659066, 0.7777222222222222], [0.37376262626262624, 0.7748766048746162], [0.3838616161616162, 0.7680099069738251], [0.3844454691415624, 0.7676232323232324], [0.3880718205304698, 0.765252960351315]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.5175966171266768, 0.6951920583618562], [0.5252474747474747, 0.6918000460662128], [0.5353464646464646, 0.6874079256652186], [0.5366975451071708, 0.6868313131313131], [0.5454454545454546, 0.683152387195151], [0.5555444444444444, 0.678983184604387], [0.5610966965987173, 0.6767323232323232], [0.5656434343434343, 0.6749163975890172], [0.5757424242424243, 0.6709543326551688], [0.5858414141414141, 0.6670611648370266], [0.5869705200709681, 0.6666333333333333], [0.595940404040404, 0.6632856429229225], [0.606039393939394, 0.6595798923525413], [0.6144786639624426, 0.6565343434343435], [0.6161383838383837, 0.6559445299996675], [0.6262373737373736, 0.6524140081857277], [0.6363363636363636, 0.6489399682014273], [0.6437337271086883, 0.6464353535353535], [0.6464353535353535, 0.6455348113931317], [0.6565343434343434, 0.6422206666844292], [0.6666333333333333, 0.638957113936956], [0.6748669862473339, 0.6363363636363636], [0.6767323232323232, 0.6357519807675985], [0.6868313131313131, 0.6326349814846836], [0.696930303030303, 0.6295634808917421], [0.707029292929293, 0.6265361697917323], [0.7080404052178377, 0.6262373737373738], [0.7171282828282829, 0.6235947589996795], [0.7272272727272727, 0.6206991958102688], [0.7373262626262627, 0.6178435672441883], [0.7434398486753542, 0.6161383838383838], [0.7474252525252525, 0.6150448593829929], [0.7575242424242424, 0.6123110654535432], [0.7676232323232324, 0.6096134770323527], [0.7777222222222222, 0.6069511476517276], [0.7812259745055046, 0.606039393939394], [0.787821212121212, 0.6043515315182141], [0.7979202020202021, 0.6017999048361587], [0.8080191919191919, 0.5992803709415369], [0.8181181818181819, 0.59679213256494], [0.821618023144711, 0.595940404040404], [0.8282171717171717, 0.5943614098705361], [0.8383161616161615, 0.5919742872588043], [0.8484151515151515, 0.5896157502393383], [0.8585141414141414, 0.5872851222853801], [0.864843989998916, 0.5858414141414141], [0.8686131313131312, 0.5849964439440959], [0.8787121212121212, 0.5827586124398683], [0.8888111111111111, 0.5805463538187101], [0.898910101010101, 0.5783590902083612], [0.9090090909090909, 0.5761962631052571], [0.9111518972815397, 0.5757424242424243], [0.9191080808080808, 0.5740866349053707], [0.9292070707070708, 0.5720078663673858], [0.9393060606060606, 0.5699515690373392], [0.9494050505050504, 0.5679172622846893], [0.9595040404040404, 0.5659044807359868], [0.9608276812553491, 0.5656434343434343], [0.9696030303030303, 0.5639434010443871], [0.9797020202020201, 0.5620072135576799], [0.9898010101010102, 0.5600908827374544], [0.9999, 0.558194005432699]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#35B778\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652728242528\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.2233657836490486, 0.9999000000000001], [0.23028768168788585, 0.9898010101010101], [0.23237676767676768, 0.9867839927177864], [0.2374984885329695, 0.9797020202020204], [0.24247575757575757, 0.972890367070876], [0.2449800139147549, 0.9696030303030303], [0.25257474747474745, 0.959736728389879], [0.252761172387965, 0.9595040404040404], [0.2609378918583559, 0.9494050505050505], [0.26267373737373734, 0.9472838090133254], [0.26945803269089624, 0.9393060606060606], [0.2727727272727273, 0.9354499486087492], [0.2783415490407368, 0.9292070707070708], [0.2828717171717171, 0.9241834641377195], [0.2876149836895107, 0.9191080808080808], [0.29297070707070705, 0.9134399825866037], [0.2973042880213371, 0.9090090909090909], [0.303069696969697, 0.9031793503883618], [0.30743493713413295, 0.898910101010101], [0.3131686868686869, 0.8933650851841846], [0.3180320328400261, 0.8888111111111111], [0.32326767676767676, 0.8839639135359195], [0.3291203966794206, 0.8787121212121212], [0.33336666666666664, 0.8749453788192244], [0.3407246546959577, 0.8686131313131313], [0.34346565656565653, 0.8662815068064361], [0.3528693154227496, 0.8585141414141413], [0.35356464646464647, 0.8579465189693595], [0.36366363636363636, 0.8499345650274823], [0.36563278374660274, 0.8484151515151515], [0.37376262626262624, 0.8422163154874903], [0.37901784039433717, 0.8383161616161616], [0.3838616161616162, 0.8347644039578415], [0.39302859552311464, 0.8282171717171717], [0.39396060606060607, 0.8275595797737106], [0.40405959595959595, 0.8206144743890303], [0.4077813781445105, 0.8181181818181819], [0.41415858585858584, 0.8138933066139399], [0.42324412419246993, 0.8080191919191919], [0.4242575757575757, 0.8073720991699775], [0.43435656565656566, 0.8010755572190049], [0.43953648506673504, 0.7979202020202021], [0.4444555555555555, 0.7949614309194275], [0.45455454545454543, 0.7890234762529431], [0.45664524202623213, 0.7878212121212121], [0.4646535353535354, 0.7832746675222201], [0.4746485416664478, 0.7777222222222222], [0.47475252525252526, 0.7776652023412667], [0.48485151515151514, 0.7722439447148572], [0.4936403994277526, 0.7676232323232324], [0.494950505050505, 0.7669434535519052], [0.5050494949494949, 0.761809204391744], [0.5136481990996391, 0.7575242424242424], [0.5151484848484849, 0.7567865117137041], [0.5252474747474747, 0.7519169814030477], [0.5347437959854648, 0.7474252525252525], [0.5353464646464646, 0.7471440181402261], [0.5454454545454546, 0.7425194166603085], [0.5555444444444444, 0.7379796596427078], [0.5570246361645825, 0.7373262626262627], [0.5656434343434343, 0.7335734474507898], [0.5757424242424243, 0.729253943285339], [0.5805646291782891, 0.7272272727272727], [0.5858414141414141, 0.725040137868757], [0.595940404040404, 0.7209258280721067], [0.6054211851862339, 0.7171282828282828], [0.606039393939394, 0.7168841210320872], [0.6161383838383838, 0.7129614404138962], [0.6262373737373738, 0.7091025357850822], [0.6317513914468749, 0.707029292929293], [0.6363363636363636, 0.7053298167532], [0.6464353535353535, 0.7016454453826219], [0.6565343434343435, 0.6980181895863017], [0.659610186656211, 0.696930303030303], [0.6666333333333333, 0.6944820426590947], [0.6767323232323232, 0.6910144810008225], [0.6868313131313131, 0.6875982849840554], [0.6891322286895399, 0.6868313131313131], [0.696930303030303, 0.6842698977242214], [0.707029292929293, 0.6810004301535275], [0.7171282828282828, 0.6777773330623821], [0.7204490711977938, 0.6767323232323232], [0.7215374253591144, 0.6763949054176828]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.8567059828564212, 0.6387765999801498], [0.8585141414141414, 0.6383236552662852], [0.866541300081255, 0.6363363636363636], [0.8686131313131313, 0.6358315149651097], [0.8787121212121212, 0.6333991135091728], [0.8888111111111111, 0.6309945083899544], [0.898910101010101, 0.6286170714916537], [0.9090090909090909, 0.6262661957511918], [0.9091342889974757, 0.6262373737373738], [0.9191080808080808, 0.6239780272600233], [0.9292070707070708, 0.6217153199293443], [0.9393060606060606, 0.6194770721601808], [0.9494050505050505, 0.6172627607936384], [0.9545879284618753, 0.6161383838383838], [0.9595040404040404, 0.6150892187939763], [0.9696030303030303, 0.6129565234740116], [0.9797020202020202, 0.6108459267536634], [0.9898010101010101, 0.6087569753623142], [0.9999, 0.6066892298336369]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#53C567\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652728243984\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.28682194148901935, 0.9999], [0.29297070707070705, 0.9928174174281763], [0.2956812811870852, 0.9898010101010101], [0.303069696969697, 0.9816624273509497], [0.30490972545809925, 0.9797020202020202], [0.3131686868686868, 0.9709929810534863], [0.31453001643034717, 0.9696030303030303], [0.322237597971503, 0.9618149448529691]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.44396185939283955, 0.8643703661639466], [0.44445555555555555, 0.8640469356660234], [0.45309513664357565, 0.8585141414141414], [0.45455454545454543, 0.8575904649647345], [0.4646535353535354, 0.8513391585287576], [0.46948107475408213, 0.8484151515151515], [0.4747525252525253, 0.8452600526714814], [0.48485151515151514, 0.8393427829260859], [0.4866405292458885, 0.8383161616161616], [0.4949505050505051, 0.833604606859905], [0.5046484531583403, 0.8282171717171718], [0.5050494949494949, 0.8279970839022464], [0.5151484848484849, 0.8225645897546083], [0.5235780023855845, 0.8181181818181819], [0.5252474747474747, 0.8172483713889589], [0.5353464646464646, 0.81208691436043], [0.5434570157883212, 0.8080191919191919], [0.5454454545454546, 0.8070343082356226], [0.5555444444444444, 0.8021239977303517], [0.5643489724463164, 0.7979202020202019], [0.5656434343434343, 0.7973099238079704], [0.5757424242424243, 0.7926329813550218], [0.5858414141414141, 0.7880373671616331], [0.5863246808260918, 0.7878212121212121], [0.595940404040404, 0.783575084295371], [0.606039393939394, 0.7791904958869345], [0.6094780890030249, 0.7777222222222222], [0.6161383838383838, 0.7749150626658793], [0.6262373737373738, 0.7707277761658471], [0.6338467164559423, 0.7676232323232323], [0.6363363636363636, 0.76662075500727], [0.6464353535353535, 0.7626183431866007], [0.6565343434343435, 0.7586779772420283], [0.6595371559069161, 0.7575242424242424], [0.6666333333333333, 0.7548338714569351], [0.6767323232323232, 0.751062615319213], [0.6866192186029694, 0.7474252525252525], [0.6868313131313131, 0.7473482707681514], [0.696930303030303, 0.743736250372786], [0.707029292929293, 0.7401761958960003], [0.715230157333822, 0.7373262626262627], [0.7171282828282828, 0.7366756068781676], [0.7272272727272727, 0.7332622003694582], [0.7373262626262627, 0.7298958704031283], [0.7454424687818804, 0.7272272727272727], [0.7474252525252525, 0.7265843273857091], [0.7575242424242424, 0.7233535404704526], [0.7676232323232324, 0.7201655410824798], [0.7773721259877362, 0.7171282828282828], [0.7777222222222221, 0.7170207360132768], [0.7878212121212123, 0.7139584316663059], [0.797920202020202, 0.7109351337071947], [0.8080191919191919, 0.7079498609260739], [0.8111725842750519, 0.707029292929293], [0.8181181818181819, 0.705030426237038], [0.8282171717171718, 0.7021597055094861], [0.8383161616161616, 0.6993237780779066], [0.846942842993484, 0.696930303030303], [0.8484151515151516, 0.696527687593809], [0.8585141414141414, 0.6937987111440398], [0.8686131313131313, 0.6911016495831909], [0.8787121212121212, 0.6884357650542794], [0.8848604176538333, 0.6868313131313131], [0.888811111111111, 0.6858153939892605], [0.8989101010101012, 0.6832477844560545], [0.9090090909090909, 0.6807088607239855], [0.9191080808080809, 0.6781979889024886], [0.9250682748948464, 0.6767323232323232], [0.9292070707070708, 0.6757296322616122], [0.9393060606060606, 0.6733094347092534], [0.9494050505050505, 0.6709151193777256], [0.9595040404040404, 0.6685461385370548], [0.9677446303693931, 0.6666333333333334], [0.9696030303030303, 0.6662084477348367], [0.9797020202020204, 0.6639234424414215], [0.9898010101010101, 0.661661871132748], [0.9999, 0.6594232580273115]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#79D151\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652728245496\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.3682668614207737, 0.9999], [0.37376262626262624, 0.9949568984780494], [0.37965199584077364, 0.9898010101010102], [0.3838616161616162, 0.986153081066985], [0.39150446883831946, 0.9797020202020202], [0.3939606060606061, 0.9776501430603071], [0.40384331759795916, 0.9696030303030302], [0.40405959595959595, 0.9694287479231519], [0.41415858585858584, 0.9614916456252147], [0.4167500049524273, 0.9595040404040404], [0.4242575757575757, 0.9538060627684213], [0.4301959921667343, 0.9494050505050505], [0.43435656565656566, 0.9463542393158983], [0.44419472122617554, 0.9393060606060606], [0.4444555555555556, 0.9391211939861983], [0.45455454545454543, 0.9321243481346656], [0.45885984546082303, 0.9292070707070708], [0.4646535353535354, 0.9253236956734404], [0.4741305221572582, 0.9191080808080808], [0.47475252525252526, 0.9187045894151258], [0.48485151515151514, 0.912291308551451], [0.4901288174256905, 0.9090090909090909], [0.49495050505050503, 0.9060433762504946], [0.5050494949494949, 0.8999571800846188], [0.5068220368505818, 0.898910101010101], [0.5151484848484849, 0.894046438631355], [0.5242886691649356, 0.8888111111111112], [0.5252474747474747, 0.888268130042375], [0.5353464646464646, 0.8826578947866541], [0.5425845293083994, 0.8787121212121212], [0.5454454545454546, 0.8771703329933422], [0.5555444444444444, 0.8718277110120822], [0.5617323429699852, 0.8686131313131313], [0.5656434343434343, 0.8666048273200813], [0.5757424242424243, 0.8615108744598159], [0.5817887220902315, 0.8585141414141414], [0.5858414141414141, 0.8565289920185677], [0.595940404040404, 0.8516667069751891], [0.6028093311117472, 0.8484151515151515], [0.606039393939394, 0.846904224507587], [0.6161383838383838, 0.8422582919328834], [0.6248491211360705, 0.8383161616161616], [0.6262373737373738, 0.8376954176208231], [0.6363363636363636, 0.8332519923309583], [0.6464353535353535, 0.8288785342467514], [0.6479865891623725, 0.8282171717171717], [0.6565343434343434, 0.8246170431349477], [0.6666333333333333, 0.820428499054794], [0.6722887691199169, 0.8181181818181819], [0.6767323232323232, 0.8163252044540982], [0.6868313131313131, 0.8123106175731047], [0.696930303030303, 0.8083546314254737], [0.6977991252835196, 0.8080191919191919], [0.707029292929293, 0.8044998242333858], [0.7171282828282828, 0.8007037967769076], [0.7246388178672465, 0.797920202020202], [0.7272272727272727, 0.796972921079815], [0.7373262626262627, 0.7933280278404264], [0.7474252525252525, 0.7897327198452098], [0.7528675994364522, 0.7878212121212121], [0.7575242424242424, 0.7862064989836087], [0.7676232323232324, 0.7827510038346279], [0.7777222222222222, 0.7793406740054102], [0.7825775775717863, 0.7777222222222222], [0.7878212121212121, 0.7759968950544524], [0.7979202020202021, 0.7727163229886815], [0.8080191919191919, 0.7694770119360154], [0.8138712901550718, 0.7676232323232324], [0.8181181818181819, 0.7662955206537377], [0.8282171717171717, 0.7631769950171672], [0.8383161616161616, 0.7600962660859429], [0.8468497450635084, 0.7575242424242424], [0.8484151515151515, 0.7570586771780496], [0.8585141414141414, 0.7540906926978488], [0.8686131313131313, 0.7511574182625114], [0.8787121212121212, 0.7482580513923848], [0.8816464338140781, 0.7474252525252525], [0.888811111111111, 0.7454191087520909], [0.898910101010101, 0.742623292731384], [0.9090090909090909, 0.7398587120762374], [0.9183634614835771, 0.7373262626262627], [0.9191080808080808, 0.7371274189398844], [0.9292070707070708, 0.7344600484062038], [0.9303824545134893, 0.7341529589602495]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#A5DA35\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652728279896\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.47283670234097436, 0.9999], [0.47475252525252526, 0.9985473620352113], [0.48485151515151514, 0.9915672122737655], [0.48746067405164306, 0.9898010101010101], [0.494950505050505, 0.9847824323111659], [0.5026889301797133, 0.9797020202020204], [0.5050494949494949, 0.9781681615019099], [0.5151484848484849, 0.9717359201381629], [0.5185635482666864, 0.9696030303030303], [0.5214686339368334, 0.9678074491483734]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.6512451360082302, 0.8986941760638898], [0.6565343434343435, 0.8962751591827269], [0.6666333333333333, 0.8917268978866665], [0.6732063979672951, 0.888811111111111], [0.6767323232323232, 0.8872646956136382], [0.6868313131313131, 0.8829010485402606], [0.6966695493215564, 0.8787121212121212], [0.696930303030303, 0.8786023661428292], [0.707029292929293, 0.8744127090249665], [0.7171282828282828, 0.8702824733283284], [0.7212679430868234, 0.8686131313131313], [0.7272272727272728, 0.866237776404173], [0.7373262626262627, 0.8622678934028463], [0.7470071354996226, 0.8585141414141414], [0.7474252525252525, 0.8583539128348203], [0.7575242424242424, 0.8545357737853048], [0.7676232323232324, 0.8507682009702819], [0.7740141208465887, 0.8484151515151515], [0.7777222222222222, 0.8470660281447114], [0.7878212121212123, 0.8434391054089498], [0.797920202020202, 0.8398583809405512], [0.8023252445336888, 0.8383161616161616], [0.8080191919191919, 0.8363465642405479], [0.8181181818181819, 0.8328966069092552], [0.8282171717171717, 0.8294889762687421], [0.8320325853718826, 0.8282171717171716], [0.8383161616161616, 0.8261480320677279], [0.8484151515151515, 0.8228623251491255], [0.8585141414141414, 0.8196154986928069], [0.863226534490618, 0.8181181818181819], [0.8686131313131313, 0.8164276417397496], [0.8787121212121212, 0.8132947930965562], [0.8888111111111111, 0.810197745170207], [0.8959962134845667, 0.8080191919191919], [0.898910101010101, 0.8071466630953807], [0.9090090909090909, 0.8041564260890817], [0.9191080808080807, 0.8011992274368028], [0.9292070707070708, 0.7982743450450737], [0.930443212944154, 0.7979202020202019], [0.9393060606060606, 0.7954130157466026], [0.9494050505050504, 0.792586692804719], [0.9595040404040402, 0.7897902754695815], [0.9666903646988289, 0.7878212121212121], [0.9696030303030303, 0.7870333030435162], [0.9797020202020202, 0.7843297191048665], [0.98980101010101, 0.7816538619049465], [0.9999, 0.7790051685062264]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#D2E11B\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652728281352\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.6071208286402088, 0.9999], [0.6161383838383838, 0.9950064148746147], [0.6258890676199775, 0.9898010101010101], [0.6262373737373738, 0.9896169543924155], [0.6363363636363636, 0.9843657122950144], [0.6454488875374697, 0.9797020202020202], [0.6464353535353535, 0.9792023351188295], [0.6565343434343435, 0.9741660885233274], [0.6658263132874126, 0.9696030303030303], [0.6665007846942915, 0.9692752459608138]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.7988067567897841, 0.9125137227241892], [0.8080191919191919, 0.9090180612231602], [0.8080431295376931, 0.9090090909090909], [0.8181181818181819, 0.9052753093730297], [0.8282171717171717, 0.9015785743334149], [0.8355965251432131, 0.898910101010101], [0.8383161616161616, 0.8979376312910321], [0.8484151515151515, 0.8943697439005452], [0.8585141414141413, 0.8908440760733232], [0.8644063127551866, 0.8888111111111112], [0.8686131313131313, 0.8873760396136531], [0.8787121212121212, 0.8839707961307117], [0.8888111111111111, 0.8806044661643817], [0.8945530204288112, 0.8787121212121212], [0.898910101010101, 0.8772925797520352], [0.9090090909090909, 0.8740390775668105], [0.9191080808080808, 0.8708215224843655], [0.9261161767894348, 0.8686131313131313], [0.9292070707070708, 0.867650387944578], [0.9393060606060605, 0.8645387851692369], [0.9494050505050505, 0.8614604586816479], [0.9591743307414526, 0.8585141414141413], [0.9595040404040404, 0.8584158671750741], [0.9696030303030302, 0.8554372493669955], [0.9797020202020202, 0.8524894954529457], [0.9898010101010102, 0.8495719723748784], [0.9938464056556537, 0.8484151515151515], [0.9999, 0.8467045506498926]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#FDE724\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652728282864\"}], \"images\": [], \"sharex\": [], \"sharey\": []}], \"data\": {\"data01\": [[0.0001, 0.9999], [0.010198989898989898, 0.9898010101010101], [0.020297979797979798, 0.9797020202020202], [0.030396969696969697, 0.9696030303030303], [0.0404959595959596, 0.9595040404040404], [0.0505949494949495, 0.9494050505050505], [0.0606939393939394, 0.9393060606060606], [0.0707929292929293, 0.9292070707070708], [0.0808919191919192, 0.9191080808080808], [0.0909909090909091, 0.9090090909090909], [0.101089898989899, 0.898910101010101], [0.11118888888888889, 0.8888111111111111], [0.12128787878787879, 0.8787121212121212], [0.13138686868686866, 0.8686131313131313], [0.14148585858585858, 0.8585141414141414], [0.1515848484848485, 0.8484151515151515], [0.16168383838383837, 0.8383161616161616], [0.17178282828282826, 0.8282171717171718], [0.18188181818181817, 0.8181181818181819], [0.19198080808080809, 0.8080191919191919], [0.20207979797979797, 0.7979202020202021], [0.21217878787878786, 0.7878212121212121], [0.22227777777777777, 0.7777222222222222], [0.23237676767676768, 0.7676232323232324], [0.24247575757575757, 0.7575242424242424], [0.25257474747474745, 0.7474252525252525], [0.26267373737373734, 0.7373262626262627], [0.2727727272727273, 0.7272272727272727], [0.28287171717171716, 0.7171282828282828], [0.29297070707070705, 0.707029292929293], [0.303069696969697, 0.696930303030303], [0.3131686868686869, 0.6868313131313131], [0.32326767676767676, 0.6767323232323232], [0.33336666666666664, 0.6666333333333334], [0.34346565656565653, 0.6565343434343435], [0.35356464646464647, 0.6464353535353535], [0.36366363636363636, 0.6363363636363637], [0.37376262626262624, 0.6262373737373738], [0.3838616161616162, 0.6161383838383838], [0.39396060606060607, 0.606039393939394], [0.40405959595959595, 0.595940404040404], [0.41415858585858584, 0.5858414141414141], [0.4242575757575757, 0.5757424242424243], [0.43435656565656566, 0.5656434343434343], [0.44445555555555555, 0.5555444444444444], [0.45455454545454543, 0.5454454545454546], [0.4646535353535354, 0.5353464646464646], [0.47475252525252526, 0.5252474747474747], [0.48485151515151514, 0.5151484848484849], [0.49495050505050503, 0.505049494949495], [0.5050494949494949, 0.4949505050505051], [0.5151484848484849, 0.48485151515151514], [0.5252474747474747, 0.4747525252525253], [0.5353464646464646, 0.4646535353535354], [0.5454454545454546, 0.45455454545454543], [0.5555444444444444, 0.4444555555555556], [0.5656434343434343, 0.43435656565656566], [0.5757424242424243, 0.4242575757575757], [0.5858414141414141, 0.4141585858585859], [0.595940404040404, 0.40405959595959595], [0.606039393939394, 0.393960606060606], [0.6161383838383838, 0.3838616161616162], [0.6262373737373738, 0.37376262626262624], [0.6363363636363636, 0.3636636363636364], [0.6464353535353535, 0.35356464646464647], [0.6565343434343435, 0.34346565656565653], [0.6666333333333333, 0.3333666666666667], [0.6767323232323232, 0.32326767676767676], [0.6868313131313131, 0.31316868686868693], [0.696930303030303, 0.303069696969697], [0.707029292929293, 0.29297070707070705], [0.7171282828282828, 0.2828717171717172], [0.7272272727272727, 0.2727727272727273], [0.7373262626262627, 0.26267373737373734], [0.7474252525252525, 0.2525747474747475], [0.7575242424242424, 0.24247575757575757], [0.7676232323232324, 0.23237676767676763], [0.7777222222222222, 0.2222777777777778], [0.7878212121212121, 0.21217878787878786], [0.797920202020202, 0.20207979797979803], [0.8080191919191919, 0.19198080808080809], [0.8181181818181819, 0.18188181818181814], [0.8282171717171717, 0.17178282828282831], [0.8383161616161616, 0.16168383838383837], [0.8484151515151515, 0.15158484848484854], [0.8585141414141414, 0.1414858585858586], [0.8686131313131313, 0.13138686868686866], [0.8787121212121212, 0.12128787878787883], [0.8888111111111111, 0.11118888888888889], [0.898910101010101, 0.10108989898989895], [0.9090090909090909, 0.09099090909090912], [0.9191080808080808, 0.08089191919191918], [0.9292070707070708, 0.07079292929292924], [0.9393060606060606, 0.06069393939393941], [0.9494050505050505, 0.05059494949494947], [0.9595040404040404, 0.04049595959595964], [0.9696030303030303, 0.0303969696969697], [0.9797020202020202, 0.02029797979797976], [0.9898010101010101, 0.01019898989898993], [0.9999, 9.999999999998899e-05]], \"data02\": [[0.25, 0.75]], \"data03\": [[0.0, 0.0]]}, \"id\": \"el83139652729838504\", \"plugins\": [{\"type\": \"reset\"}, {\"type\": \"zoom\", \"button\": true, \"enabled\": false}, {\"type\": \"boxzoom\", \"button\": true, \"enabled\": false}]});\n", " }(mpld3);\n", "}else if(typeof define === \"function\" && define.amd){\n", " // require.js is available: use it to load d3/mpld3\n", " require.config({paths: {d3: \"https://mpld3.github.io/js/d3.v3.min\"}});\n", " require([\"d3\"], function(d3){\n", " window.d3 = d3;\n", " mpld3_load_lib(\"https://mpld3.github.io/js/mpld3.v0.3.js\", function(){\n", " \n", " mpld3.draw_figure(\"fig_el8313965272983850489550742\", {\"width\": 432.0, \"height\": 288.0, \"axes\": [{\"bbox\": [0.125, 0.125, 0.775, 0.755], \"xlim\": [0.0001, 0.9999], \"ylim\": [9.999999999998899e-05, 0.9999], \"xdomain\": [0.0001, 0.9999], \"ydomain\": [9.999999999998899e-05, 0.9999], \"xscale\": \"linear\", \"yscale\": \"linear\", \"axes\": [{\"position\": \"bottom\", \"nticks\": 6, \"tickvalues\": null, \"tickformat\": null, \"scale\": \"linear\", \"fontsize\": 10.0, \"grid\": {\"gridOn\": false}, \"visible\": true}, {\"position\": \"left\", \"nticks\": 6, \"tickvalues\": null, \"tickformat\": null, \"scale\": \"linear\", \"fontsize\": 10.0, \"grid\": {\"gridOn\": false}, \"visible\": true}], \"axesbg\": \"#FFFFFF\", \"axesbgalpha\": null, \"zoomable\": true, \"id\": \"el83139652728817200\", \"lines\": [{\"data\": \"data01\", \"xindex\": 0, \"yindex\": 1, \"coordinates\": \"data\", \"id\": \"el83139652728959608\", \"color\": \"#1F77B4\", \"linewidth\": 1.5, \"dasharray\": \"none\", \"alpha\": 1, \"zorder\": 2, \"drawstyle\": \"default\"}], \"paths\": [], \"markers\": [{\"data\": \"data02\", \"xindex\": 0, \"yindex\": 1, \"coordinates\": \"data\", \"id\": \"el83139652728326520pts\", \"facecolor\": \"#FF0000\", \"edgecolor\": \"#FF0000\", \"edgewidth\": 1.0, \"alpha\": 1, \"zorder\": 2, \"markerpath\": [[[0.0, 3.0], [0.7956093000000001, 3.0], [1.5587396123545605, 2.683901074764725], [2.121320343559643, 2.121320343559643], [2.683901074764725, 1.5587396123545605], [3.0, 0.7956093000000001], [3.0, 0.0], [3.0, -0.7956093000000001], [2.683901074764725, -1.5587396123545605], [2.121320343559643, -2.121320343559643], [1.5587396123545605, -2.683901074764725], [0.7956093000000001, -3.0], [0.0, -3.0], [-0.7956093000000001, -3.0], [-1.5587396123545605, -2.683901074764725], [-2.121320343559643, -2.121320343559643], [-2.683901074764725, -1.5587396123545605], [-3.0, -0.7956093000000001], [-3.0, 0.0], [-3.0, 0.7956093000000001], [-2.683901074764725, 1.5587396123545605], [-2.121320343559643, 2.121320343559643], [-1.5587396123545605, 2.683901074764725], [-0.7956093000000001, 3.0], [0.0, 3.0]], [\"M\", \"C\", \"C\", \"C\", \"C\", \"C\", \"C\", \"C\", \"C\", \"Z\"]]}], \"texts\": [{\"text\": \"rice\", \"position\": [0.49999999999999994, -0.09657836644591611], \"coordinates\": \"axes\", \"h_anchor\": \"middle\", \"v_baseline\": \"hanging\", \"rotation\": -0.0, \"fontsize\": 10.0, \"color\": \"#000000\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652728794696\"}, {\"text\": \"pizza\", \"position\": [-0.08064516129032258, 0.49999999999999994], \"coordinates\": \"axes\", \"h_anchor\": \"middle\", \"v_baseline\": \"auto\", \"rotation\": -90.0, \"fontsize\": 10.0, \"color\": \"#000000\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652728906136\"}, {\"text\": \"-4.249\", \"position\": [0.5757424242424243, 0.2916082378079763], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -353.7077185152767, \"fontsize\": 10.0, \"color\": \"#440154\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652728351320\"}, {\"text\": \"-3.999\", \"position\": [0.03121203349868784, 0.8383161616161616], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -279.851394713291, \"fontsize\": 10.0, \"color\": \"#48196B\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652728352664\"}, {\"text\": \"-3.749\", \"position\": [0.34346565656565653, 0.40922859948294127], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -345.3911120623724, \"fontsize\": 10.0, \"color\": \"#462F7C\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652728399408\"}, {\"text\": \"-3.499\", \"position\": [0.1515848484848484, 0.5841741240178913], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -319.8377313823953, \"fontsize\": 10.0, \"color\": \"#404387\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652728400864\"}, {\"text\": \"-3.249\", \"position\": [0.686831313131313, 0.38370321610128416], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -353.0839559794965, \"fontsize\": 10.0, \"color\": \"#38568B\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652728435152\"}, {\"text\": \"-2.999\", \"position\": [0.7272272727272727, 0.40920788323259566], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -353.03653563505065, \"fontsize\": 10.0, \"color\": \"#30678D\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652728436608\"}, {\"text\": \"-2.749\", \"position\": [0.48485151515151514, 0.5091078025962501], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -347.1240255833946, \"fontsize\": 10.0, \"color\": \"#29788E\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652728438064\"}, {\"text\": \"-2.499\", \"position\": [0.2902883895009448, 0.6565343434343434], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -333.7046409940829, \"fontsize\": 10.0, \"color\": \"#23888D\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652728464160\"}, {\"text\": \"-2.249\", \"position\": [0.16095483457912232, 0.8686131313131313], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -310.5411011098285, \"fontsize\": 10.0, \"color\": \"#1E988A\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652728465616\"}, {\"text\": \"-1.999\", \"position\": [0.6398839454415418, 0.5959404040404039], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -348.56646533332326, \"fontsize\": 10.0, \"color\": \"#22A784\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652728467072\"}, {\"text\": \"-1.749\", \"position\": [0.45214776350314034, 0.7272272727272724], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -340.70905122322023, \"fontsize\": 10.0, \"color\": \"#35B778\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652727968880\"}, {\"text\": \"-1.499\", \"position\": [0.7889980903669578, 0.6565343434343434], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -349.7666062918868, \"fontsize\": 10.0, \"color\": \"#53C567\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652727970336\"}, {\"text\": \"-1.249\", \"position\": [0.3817150676796167, 0.9090090909090909], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -332.61150941924785, \"fontsize\": 10.0, \"color\": \"#79D151\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652727971792\"}, {\"text\": \"-0.999\", \"position\": [0.998170011062401, 0.7171282828282828], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -350.83826254742763, \"fontsize\": 10.0, \"color\": \"#A5DA35\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652728010176\"}, {\"text\": \"-0.749\", \"position\": [0.585841414141414, 0.9309623902396962], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -340.9641486947908, \"fontsize\": 10.0, \"color\": \"#D2E11B\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652728011576\"}, {\"text\": \"-0.499\", \"position\": [0.7323658584275962, 0.9393060606060606], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -344.4458281200063, \"fontsize\": 10.0, \"color\": \"#FDE724\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652728041768\"}], \"collections\": [{\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 1, \"paths\": [[[[0.015135638774024103, 0.9999], [0.01558251550936644, 0.9898010101010101], [0.016033975210334644, 0.9797020202020202], [0.016490112853450135, 0.9696030303030303], [0.016951026398588025, 0.9595040404040404], [0.017416816915249128, 0.9494050505050506], [0.01788758871558426, 0.9393060606060606], [0.01836344949460853, 0.9292070707070708], [0.018844510478077434, 0.9191080808080809], [0.019330886578532228, 0.9090090909090909], [0.019822696560062764, 0.898910101010101], [0.020297979797979798, 0.8892595130654992], [0.020335616539015413, 0.8888111111111111], [0.02119296469959151, 0.8787121212121212], [0.02206022348456332, 0.8686131313131313], [0.022937624702391433, 0.8585141414141414], [0.0238254083908357, 0.8484151515151515], [0.024723823211149562, 0.8383161616161616], [0.02563312686616355, 0.8282171717171717], [0.026553586544016933, 0.8181181818181819], [0.02748547938944906, 0.8080191919191919], [0.02842909300473013, 0.7979202020202021], [0.029384725982497, 0.7878212121212121], [0.03035268847296375, 0.7777222222222222], [0.030396969696969697, 0.7772661860141012], [0.03171507759824914, 0.7676232323232324], [0.03311380384371872, 0.7575242424242424], [0.03453130300288962, 0.7474252525252525], [0.03596808585785248, 0.7373262626262627], [0.03742468432493527, 0.7272272727272727], [0.03890165263696828, 0.7171282828282828], [0.04039956860939405, 0.707029292929293], [0.0404959595959596, 0.7063886393371342], [0.04232943460169559, 0.696930303030303], [0.04431567463032103, 0.6868313131313131], [0.04633133718925061, 0.6767323232323232], [0.04837730708414355, 0.6666333333333333], [0.05045450964306131, 0.6565343434343435], [0.0505949494949495, 0.6558619729809803], [0.0530037843943421, 0.6464353535353535], [0.05562506921837887, 0.6363363636363636], [0.058288289730569195, 0.6262373737373739], [0.0606939393939394, 0.6172610376446702], [0.061049693486231855, 0.6161383838383838], [0.06430281955250877, 0.606039393939394], [0.06761061346061922, 0.5959404040404042], [0.0707929292929293, 0.5863877828187183], [0.07100300681150923, 0.5858414141414141], [0.07495356840220636, 0.5757424242424243], [0.07897404280214615, 0.5656434343434343], [0.0808919191919192, 0.5609111945427421], [0.08335737924446943, 0.5555444444444444], [0.08808192467349987, 0.5454454545454546], [0.0909909090909091, 0.539341411351089], [0.09311898009262988, 0.5353464646464646], [0.09860107431507623, 0.5252474747474747], [0.101089898989899, 0.5207499377226178], [0.10451612143484293, 0.5151484848484849], [0.11081564275778462, 0.5050494949494949], [0.1111888888888889, 0.5044629778689362], [0.11781922579639606, 0.494950505050505], [0.12128787878787879, 0.4900745869512356], [0.12532670088065714, 0.48485151515151514], [0.13138686868686866, 0.47717597397754585], [0.13345339424790234, 0.47475252525252526], [0.14148585858585858, 0.4655310065185485], [0.14230681085306865, 0.4646535353535354], [0.1515848484848485, 0.45494998174763085], [0.15198902203922815, 0.45455454545454543], [0.16168383838383837, 0.44527774611615656], [0.16259851387012467, 0.44445555555555555], [0.17178282828282826, 0.436385383260459], [0.17423167106662418, 0.43435656565656566], [0.18188181818181817, 0.42816425158087945], [0.18698401265809855, 0.4242575757575757], [0.19198080808080809, 0.4205216127846664], [0.20095125937840772, 0.41415858585858584], [0.20207979797979797, 0.4133773641165749], [0.21217878787878786, 0.4067274154502635], [0.2164279054706581, 0.40405959595959595], [0.22227777777777777, 0.40047741347085664], [0.23237676767676768, 0.39456809648473556], [0.2334611021159033, 0.39396060606060607], [0.24247575757575757, 0.38903805126933183], [0.2523586789414345, 0.3838616161616162], [0.25257474747474745, 0.38375138378894336], [0.26267373737373734, 0.3788011726672773], [0.2727727272727273, 0.37403773735796697], [0.273377998975073, 0.37376262626262624], [0.2828717171717171, 0.36956254801657096], [0.29297070707070705, 0.36525143900463336], [0.29682070470999733, 0.36366363636363636], [0.303069696969697, 0.3611570463850048], [0.3131686868686869, 0.35723894631043557], [0.3229497413273333, 0.35356464646464647], [0.3232676767676768, 0.3534485763472771], [0.33336666666666664, 0.349875118993078], [0.34346565656565653, 0.3464083165614823], [0.35229363655313406, 0.34346565656565653], [0.35356464646464647, 0.3430542651045961], [0.36366363636363636, 0.33987756045872436], [0.37376262626262624, 0.33678787624644335], [0.3838616161616162, 0.33378057175554154], [0.3852886330195916, 0.33336666666666664], [0.39396060606060607, 0.3309264405529821], [0.40405959595959595, 0.32815659642376194], [0.41415858585858584, 0.3254551338234946], [0.42253793100632014, 0.3232676767676767], [0.42425757575757567, 0.32283256845714425], [0.43435656565656566, 0.3203374153188114], [0.44445555555555555, 0.3178996140774905], [0.45455454545454543, 0.31551658736043414], [0.4646535353535354, 0.31318592772288245], [0.4647298834351902, 0.3131686868686869], [0.47475252525252526, 0.31097722362476], [0.48485151515151514, 0.30881554806947814], [0.4949505050505051, 0.3066984372359102], [0.5050494949494949, 0.30462409070189567], [0.5075420777468043, 0.3041222476362855]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.6440740135494885, 0.28091870687403137], [0.6464353535353535, 0.28057779195160504], [0.6565343434343435, 0.27914236792155417], [0.6666333333333333, 0.2777288563073026], [0.6767323232323232, 0.27633659814912515], [0.6868313131313131, 0.2749649637722912], [0.696930303030303, 0.2736133510770824], [0.7033029653998264, 0.2727727272727273], [0.707029292929293, 0.2722990558310662], [0.7171282828282828, 0.27103353159059623], [0.7272272727272728, 0.26978570511989186], [0.7373262626262627, 0.2685550882477455], [0.7474252525252525, 0.26734121272687594], [0.7575242424242424, 0.26614362916424694], [0.7676232323232324, 0.2649619060222227], [0.7777222222222222, 0.26379562868500483], [0.7875638420887702, 0.26267373737373734], [0.7878212121212121, 0.26264550556354677], [0.7979202020202019, 0.2615518230055272], [0.8080191919191919, 0.26047189611251204], [0.8181181818181819, 0.25940538315753436], [0.8282171717171717, 0.258351954991649], [0.8383161616161616, 0.257311294434124], [0.8484151515151515, 0.25628309569914565], [0.8585141414141415, 0.2552670638564452], [0.8686131313131313, 0.2542629143234665], [0.8787121212121212, 0.2532703723868861], [0.8858718354105741, 0.2525747474747475], [0.8888111111111112, 0.2523003703397813], [0.898910101010101, 0.2513682955494453], [0.9090090909090909, 0.25044663406835055], [0.9191080808080807, 0.24953515578619131], [0.9292070707070708, 0.2486336381367508], [0.9393060606060606, 0.24774186577168922], [0.9494050505050505, 0.24685963025177515], [0.9595040404040404, 0.24598672975445354], [0.9696030303030303, 0.24512296879672274], [0.9797020202020202, 0.24426815797237036], [0.9898010101010101, 0.24342211370268305], [0.9999, 0.24258465799981052]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#440154\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652728962632\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.018804089220940304, 0.9999], [0.01925096595628264, 0.9898010101010102], [0.019702425657250836, 0.9797020202020202], [0.02015856330036633, 0.9696030303030303], [0.020297979797979798, 0.9665483016754961], [0.020845906893991198, 0.9595040404040404], [0.021639753204895154, 0.9494050505050506], [0.022138164800779594, 0.9431315513082666]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.04638994530694175, 0.7352378069079695], [0.047878519449789485, 0.7272272727272728], [0.04978142950045895, 0.7171282828282827], [0.0505949494949495, 0.7128712045568919], [0.05196072995996024, 0.707029292929293], [0.054355740876586844, 0.696930303030303], [0.056785711635289636, 0.6868313131313131], [0.05925167798730224, 0.6767323232323232], [0.0606939393939394, 0.6709132561519591], [0.06194822757963956, 0.6666333333333333], [0.06495305090593549, 0.6565343434343435], [0.06800445534091512, 0.6464353535353535], [0.0707929292929293, 0.6373496295118668], [0.07115185414572418, 0.6363363636363636], [0.074786406807858, 0.6262373737373738], [0.07848005095575622, 0.6161383838383838], [0.0808919191919192, 0.6096511797809407], [0.08241404566191325, 0.606039393939394], [0.08674161698823993, 0.5959404040404039], [0.0909909090909091, 0.5861907305282643], [0.09116108449874685, 0.5858414141414141], [0.09616653179073457, 0.5757424242424243], [0.101089898989899, 0.565981772690207], [0.10127853732486507, 0.5656434343434343], [0.10701060322782074, 0.5555444444444444], [0.11118888888888889, 0.5483155913827722], [0.11300590530740176, 0.5454454545454546], [0.11951882752991504, 0.5353464646464646], [0.1212878787878788, 0.5326546259700307], [0.12657923347499955, 0.5252474747474747], [0.13138686868686866, 0.5186456370097431], [0.13413737402521114, 0.5151484848484849], [0.14148585858585858, 0.5059865947153911], [0.14229316282967502, 0.5050494949494949], [0.15116910332408534, 0.49495050505050503], [0.15158484848484852, 0.49448702774430714], [0.16082415976382966, 0.48485151515151514], [0.16168383838383837, 0.4839734546661693], [0.1712941953655256, 0.4747525252525253], [0.17178282828282826, 0.4742935613911988], [0.18188181818181817, 0.46534980946947013], [0.18271295259785772, 0.4646535353535354], [0.19198080808080809, 0.4570564331341693], [0.19519787887141232, 0.45455454545454543], [0.20207979797979797, 0.4493201479751583], [0.20880347544275119, 0.44445555555555555], [0.21217878787878788, 0.44206838096127143], [0.22227777777777777, 0.4352580929622284], [0.22367682803656136, 0.43435656565656566], [0.23237676767676768, 0.42887931145503944], [0.24004405277550653, 0.4242575757575757], [0.24247575757575757, 0.4228262615792352], [0.25257474747474745, 0.41712453920472736], [0.2580424897273091, 0.4141585858585859], [0.26267373737373734, 0.4117069118625349], [0.2727727272727273, 0.406562458861754], [0.2778714382335562, 0.40405959595959595], [0.28287171717171716, 0.40166564897059776], [0.29297070707070705, 0.39700025571561587], [0.2997813517198893, 0.3939606060606061], [0.30306969696969693, 0.3925301386796703], [0.3131686868686869, 0.3882809818315282], [0.32326767676767676, 0.38416669947386156], [0.3240403095188197, 0.3838616161616162], [0.33336666666666664, 0.3802746310081746], [0.34346565656565653, 0.3765064134976114], [0.3510386017828817, 0.37376262626262624], [0.3535646464646464, 0.37287180627364086], [0.3636636363636364, 0.36941066419281876], [0.37376262626262624, 0.36604433422648874], [0.3811003647157691, 0.36366363636363636], [0.3838616161616162, 0.36279230114897226], [0.3939606060606061, 0.35968824588260356], [0.40405959595959595, 0.35666276309734884], [0.41415858585858584, 0.353711973012847], [0.41467525461667754, 0.35356464646464647], [0.4242575757575757, 0.35090923333467905], [0.43435656565656566, 0.34817648308851695], [0.44445555555555555, 0.3455065459852716], [0.4523526214858331, 0.34346565656565653], [0.45455454545454543, 0.3429130912512665], [0.4646535353535354, 0.3404344756299088], [0.4747525252525253, 0.3380091563735055], [0.48485151515151514, 0.3356348896383462], [0.49470253267127084, 0.33336666666666664], [0.49495050505050503, 0.3333112744874956], [0.5050494949494949, 0.3311009257731209], [0.5151484848484849, 0.32893434064756644], [0.5252474747474747, 0.32680981971736284], [0.5353464646464646, 0.32472576069101655], [0.5425466533391833, 0.32326767676767676], [0.5454454545454546, 0.32269871083870566], [0.5555444444444444, 0.32075288457997275], [0.5656434343434343, 0.31884211391330153], [0.5757424242424243, 0.3169651580513076], [0.5858414141414141, 0.31512084093889475], [0.595940404040404, 0.3133080468273063], [0.5967300413886767, 0.3131686868686868], [0.606039393939394, 0.3115778665259152], [0.6161383838383838, 0.3098806312619593], [0.6262373737373739, 0.30821099010231634], [0.6363363636363636, 0.3065680601181051], [0.6464353535353535, 0.30495100009064746], [0.6565343434343435, 0.30335900792491943], [0.658398072258142, 0.303069696969697], [0.6666333333333333, 0.30183322634436505], [0.6767323232323232, 0.3003397279517934], [0.6868313131313131, 0.2988683530311542], [0.696930303030303, 0.2974184557001043], [0.707029292929293, 0.29598941795410855], [0.7171282828282828, 0.29458064808480583], [0.7272272727272727, 0.29319157920897465], [0.7288555427305962, 0.29297070707070705], [0.7373262626262627, 0.2918606128943495], [0.7474252525252525, 0.29055513738316474], [0.7575242424242424, 0.28926718323405254], [0.7676232323232324, 0.28799628634521185], [0.7777222222222222, 0.28674200081361384], [0.7878212121212121, 0.28550389799576387], [0.797920202020202, 0.2842815656282844], [0.8080191919191919, 0.2830746070038053], [0.8097381847258314, 0.28287171717171716], [0.8181181818181819, 0.2819173398447038], [0.8282171717171717, 0.2807813015426702], [0.8383161616161616, 0.27965903208847304], [0.8484151515151515, 0.27855020171648825], [0.8585141414141414, 0.2774544923679316], [0.8686131313131313, 0.276371597143202], [0.8787121212121212, 0.27530121978587896], [0.8888111111111111, 0.27424307419620586], [0.898910101010101, 0.2731968839720576], [0.9030507930886025, 0.2727727272727273], [0.9090090909090909, 0.2721845733409547], [0.9191080808080807, 0.27119869886526893], [0.9292070707070708, 0.27022359802374574], [0.9393060606060606, 0.26925903789099814], [0.9494050505050506, 0.26830479301467913], [0.9595040404040404, 0.26736064509918067], [0.9696030303030303, 0.26642638270589214], [0.9797020202020202, 0.26550180096898834], [0.9898010101010101, 0.2645867013257923], [0.9999, 0.26368089126082445]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#48196B\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764840736\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.024004080005677594, 0.9999], [0.024765691578028298, 0.98980101010101], [0.025535113894103817, 0.9797020202020202], [0.0263125088222945, 0.9696030303030303], [0.02709804331551731, 0.9595040404040405], [0.02789188962642125, 0.9494050505050505], [0.028694225534100448, 0.9393060606060606], [0.029505234583061285, 0.9292070707070708], [0.03032510633524738, 0.9191080808080808], [0.030396969696969697, 0.9182325580246901], [0.03146271854581418, 0.9090090909090909], [0.03264266885555975, 0.898910101010101], [0.03383595072761625, 0.8888111111111111], [0.035042868858763385, 0.8787121212121212], [0.036263738512552296, 0.8686131313131313], [0.03749888601362786, 0.8585141414141414], [0.038748649271299146, 0.8484151515151515], [0.04001337833446, 0.8383161616161615], [0.0404959595959596, 0.834508846139569], [0.041523419572090506, 0.8282171717171717], [0.04319286582511065, 0.8181181818181819], [0.04488304852018655, 0.8080191919191919], [0.04659448928422261, 0.7979202020202021], [0.04832772967745303, 0.7878212121212123], [0.05008333222219715, 0.7777222222222222], [0.0505949494949495, 0.7748171479926244], [0.052144917111337695, 0.7676232323232324], [0.05434961519059865, 0.7575242424242424], [0.05658390348232151, 0.7474252525252525], [0.05884858709064847, 0.7373262626262627], [0.0606939393939394, 0.729209161049389], [0.06122669528990664, 0.7272272727272727], [0.06397939193162153, 0.7171282828282828], [0.06677112973213796, 0.707029292929293], [0.06960303207530467, 0.6969303030303029], [0.0707929292929293, 0.6927479993529067], [0.07273580709549295, 0.6868313131313131], [0.07610116288500238, 0.6767323232323232], [0.07951711988655351, 0.6666333333333333], [0.0808919191919192, 0.6626299678848455], [0.08326474030575683, 0.6565343434343435], [0.08725687848143515, 0.6464353535353535], [0.0909909090909091, 0.6371357372080063], [0.09134967730229163, 0.6363363636363636], [0.09595473442204513, 0.6262373737373738], [0.10063466173698692, 0.6161383838383838], [0.101089898989899, 0.6151719820622432], [0.10584510414668859, 0.606039393939394], [0.11118888888888889, 0.5959460280032755], [0.1111921501299293, 0.595940404040404], [0.11714847817640087, 0.5858414141414141], [0.12128787878787878, 0.5789429934673995], [0.12337544031603423, 0.5757424242424243], [0.13007904601634568, 0.5656434343434343], [0.13138686868686866, 0.5637080651132929], [0.13734485015082556, 0.5555444444444444], [0.14148585858585858, 0.549972660216268], [0.14509979702146297, 0.5454454545454546], [0.1515848484848485, 0.5374706289029814], [0.15343133599311384, 0.5353464646464646], [0.16168383838383837, 0.5260303688078298], [0.16242209583542982, 0.5252474747474747], [0.17178282828282826, 0.5155098285194817], [0.1721512373037642, 0.5151484848484849], [0.18188181818181817, 0.5057898129885896], [0.18269553951281262, 0.5050494949494949], [0.19198080808080809, 0.49676908072426534], [0.19413029749366298, 0.4949505050505051], [0.20207979797979797, 0.48836068397691423], [0.20653008506442722, 0.48485151515151514], [0.21217878787878786, 0.4804891898888961], [0.21996942199228325, 0.47475252525252526], [0.22227777777777774, 0.47308853800452305], [0.23237676767676768, 0.46613215935951], [0.2346187678482244, 0.4646535353535354], [0.24247575757575757, 0.45958318430277334], [0.2505996580519571, 0.45455454545454543], [0.25257474747474745, 0.45335884454742487], [0.26267373737373734, 0.4474847371088224], [0.2680858248265633, 0.4444555555555555], [0.2727727272727273, 0.44189120715489205], [0.2776403677382403, 0.43932480323367695]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.4104117974488455, 0.38564326229902984], [0.41415858585858584, 0.38445599970870425], [0.416080662625264, 0.3838616161616162], [0.4242575757575757, 0.3813986546140286], [0.43435656565656566, 0.37842831017336076], [0.4444555555555555, 0.3755262400545508], [0.450733867715995, 0.37376262626262624], [0.45455454545454543, 0.3727179919223112], [0.4646535353535354, 0.3700174447246317], [0.4747525252525252, 0.36737496596958763], [0.48485151515151514, 0.36478811090302193], [0.48933383025698507, 0.36366363636363636], [0.4949505050505051, 0.36229318452822823], [0.5050494949494949, 0.3598788349573614], [0.5151484848484849, 0.35751228807084046], [0.5252474747474747, 0.3551916876321962], [0.5324656447810162, 0.35356464646464647], [0.5353464646464647, 0.35293357273598136], [0.5454454545454546, 0.35076262933105334], [0.5555444444444444, 0.3486315147690454], [0.5656434343434343, 0.346538793913766], [0.5757424242424243, 0.3444831078257665], [0.5808293244645135, 0.34346565656565653], [0.5858414141414141, 0.3424922218773264], [0.595940404040404, 0.340564347154268], [0.606039393939394, 0.3386688698334823], [0.6161383838383838, 0.33680471902736175], [0.6262373737373738, 0.3349708760830276], [0.6352154015600886, 0.33336666666666664], [0.6363363636363636, 0.33317234934167306], [0.6464353535353535, 0.3314492686055724], [0.6565343434343435, 0.3297528992771548], [0.6666333333333333, 0.328082425815948], [0.6767323232323232, 0.3264370694701387], [0.6868313131313131, 0.3248160860966181], [0.6966210553364407, 0.32326767676767676], [0.696930303030303, 0.3232202689267421], [0.707029292929293, 0.3216943618227733], [0.7171282828282828, 0.3201900964823723], [0.7272272727272726, 0.31870686759533134], [0.7373262626262627, 0.3172440948969633], [0.7474252525252525, 0.3158012218051549], [0.7575242424242424, 0.3143777141488908], [0.7662167347663402, 0.31316868686868693], [0.7676232323232324, 0.312979268497975], [0.7777222222222222, 0.3116369760446928], [0.7878212121212121, 0.3103120017649766], [0.7979202020202021, 0.30900390446899656], [0.8080191919191919, 0.30771225961441695], [0.8181181818181817, 0.3064366584792389], [0.8282171717171718, 0.3051767073853866], [0.8383161616161616, 0.30393202696934635], [0.8453976672634886, 0.303069696969697], [0.8484151515151515, 0.30271429717247267], [0.8585141414141414, 0.30153891160106594], [0.8686131313131313, 0.3003772719525869], [0.8787121212121212, 0.29922906042786523], [0.8888111111111111, 0.298093970122952], [0.898910101010101, 0.2969717045367082], [0.9090090909090909, 0.2958619771059017], [0.9191080808080809, 0.294764510765988], [0.9292070707070708, 0.2936790375358905], [0.9358692292736435, 0.29297070707070705], [0.9393060606060606, 0.2926176831248417], [0.9494050505050505, 0.29159143018844863], [0.9595040404040404, 0.29057603613738786], [0.9696030303030303, 0.2895712735777265], [0.9797020202020204, 0.2885769221843052], [0.9898010101010101, 0.2875927684107531], [0.9999, 0.2866186052142227]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#462F7C\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652729839512\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.030256216427203695, 0.9999], [0.0303969696969697, 0.9980336078636131], [0.031270973021079236, 0.9898010101010101], [0.0323541149539397, 0.9797020202020202], [0.033448480203717205, 0.9696030303030303], [0.03455430379570465, 0.9595040404040404], [0.0356718282158077, 0.9494050505050505], [0.03680130372969662, 0.9393060606060606], [0.03794298871920834, 0.9292070707070708], [0.03909715003713064, 0.9191080808080808], [0.04026406338158629, 0.909009090909091], [0.0404959595959596, 0.9070243314601315], [0.0417174222718778, 0.898910101010101], [0.04325483377158183, 0.8888111111111111], [0.04480981408049164, 0.8787121212121212], [0.046382769380767803, 0.8686131313131313], [0.04797412010556483, 0.8585141414141415], [0.049584301613593666, 0.8484151515151515], [0.0505949494949495, 0.8421514186622128], [0.05135200973315811, 0.8383161616161616], [0.053369660178993236, 0.8282171717171717], [0.05541206468177243, 0.8181181818181819], [0.05747983819691108, 0.8080191919191919], [0.05957361888400034, 0.7979202020202019], [0.0606939393939394, 0.7925844933961197], [0.06187651028493407, 0.7878212121212121], [0.064416115994307, 0.7777222222222222], [0.06698891580649192, 0.7676232323232324], [0.06959578895821365, 0.7575242424242423], [0.0707929292929293, 0.7529479579228707], [0.07246039529378397, 0.7474252525252525], [0.07555105631860692, 0.7373262626262627], [0.07868434267115462, 0.7272272727272727], [0.0808919191919192, 0.7202100980424962], [0.08199090681554742, 0.7171282828282828], [0.08564332434570687, 0.707029292929293], [0.08934828895949276, 0.696930303030303], [0.0909909090909091, 0.6925172670907673], [0.09335658007321057, 0.6868313131313131], [0.09762055891177429, 0.6767323232323232], [0.101089898989899, 0.6686371087463177], [0.10203911022313863, 0.6666333333333333], [0.10470387479090894, 0.6610926234659984]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.20851431255319483, 0.525307205278201], [0.20858429144721685, 0.5252474747474747], [0.21217878787878786, 0.5222378222253861], [0.22105872740523513, 0.5151484848484849], [0.22227777777777777, 0.5141941461282364], [0.23237676767676768, 0.5066394524452368], [0.2345966489956446, 0.5050494949494949], [0.24247575757575757, 0.49951793268355055], [0.24925836915750982, 0.494950505050505], [0.25257474747474745, 0.4927623579705573], [0.26267373737373734, 0.48636031575577143], [0.26514713935076134, 0.48485151515151514], [0.2727727272727273, 0.4802957265721821], [0.2824011471540538, 0.47475252525252526], [0.28287171717171716, 0.47448731489786944], [0.29297070707070705, 0.4689952686790311], [0.30123454725200327, 0.4646535353535354], [0.30306969696969693, 0.4637100992991999], [0.3131686868686869, 0.45868848699165843], [0.32175502045533616, 0.45455454545454543], [0.32326767676767676, 0.453842271964066], [0.33336666666666664, 0.44923319841441256], [0.34346565656565653, 0.44476168922722026], [0.34417770136723747, 0.44445555555555555], [0.35356464646464647, 0.4405104495659435], [0.36366363636363636, 0.436385630529052], [0.36877141085173104, 0.43435656565656566], [0.37376262626262624, 0.43241937832688193], [0.3838616161616162, 0.42860427281687474], [0.39396060606060607, 0.42488824676045833], [0.39571908353515234, 0.4242575757575757], [0.40405959595959595, 0.4213366574209674], [0.41415858585858584, 0.41788722017432045], [0.4242575757575757, 0.4145208902079905], [0.42537067573724263, 0.41415858585858584], [0.43435656565656566, 0.41130422484126716], [0.4444555555555555, 0.40817002392076607], [0.45455454545454543, 0.40510624480556223], [0.45808208216168383, 0.40405959595959595], [0.4646535353535354, 0.40215792880569895], [0.47475252525252526, 0.3992982927987972], [0.48485151515151514, 0.39649885160031373], [0.4942009882600366, 0.39396060606060607], [0.49495050505050503, 0.39376227391864677], [0.5050494949494949, 0.3911439257862333], [0.5151484848484849, 0.38857741938825285], [0.5252474747474747, 0.3860607416470007], [0.5342435139668678, 0.38386161616161624], [0.5353464646464647, 0.38359899666692127], [0.5454454545454546, 0.3812393043815071], [0.5555444444444444, 0.3789229037881574], [0.5656434343434343, 0.37664823497527233], [0.5757424242424243, 0.3744138208527878], [0.5787377462560279, 0.37376262626262624], [0.5858414141414141, 0.3722594385271864], [0.595940404040404, 0.3701589447531737], [0.606039393939394, 0.3680937491969103], [0.6161383838383838, 0.3660626850850965], [0.6262373737373738, 0.36406464255618143], [0.6282971894921877, 0.36366363636363636], [0.6363363636363636, 0.36214143749210764], [0.6464353535353535, 0.36025932757491724], [0.6565343434343435, 0.3584063943551672], [0.6666333333333333, 0.3565817470232869], [0.6767323232323232, 0.35478453495371914], [0.6836902548279115, 0.35356464646464647], [0.6868313131313131, 0.35302945578611206], [0.6969303030303031, 0.3513338519833118], [0.707029292929293, 0.34966264272968767], [0.7171282828282828, 0.348015136043176], [0.7272272727272727, 0.3463906689738385], [0.7373262626262627, 0.3447886060021784], [0.7457808090342075, 0.34346565656565653], [0.7474252525252525, 0.34321579498788013], [0.7575242424242424, 0.34170191957806484], [0.7676232323232325, 0.3402080934587477], [0.7777222222222222, 0.33873379251062596], [0.7878212121212121, 0.3372785129014426], [0.7979202020202021, 0.33584177005230936], [0.8080191919191919, 0.3344230976690394], [0.8156341090602393, 0.33336666666666664], [0.8181181818181817, 0.3330323325032268], [0.8282171717171717, 0.3316897741433747], [0.8383161616161616, 0.33036348766602447], [0.8484151515151515, 0.32905308335755945], [0.8585141414141414, 0.3277581853393857], [0.8686131313131313, 0.32647843092071666], [0.8787121212121212, 0.32521346998876743], [0.8888111111111111, 0.3239629644337934], [0.8944903692164305, 0.32326767676767676], [0.898910101010101, 0.32274323409974565], [0.9090090909090909, 0.3215582822152475], [0.9191080808080809, 0.32038642255714306], [0.9292070707070708, 0.31922736897887694], [0.9393060606060606, 0.3180808446136968], [0.9494050505050505, 0.316946581477679], [0.9595040404040402, 0.31582432009375744], [0.9696030303030303, 0.31471380913543534], [0.9797020202020202, 0.3136148050889576], [0.9838439766872008, 0.3131686868686869], [0.9898010101010101, 0.3125474377349286], [0.9999, 0.3115049223952977]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#404387\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764706688\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.03900017137327591, 0.9999], [0.04007231785685135, 0.9898010101010101], [0.0404959595959596, 0.9858510627171562], [0.041345652535804814, 0.9797020202020202], [0.04275562092574172, 0.9696030303030303], [0.0441803521202545, 0.9595040404040404], [0.045620158535569895, 0.9494050505050505], [0.047075362611279446, 0.9393060606060607], [0.048546297243756364, 0.9292070707070708], [0.050033306243255575, 0.9191080808080808], [0.0505949494949495, 0.9153353762709515], [0.0517471441232426, 0.9090090909090909], [0.05360700354172808, 0.898910101010101], [0.05548787641435847, 0.8888111111111111], [0.05739024300981188, 0.8787121212121212], [0.059314600252306296, 0.8686131313131313], [0.0606939393939394, 0.8614580631670915], [0.06136498853398613, 0.8585141414141414], [0.06369423222479698, 0.8484151515151515], [0.06605136840468565, 0.8383161616161616], [0.06843707319859108, 0.8282171717171718], [0.0707929292929293, 0.8183654040495548], [0.07086116240539478, 0.8181181818181819], [0.07368309611300061, 0.8080191919191919], [0.07654052235140324, 0.797920202020202], [0.0794343453110693, 0.7878212121212121], [0.08089191919191918, 0.7827992994396307], [0.0825622708677517, 0.7777222222222222], [0.08592825284996967, 0.7676232323232324], [0.08933881282321972, 0.7575242424242424], [0.0909909090909091, 0.7526970177679386], [0.09300762734196041, 0.7474252525252525], [0.0969235619507466, 0.7373262626262627], [0.10089350377504665, 0.7272272727272726], [0.101089898989899, 0.7267345604681408], [0.10532231141912096, 0.7171282828282828], [0.10983491369898121, 0.707029292929293], [0.11118888888888889, 0.7040421366791542], [0.11471959747342134, 0.696930303030303], [0.11980648074396992, 0.6868313131313131], [0.1212878787878788, 0.683933223361216], [0.1252889013037805, 0.6767323232323232], [0.13098455473909643, 0.6666333333333332], [0.13138686868686866, 0.6659307143789645], [0.13719767879020003, 0.6565343434343435], [0.14148585858585858, 0.6497059957636233], [0.1436919784248732, 0.6464353535353535], [0.15061123147360336, 0.6363363636363635], [0.1515848484848485, 0.6349376978113306], [0.15805889278291618, 0.6262373737373739], [0.16168383838383837, 0.6214438247494802], [0.16595473378659034, 0.6161383838383838], [0.17178282828282826, 0.609016248418895], [0.1743664440517177, 0.606039393939394], [0.18188181818181817, 0.5975232550726378], [0.18335847895076274, 0.595940404040404], [0.19198080808080809, 0.5868533379485212], [0.19299287737624812, 0.5858414141414141], [0.20207979797979797, 0.5769110908017299], [0.20332993528434182, 0.5757424242424243], [0.21217878787878786, 0.5676140929014519], [0.21442877281003342, 0.5656434343434343], [0.2222777777777778, 0.5588905101802017], [0.2263478224060544, 0.5555444444444444], [0.23237676767676768, 0.5506772225657846], [0.23914525842747186, 0.5454454545454546], [0.24247575757575757, 0.5429183438789226], [0.25257474747474745, 0.5355681824118296], [0.2528918161942093, 0.5353464646464646], [0.26267373737373734, 0.5286340647916506], [0.26780249784922305, 0.5252474747474747], [0.2727727272727273, 0.5220280695003408], [0.28287171717171716, 0.5157244128281355], [0.28382794976453923, 0.5151484848484849], [0.29297070707070705, 0.5097488165258462], [0.30120678188170064, 0.5050494949494949], [0.303069696969697, 0.5040076024676943], [0.3131686868686869, 0.4985445917043578], [0.32003056648201406, 0.4949505050505051], [0.32326767676767676, 0.49328923337443276], [0.33336666666666664, 0.4882659198337199], [0.3404422484604557, 0.48485151515151514], [0.34346565656565653, 0.4834226123308021], [0.35356464646464647, 0.47878802095703055], [0.3626130261025236, 0.47475252525252526], [0.36366363636363636, 0.47429382571037004], [0.37376262626262624, 0.4700053607906125], [0.3838616161616162, 0.46583123847707675], [0.38678695647724715, 0.4646535353535354], [0.39396060606060607, 0.4618276188776165], [0.40405959595959595, 0.45795002481377417], [0.4131267931657446, 0.45455454545454543], [0.41415858585858584, 0.4541766510817956], [0.4242575757575757, 0.45056700726862764], [0.43435656565656566, 0.4470422843941281], [0.4419423899160838, 0.44445555555555555], [0.44445555555555555, 0.44361783367573165], [0.45455454545454543, 0.4403271411811108], [0.4646535353535354, 0.43710876174712754], [0.4734794624258697, 0.43435656565656566], [0.47475252525252526, 0.43396871014749183], [0.48485151515151514, 0.43095668455083636], [0.494950505050505, 0.42800675434226165], [0.5050494949494949, 0.42511641085777385], [0.5081109176956913, 0.4242575757575757], [0.5151484848484849, 0.42232974164641257], [0.5252474747474747, 0.4196169883300424], [0.5353464646464646, 0.41695589991483417], [0.5454454545454546, 0.41434454518814795], [0.5461780626930897, 0.4141585858585859], [0.5555444444444444, 0.41183838001302614], [0.5656434343434343, 0.40938176497778944], [0.5757424242424243, 0.40696862452536525], [0.5858414141414141, 0.40459744664037567], [0.588171986754495, 0.40405959595959595], [0.595940404040404, 0.4023110572181124], [0.606039393939394, 0.40007614518231605], [0.6161383838383838, 0.39787816949173305], [0.6187203848370728, 0.3973253511439707]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.755078183160142, 0.3717978783080208], [0.7575242424242424, 0.37139837372907886], [0.7676232323232324, 0.3697707926287336], [0.7777222222222222, 0.3681644849545306], [0.7878212121212121, 0.3665789017618178], [0.797920202020202, 0.36501351508323], [0.8067397836606286, 0.36366363636363636], [0.8080191919191919, 0.3634731810159634], [0.8181181818181819, 0.3619884980072118], [0.8282171717171718, 0.3605220302146447], [0.8383161616161616, 0.3590733360938425], [0.8484151515151515, 0.3576419899631486], [0.8585141414141414, 0.3562275812528114], [0.8686131313131313, 0.3548297137980363], [0.8778595831257681, 0.35356464646464647], [0.8787121212121212, 0.3534512903674052], [0.8888111111111111, 0.3521238422810369], [0.898910101010101, 0.35081139225093094], [0.9090090909090909, 0.34951360515149227], [0.9191080808080808, 0.3482301569655055], [0.9292070707070708, 0.34696073429855123], [0.9393060606060606, 0.3457050339196678], [0.9494050505050506, 0.34446276232657586], [0.957597662877736, 0.34346565656565653], [0.9595040404040404, 0.34324035961243293], [0.9696030303030303, 0.3420593506977733], [0.9797020202020202, 0.34089057918191323], [0.98980101010101, 0.3397337940601102], [0.9999, 0.33858875197193417]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#38568B\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652729224944\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.04990835997822998, 0.9999], [0.0505949494949495, 0.9948803446654009], [0.051444911294296077, 0.9898010101010101], [0.05315217956546717, 0.9797020202020202], [0.054877138235549454, 0.9696030303030303], [0.05662015775573989, 0.9595040404040404], [0.05838162033679076, 0.9494050505050505], [0.060161920452062555, 0.9393060606060606], [0.060693939393939404, 0.9363203869097854], [0.06219268403447063, 0.9292070707070708], [0.06434374980748563, 0.9191080808080807], [0.06651858214362014, 0.9090090909090909], [0.06871771209689329, 0.898910101010101], [0.0707929292929293, 0.8894866217948172], [0.07096462426040467, 0.8888111111111111], [0.07356082368970886, 0.8787121212121212], [0.07618703421436887, 0.8686131313131313], [0.07884395779074355, 0.8585141414141415], [0.0808919191919192, 0.8508208583176803], [0.08161783370248198, 0.8484151515151515], [0.08470166396147186, 0.8383161616161616], [0.0878228704047968, 0.8282171717171718], [0.09098237016210567, 0.8181181818181819], [0.0909909090909091, 0.8180912229413336], [0.0945568158216113, 0.8080191919191919], [0.098177236893073, 0.7979202020202021], [0.101089898989899, 0.7898976594829072], [0.10192318542979535, 0.7878212121212121], [0.10602823802891205, 0.7777222222222222], [0.11018694601930507, 0.7676232323232325], [0.11118888888888889, 0.7652219204623167], [0.11470677400652887, 0.7575242424242424], [0.11938401701122034, 0.7474252525252525], [0.1212878787878788, 0.7433696527395872], [0.12437167185585207, 0.7373262626262627], [0.12959600962404208, 0.7272272727272727], [0.13138686868686866, 0.7238131685405003], [0.13517399619441703, 0.7171282828282828], [0.14097642943637975, 0.707029292929293], [0.14148585858585858, 0.7061552194745337], [0.14726065929684207, 0.696930303030303], [0.1515848484848485, 0.6901220360756757], [0.1538190661261468, 0.6868313131313131], [0.1607772867383103, 0.6767323232323232], [0.16168383838383837, 0.6754360669205285], [0.16823732406022313, 0.6666333333333333], [0.17178282828282826, 0.6619425691462603], [0.17611836809371367, 0.6565343434343435], [0.1818818181818182, 0.649454668204744], [0.1844802444637852, 0.6464353535353535], [0.19198080808080809, 0.6378549708050751], [0.19338005452000215, 0.6363363636363636], [0.20207979797979797, 0.6270431746820717], [0.20287282319928798, 0.6262373737373738], [0.21217878787878786, 0.6169327656194024], [0.21301203774443603, 0.6161383838383838], [0.22227777777777777, 0.607448474816821], [0.22385010442157965, 0.606039393939394], [0.23237676767676768, 0.5985242948807916], [0.23543874329768746, 0.595940404040404], [0.24247575757575757, 0.5901019125798904], [0.2478293362017029, 0.5858414141414141], [0.2525747474747475, 0.5821294568674247], [0.2610732394996972, 0.5757424242424243], [0.26267373737373734, 0.5745604884057097], [0.2727727272727273, 0.5673839785264327], [0.27531448586843377, 0.5656434343434343], [0.28287171717171716, 0.5605599796122027], [0.29059907480167807, 0.5555444444444444], [0.29297070707070705, 0.5540328401253016], [0.303069696969697, 0.5478142246820294], [0.30704694688911677, 0.5454454545454546], [0.3131686868686868, 0.5418663596665585], [0.32326767676767676, 0.5361493674471524], [0.324731012999662, 0.5353464646464646], [0.33336666666666664, 0.5306968107178281], [0.34346565656565653, 0.5254215510765333], [0.3438088557341712, 0.5252474747474747], [0.35356464646464647, 0.5203934166539217], [0.36366363636363636, 0.5155101212561015], [0.3644325894289688, 0.5151484848484849], [0.37376262626262624, 0.5108457862113712], [0.3838616161616162, 0.5063126494913419], [0.38675072172676905, 0.5050494949494949], [0.39396060606060607, 0.5019596524916605], [0.40405959595959595, 0.497741218887217], [0.4109097193785396, 0.494950505050505], [0.4141585858585858, 0.4936536647795139], [0.4242575757575757, 0.48971960461568764], [0.43435656565656566, 0.48587809765078666], [0.4371188544447449, 0.48485151515151514], [0.4444555555555555, 0.4821811006027692], [0.45455454545454543, 0.47858785904350665], [0.4646535353535354, 0.47507357906913383], [0.4655964224331935, 0.47475252525252526], [0.4747525252525252, 0.47170049097941463], [0.48485151515151514, 0.4684050216355231], [0.494950505050505, 0.4651774911059778], [0.4966237690840527, 0.4646535353535354], [0.5050494949494949, 0.46207188636064955], [0.5151484848484849, 0.45903881401804647], [0.5252474747474747, 0.4560646286981722], [0.530474586671765, 0.45455454545454543], [0.5353464646464646, 0.45317801623424453], [0.5454454545454546, 0.4503779162655993], [0.5555444444444444, 0.4476291878534666], [0.5656434343434343, 0.44492997994783934], [0.5674504549957491, 0.4444555555555555], [0.5757424242424243, 0.4423274547597489], [0.5858414141414141, 0.43978065978003733], [0.595940404040404, 0.4372773945272391], [0.606039393939394, 0.4348161959556523], [0.6079570798737601, 0.43435656565656566], [0.6161383838383838, 0.43244074529736337], [0.6262373737373738, 0.43011430833609676], [0.6363363636363636, 0.42782509007026304], [0.6464353535353535, 0.4255719183664291], [0.6524191588077141, 0.4242575757575757], [0.6565343434343435, 0.4233749408748553], [0.6591162622935901, 0.4228296182437681]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.7954631231019219, 0.39715493576081007], [0.7979202020202021, 0.39674277935511554], [0.8080191919191919, 0.395070056632742], [0.8148016975193142, 0.3939606060606061], [0.818118181818182, 0.39343184315050056], [0.8282171717171717, 0.3918414673191606], [0.8383161616161616, 0.39027036693195416], [0.8484151515151515, 0.3887180803395887], [0.8585141414141414, 0.3871841622815458], [0.8686131313131313, 0.385668183119399], [0.8787121212121212, 0.3841697281144464], [0.8808126772166534, 0.3838616161616162], [0.8888111111111111, 0.3827188656126248], [0.898910101010101, 0.38129230690823734], [0.909009090909091, 0.3798816859773996], [0.9191080808080808, 0.37848665063178577], [0.9292070707070708, 0.3771068602294463], [0.9393060606060606, 0.37574198517553337], [0.9494050505050505, 0.374391706449725], [0.9541603767542659, 0.37376262626262624], [0.9595040404040404, 0.373074563408435], [0.9696030303030303, 0.3717878087025272], [0.9797020202020201, 0.3705143871140057], [0.9898010101010102, 0.3692540251635346], [0.9999, 0.36800645770055096]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#30678D\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652729202224\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.06416300602298054, 0.9999], [0.06616121681783652, 0.98980101010101], [0.0681799203585926, 0.9797020202020204], [0.07021954133307746, 0.9696030303030303], [0.0707929292929293, 0.9667933721656218], [0.07250987225799453, 0.9595040404040404], [0.07491377703565122, 0.9494050505050504], [0.07734338978973619, 0.9393060606060607], [0.07979926632495593, 0.9292070707070708], [0.08089191919191921, 0.9247624634174384], [0.08246759452340147, 0.9191080808080808], [0.08531291751476044, 0.9090090909090909], [0.08819002896517952, 0.898910101010101], [0.0909909090909091, 0.8891885300639796], [0.09111245297331048, 0.8888111111111111], [0.09440189400707946, 0.8787121212121212], [0.09772935975012828, 0.8686131313131313], [0.101089898989899, 0.8585316629740259], [0.10109635483735976, 0.8585141414141414], [0.10486137545912402, 0.8484151515151515], [0.10867148187289219, 0.8383161616161615], [0.11118888888888889, 0.8317234778943629], [0.11265534324894773, 0.8282171717171716], [0.11693089811300156, 0.818118181818182], [0.12125956028466384, 0.8080191919191919], [0.12128787878787879, 0.8079539440522217], [0.1260214747094201, 0.797920202020202], [0.13084653915664052, 0.7878212121212123], [0.13138686868686866, 0.7867046931088575], [0.1360816968453959, 0.7777222222222222], [0.14142908267524562, 0.7676232323232324], [0.14148585858585858, 0.7675174077266621], [0.14724448967991965, 0.7575242424242423], [0.1515848484848485, 0.7500920086701545], [0.15324962378621404, 0.7474252525252525], [0.15963988460653236, 0.7373262626262627], [0.16168383838383837, 0.7341399989535032], [0.16640438015888465, 0.7272272727272727], [0.17178282828282826, 0.7194597386556802], [0.17349503017434637, 0.7171282828282828], [0.1810168338306892, 0.7070292929292928], [0.18188181818181817, 0.7058844113975365], [0.18903341247428454, 0.696930303030303], [0.19198080808080809, 0.6932931266792753], [0.19750018459936614, 0.6868313131313131], [0.20207979797979797, 0.6815479906758481], [0.2064680921610587, 0.6767323232323232], [0.21217878787878786, 0.6705582985091966], [0.21598628100460165, 0.6666333333333333], [0.2222777777777778, 0.6602452430085484], [0.22610253701861158, 0.6565343434343435], [0.23237676767676768, 0.6505398188131748], [0.2368636582939429, 0.6464353535353535], [0.24247575757575757, 0.6413811673824695], [0.2483157781853537, 0.6363363636363635], [0.25257474747474745, 0.632715255529905], [0.26050465064546563, 0.6262373737373738], [0.26267373737373734, 0.6244938094499559], [0.2727727272727273, 0.6166822896891888], [0.2735024379998349, 0.6161383838383838], [0.28287171717171716, 0.6092683278693243], [0.2874353956634971, 0.606039393939394], [0.29297070707070705, 0.6021877278797915], [0.3022638466657587, 0.595940404040404], [0.303069696969697, 0.5954077739285629], [0.3131686868686869, 0.5889516248017519], [0.3181933026614819, 0.5858414141414141], [0.32326767676767676, 0.5827540893895977], [0.33336666666666664, 0.5767987440014434], [0.33521306712139715, 0.5757424242424243], [0.34346565656565653, 0.5711032436270349], [0.35346793272368654, 0.5656434343434342], [0.35356464646464647, 0.5655915767559738], [0.36366363636363636, 0.5603290462264072], [0.3731040680007471, 0.5555444444444444], [0.37376262626262624, 0.5552166869324222], [0.3838616161616162, 0.550324537675189], [0.39396060606060607, 0.5455594390261288], [0.3942084546922797, 0.5454454545454546], [0.40405959595959595, 0.5409980765691227], [0.41415858585858584, 0.5365513639675383], [0.4169626064704129, 0.5353464646464646], [0.4182333283975369, 0.5348106351117395]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.5520887320594995, 0.4875428534746954], [0.5555444444444444, 0.4865177489956016], [0.5612645086568392, 0.48485151515151514], [0.5656434343434343, 0.4836022468934905], [0.5757424242424243, 0.4807720831525867], [0.5858414141414141, 0.4779911336779761], [0.595940404040404, 0.47525771609036616], [0.5978388036488399, 0.47475252525252526], [0.606039393939394, 0.4726161696817743], [0.6161383838383838, 0.4700287384791261], [0.6262373737373738, 0.46748337442416465], [0.6363363636363636, 0.4649787314938695], [0.637668566656739, 0.4646535353535354], [0.6464353535353535, 0.46255954271829314], [0.6565343434343435, 0.4601847406243542], [0.6666333333333333, 0.45784619098950324], [0.6767323232323232, 0.455542803613979], [0.6811303996854412, 0.45455454545454543], [0.6868313131313131, 0.4533016869504203], [0.6969303030303031, 0.45111468375896074], [0.707029292929293, 0.4489591448499085], [0.7171282828282828, 0.4468341776993268], [0.7272272727272727, 0.4447389272291433], [0.7286122088894735, 0.44445555555555555], [0.7373262626262628, 0.44271263524383775], [0.7474252525252525, 0.44072018941017577], [0.7575242424242424, 0.43875448506998693], [0.7676232323232324, 0.43681481390075416], [0.7777222222222222, 0.43490049535533254], [0.780629230067607, 0.43435656565656566], [0.7878212121212121, 0.4330418063555575], [0.7979202020202021, 0.43121913572916276], [0.8080191919191919, 0.429419389530305], [0.8181181818181819, 0.4276419982557953], [0.8282171717171717, 0.4258864133642769], [0.8377020054563391, 0.4242575757575757], [0.8383161616161616, 0.4241545875487455], [0.8484151515151515, 0.4224813615602241], [0.8585141414141413, 0.4208279352073826], [0.8686131313131313, 0.4191938453784577], [0.8787121212121212, 0.41757864502225545], [0.8888111111111111, 0.415981902413996], [0.898910101010101, 0.41440320046263385], [0.9004925856316912, 0.41415858585858584], [0.9090090909090909, 0.41287385327764703], [0.9191080808080808, 0.411367231836623], [0.9292070707070708, 0.40987707475148527], [0.9393060606060606, 0.4084030260637517], [0.9494050505050505, 0.4069447412353006], [0.9595040404040404, 0.40550188666499776], [0.9696030303030303, 0.4040741392306278], [0.9697069773615367, 0.40405959595959595], [0.9797020202020201, 0.4026957096099143], [0.9898010101010102, 0.4013317719024053], [0.9999, 0.3999816801253656]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#29788E\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652729135960\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.0822311282740024, 0.9999], [0.08484537812752939, 0.98980101010101], [0.08748643854483958, 0.9797020202020201], [0.09015486514303636, 0.9696030303030303], [0.0909909090909091, 0.9664717047123357], [0.0930703157296334, 0.9595040404040404], [0.09611611526554056, 0.9494050505050505], [0.09919448736563671, 0.9393060606060606], [0.101089898989899, 0.9331544208869178], [0.10243425290279612, 0.9292070707070708], [0.10591126435768317, 0.9191080808080808], [0.10942669240273056, 0.9090090909090909], [0.11118888888888889, 0.9040026517428915], [0.11315219613367794, 0.898910101010101], [0.11708960184753092, 0.888811111111111], [0.12107200236581053, 0.8787121212121212], [0.12128787878787879, 0.8781709349966661], [0.12543208031097505, 0.8686131313131313], [0.12986214658179718, 0.8585141414141414], [0.13138686868686866, 0.8550789615375564], [0.1345813115369105, 0.8484151515151515], [0.1394804554763911, 0.8383161616161616], [0.14148585858585858, 0.834231769840134], [0.1446577594476715, 0.8282171717171717], [0.15004897579051515, 0.8181181818181817], [0.1515848484848485, 0.8152764362713243], [0.15577768398992364, 0.8080191919191919], [0.16168383838383837, 0.7979233975494532], [0.16168582841660206, 0.797920202020202], [0.16805513709531322, 0.7878212121212123], [0.17178282828282826, 0.7819859795779904], [0.17467169964914903, 0.7777222222222222], [0.1816036167621211, 0.7676232323232324], [0.18188181818181817, 0.7672232230912146], [0.18901278216713338, 0.7575242424242423], [0.19198080808080809, 0.7535408283540291], [0.19678379182482153, 0.7474252525252525], [0.20207979797979797, 0.7407724230328808], [0.20496379710723886, 0.7373262626262627], [0.21217878787878786, 0.7288221807645956], [0.21359793250956444, 0.7272272727272727], [0.22227777777777777, 0.7176069499779744], [0.22272973562941395, 0.7171282828282828], [0.23065560584261227, 0.7088514083251873]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.3533860873940056, 0.6148575318621499], [0.35356464646464647, 0.6147531646956469], [0.36366363636363636, 0.6090165923065106], [0.3690524848880077, 0.606039393939394], [0.37376262626262624, 0.6034801705917645], [0.3838616161616162, 0.5981392577174258], [0.38813022714204076, 0.595940404040404], [0.3939606060606061, 0.5929875205147754], [0.40405959595959595, 0.588002204246571], [0.40854760967906517, 0.5858414141414141], [0.41415858585858584, 0.5831861378512274], [0.4242575757575757, 0.5785221472674265], [0.4304215550308539, 0.5757424242424243], [0.43435656565656566, 0.5739987401720402], [0.44445555555555555, 0.5696265311410313], [0.45386723797140366, 0.5656434343434343], [0.4545545454545455, 0.5653577080788563], [0.4646535353535354, 0.5612516321818077], [0.47475252525252526, 0.557233847070008], [0.47909026812274724, 0.5555444444444444], [0.48485151515151514, 0.5533410595739464], [0.4949505050505051, 0.5495583335547277], [0.5050494949494949, 0.545852016208144], [0.5061796728152066, 0.5454454545454546], [0.5151484848484849, 0.5422782738372465], [0.5252474747474747, 0.5387812296835606], [0.5353464646464646, 0.5353507873987099], [0.5353594329032004, 0.5353464646464646], [0.5454454545454546, 0.5320472907522495], [0.5555444444444444, 0.528804480450319], [0.5656434343434343, 0.5256200919291449], [0.5668464444346085, 0.5252474747474747], [0.5757424242424243, 0.5225445348051347], [0.5858414141414141, 0.5195294323018768], [0.5959404040404039, 0.5165658638206458], [0.6008529788018572, 0.5151484848484849], [0.606039393939394, 0.5136811496158229], [0.6161383838383838, 0.5108711746044919], [0.6262373737373738, 0.5081068849175387], [0.6363363636363636, 0.5053868187611003], [0.6376088067739498, 0.5050494949494949], [0.6464353535353535, 0.5027559122534015], [0.6565343434343435, 0.5001723656541354], [0.6666333333333333, 0.4976282580959711], [0.6767323232323232, 0.4951224035508633], [0.6774355179142859, 0.494950505050505], [0.6868313131313131, 0.4927000633406508], [0.6969303030303031, 0.49031650347186384], [0.707029292929293, 0.48796723573449186], [0.7171282828282828, 0.48565128738910474], [0.7206652552007985, 0.48485151515151514], [0.7272272727272728, 0.48339831603237626], [0.7373262626262627, 0.48119267745773897], [0.7474252525252525, 0.47901704446079474], [0.7575242424242425, 0.4768706115929605], [0.7676232323232324, 0.47475260540794506], [0.7676236195786579, 0.47475252525252526], [0.7777222222222222, 0.4727062820053318], [0.7878212121212121, 0.4706863618051978], [0.797920202020202, 0.4686921705274194], [0.8080191919191919, 0.4667230609581957], [0.8181181818181819, 0.4647784100017924], [0.8187747378012856, 0.4646535353535354], [0.8282171717171717, 0.4628962341717455], [0.8383161616161616, 0.4610395229881542], [0.8484151515151515, 0.4592050457646405], [0.8585141414141413, 0.4573922762966468], [0.8686131313131313, 0.4556007068416521], [0.8745792583981332, 0.45455454545454543], [0.8787121212121212, 0.453845772528686], [0.888811111111111, 0.45213361949117226], [0.898910101010101, 0.4504408110652106], [0.9090090909090909, 0.4487669150031587], [0.9191080808080807, 0.4471115133850505], [0.9292070707070708, 0.44547420199228566], [0.9355587761248116, 0.4444555555555555], [0.9393060606060606, 0.44386809271018624], [0.9494050505050504, 0.44230180259606233], [0.9595040404040404, 0.44075208555485546], [0.9696030303030303, 0.4392185945328754], [0.9797020202020204, 0.43770099326495104], [0.9898010101010101, 0.4361989558318498], [0.9999, 0.4347121662401613]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#23888D\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652728622776\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.10561910768957583, 0.9999], [0.10884904231554265, 0.9898010101010102], [0.11118888888888889, 0.9825593132149525], [0.11220007090023638, 0.9797020202020201], [0.11581108694633625, 0.9696030303030303], [0.11945991144586626, 0.9595040404040404], [0.12121293696711961, 0.9547029262699531]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.21006027577803912, 0.7948691421771853], [0.21217878787878786, 0.7921654905538764], [0.2157488891438141, 0.7878212121212121], [0.22227777777777774, 0.7799777287884664], [0.22424256873030485, 0.7777222222222222], [0.23237676767676768, 0.7685049410520093], [0.23318944896200805, 0.7676232323232324], [0.24247575757575757, 0.7576798511037076], [0.242627266715264, 0.7575242424242424], [0.25257474747474745, 0.7474429083311435], [0.2525928798414563, 0.7474252525252525], [0.26267373737373734, 0.7377410870435374], [0.2631224859016225, 0.7373262626262627], [0.2727727272727273, 0.7285269096499494], [0.2742518154848388, 0.7272272727272727], [0.28287171717171716, 0.7197576451589022], [0.28601630535911704, 0.7171282828282828], [0.29297070707070705, 0.711394646309315], [0.29845125565519887, 0.707029292929293], [0.303069696969697, 0.7034027973058579], [0.3115919744913347, 0.6969303030303029], [0.3131686868686868, 0.695750050530035], [0.32326767676767676, 0.688430376833711], [0.3255439416500767, 0.6868313131313131], [0.33336666666666664, 0.6814161077541573], [0.34034094941018445, 0.6767323232323232], [0.34346565656565653, 0.6746649196298278], [0.35356464646464647, 0.6681767607649016], [0.356036655836509, 0.6666333333333333], [0.36366363636363636, 0.6619429414509332], [0.37270618715921805, 0.6565343434343435], [0.37376262626262624, 0.6559121042100852], [0.3838616161616162, 0.650122429505885], [0.39046450009563705, 0.6464353535353535], [0.39396060606060607, 0.644513378268265], [0.40405959595959595, 0.6391020187777299], [0.4093516704413759, 0.6363363636363636], [0.41415858585858584, 0.6338638104405885], [0.4242575757575757, 0.6287943056699741], [0.4294739764162877, 0.6262373737373738], [0.43435656565656566, 0.6238823552052463], [0.4444555555555556, 0.6191232734484505], [0.4509352186986113, 0.6161383838383838], [0.45455454545454543, 0.6144982294343124], [0.4646535353535354, 0.6100222835967789], [0.47383753075443025, 0.606039393939394], [0.47475252525252526, 0.6056491397711523], [0.48485151515151514, 0.6014324893417425], [0.49495050505050503, 0.5973027686333507], [0.4983507710192839, 0.595940404040404], [0.505049494949495, 0.5933015685138462], [0.5151484848484849, 0.5894020306449343], [0.5245523141959872, 0.5858414141414141], [0.5252474747474747, 0.5855827010138223], [0.5353464646464646, 0.5818958101162185], [0.5454454545454546, 0.5782778243637682], [0.5526548574553317, 0.5757424242424243], [0.5555444444444445, 0.5747438864230825], [0.5656434343434343, 0.5713169094311107], [0.5757424242424243, 0.5679505794647807], [0.5827863477588898, 0.5656434343434343], [0.5858414141414141, 0.5646604956602584], [0.595940404040404, 0.5614667774150134], [0.606039393939394, 0.5583267287228257], [0.6151381203489135, 0.5555444444444444], [0.6161383838383838, 0.5552440860196811], [0.6262373737373738, 0.5522608718406217], [0.6363363636363636, 0.5493253835796899], [0.6464353535353535, 0.5464361181980595], [0.6499525930889362, 0.5454454545454546], [0.6565343434343435, 0.5436256532060987], [0.6666333333333332, 0.5408759888613747], [0.6767323232323232, 0.5381676682663449], [0.6868313131313131, 0.5354994665324844], [0.6874189948200088, 0.5353464646464646], [0.696930303030303, 0.5329164916551303], [0.707029292929293, 0.5303734962287241], [0.7171282828282828, 0.5278665678116586], [0.7272272727272727, 0.5253946976262139], [0.7278371731202773, 0.5252474747474747], [0.7373262626262627, 0.5230005427095926], [0.7474252525252525, 0.5206417236964656], [0.7575242424242424, 0.5183145634326899], [0.7676232323232324, 0.5160182233486077], [0.7714988803595039, 0.5151484848484849], [0.7777222222222222, 0.5137790124603114], [0.7878212121212123, 0.511585359820794], [0.797920202020202, 0.5094196490368179], [0.8080191919191919, 0.5072811772280108], [0.8181181818181819, 0.5051692677064509], [0.8186980401277215, 0.5050494949494949], [0.8282171717171717, 0.5031221988007265], [0.8383161616161616, 0.5011022831722075], [0.8484151515151515, 0.4991065558632513], [0.8585141414141414, 0.4971344444160525], [0.8686131313131313, 0.4951853964576504], [0.8698444545264136, 0.49495050505050503], [0.8787121212121212, 0.4932930485519226], [0.888811111111111, 0.49142701594375077], [0.898910101010101, 0.48958206654202], [0.9090090909090909, 0.48775772925087757], [0.9191080808080808, 0.485953548589845], [0.9253449233295568, 0.48485151515151514], [0.9292070707070708, 0.4841831528911588], [0.9393060606060606, 0.4824543686655412], [0.9494050505050504, 0.48074407250716955], [0.9595040404040405, 0.4790518731641241], [0.9696030303030303, 0.47737739167430326], [0.9797020202020202, 0.4757202608560304], [0.9856607650246982, 0.47475252525252526], [0.9898010101010101, 0.47409427872927534], [0.9999, 0.4725049665247236]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#1E988A\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652728218904\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.13555562533852836, 0.9999], [0.1397087677784725, 0.9898010101010101], [0.14148585858585858, 0.9855236138161688], [0.14408368852474807, 0.9797020202020201], [0.14863696157140613, 0.9696030303030303], [0.1515848484848485, 0.9631324757136983], [0.1533519225188682, 0.9595040404040405], [0.15832224388153382, 0.9494050505050505], [0.16168383838383837, 0.9426470379389431], [0.16345294085371492, 0.9393060606060606], [0.16885832879473234, 0.9292070707070708], [0.17178282828282826, 0.9238022362639596], [0.17447672279690746, 0.9191080808080808], [0.18033639264657716, 0.9090090909090909], [0.1818818181818182, 0.9063750181798904], [0.18651178775772187, 0.898910101010101], [0.19198080808080809, 0.8901908923928579], [0.19289303785554035, 0.8888111111111111], [0.19964619258924982, 0.8787121212121212], [0.20207979797979797, 0.8751143801044918], [0.2067029117831501, 0.8686131313131313], [0.21217878787878786, 0.8610017007576378], [0.21405569783215772, 0.8585141414141414], [0.22176574177985456, 0.8484151515151515], [0.2222777777777778, 0.8477523983162936], [0.22990716151578194, 0.8383161616161616], [0.23237676767676768, 0.835298260278469], [0.23842886429130228, 0.8282171717171717], [0.24247575757575757, 0.8235396038828202], [0.24736578020559458, 0.8181181818181819], [0.25257474747474745, 0.8124140077569256], [0.2567518139589289, 0.8080191919191919], [0.26267373737373734, 0.8018659518623825], [0.26662005398711297, 0.797920202020202], [0.2727727272727273, 0.7918457858011263], [0.2770029553974357, 0.7878212121212121], [0.28287171717171716, 0.7823088825498721], [0.2879325018835396, 0.7777222222222222], [0.29297070707070705, 0.773214938813775], [0.29944035073963754, 0.7676232323232324], [0.303069696969697, 0.7645273923575945], [0.3115579642926899, 0.7575242424242424], [0.3131686868686869, 0.7562129334426263], [0.32326767676767676, 0.7482521912630222], [0.3243500287878767, 0.7474252525252525], [0.33336666666666664, 0.7406288184931125], [0.3378828670814058, 0.7373262626262627], [0.34346565656565653, 0.7332992823095379], [0.3521348082643395, 0.7272272727272727], [0.35356464646464647, 0.7262396037512847], [0.36366363636363636, 0.719460145060712], [0.3672351190738549, 0.7171282828282828], [0.37376262626262624, 0.71292599861914], [0.3831730261894312, 0.707029292929293], [0.3838616161616162, 0.7066039311933819], [0.39396060606060607, 0.7005275101237911], [0.4000944154632218, 0.696930303030303], [0.40405959595959595, 0.6946383560051257], [0.4141585858585858, 0.6889450676437308], [0.4180006169042162, 0.6868313131313131], [0.4242575757575757, 0.6834391957049463], [0.43435656565656566, 0.6780929840984361], [0.4369873218354666, 0.6767323232323232], [0.44445555555555555, 0.672926875285782], [0.45455454545454543, 0.6678965457062452], [0.4571475777432459, 0.6666333333333333], [0.4646535353535354, 0.6630317377613083], [0.47475252525252526, 0.6582901203759587], [0.478572497252172, 0.6565343434343435], [0.48485151515151514, 0.6536923697537381], [0.4949505050505051, 0.6492156557381122], [0.5013518742324162, 0.6464353535353535], [0.5050494949494949, 0.644854264689272], [0.5151484848484849, 0.640621473804926], [0.5252474747474747, 0.636470862448418], [0.5255810818706167, 0.6363363636363636], [0.5353464646464646, 0.6324612941853021], [0.5454454545454546, 0.6285287399267737], [0.5514397675965426, 0.6262373737373736], [0.5555444444444444, 0.62469343534902], [0.5656434343434343, 0.6209632240147078], [0.5727664690438424, 0.6183787863955461]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.707377628677273, 0.5763499382665819], [0.7096121716412545, 0.5757424242424243], [0.7171282828282828, 0.5737345230832149], [0.7272272727272726, 0.5710743444660853], [0.7373262626262627, 0.5684508541282706], [0.7474252525252525, 0.5658630538368955], [0.7482939856729378, 0.5656434343434343], [0.7575242424242425, 0.5633512804699651], [0.7676232323232324, 0.5608766073620993], [0.7777222222222222, 0.5584342796627515], [0.7878212121212121, 0.5560234627231483], [0.7898537244528924, 0.5555444444444444], [0.797920202020202, 0.5536776034345925], [0.8080191919191919, 0.5513697702680246], [0.8181181818181819, 0.5490906030521775], [0.8282171717171716, 0.5468393983867958], [0.83454717691566, 0.5454454545454546], [0.8383161616161616, 0.5446307054629389], [0.8484151515151515, 0.5424737289602676], [0.8585141414141414, 0.540342276415039], [0.8686131313131313, 0.5382357508240996], [0.8787121212121212, 0.5361535758881765], [0.8826720338713752, 0.5353464646464646], [0.8888111111111112, 0.5341185803281457], [0.898910101010101, 0.5321214908453606], [0.9090090909090909, 0.5301467132098461], [0.9191080808080808, 0.528193754380833], [0.9292070707070708, 0.5262621374817279], [0.9345699605375731, 0.5252474747474747], [0.9393060606060607, 0.5243684669936236], [0.9494050505050504, 0.5225141656927556], [0.9595040404040405, 0.5206794849400813], [0.9696030303030303, 0.5188640138652878], [0.9797020202020202, 0.5170673543703864], [0.9898010101010101, 0.5152891206057495], [0.9906079033567818, 0.5151484848484849], [0.9999, 0.5135603819246188]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#22A784\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652728220416\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.17398974323210012, 0.9999], [0.17937354011306483, 0.9898010101010102], [0.18188181818181814, 0.9851437155238669], [0.18498001509616335, 0.9797020202020201], [0.1907893933854791, 0.9696030303030303], [0.19198080808080809, 0.9675533426923437], [0.19691248979435988, 0.9595040404040404], [0.20207979797979797, 0.9511584629745439], [0.20322112372027373, 0.9494050505050505], [0.20986502632375645, 0.9393060606060606], [0.21217878787878786, 0.9358266650033051], [0.21679545782774023, 0.9292070707070708], [0.22227777777777774, 0.921431241738869], [0.2239918887880652, 0.9191080808080807], [0.23152561231765628, 0.9090090909090909], [0.23237676767676768, 0.9078807197298413], [0.23944421231478577, 0.8989101010101012], [0.24247575757575757, 0.8951051881485133], [0.24770389973086954, 0.8888111111111111], [0.25257474747474745, 0.8830134282910096], [0.2563359125831697, 0.8787121212121212], [0.26267373737373734, 0.8715469463791927], [0.26537054285109457, 0.8686131313131313], [0.2727727272727273, 0.8606534901572092], [0.27483731145883294, 0.8585141414141413], [0.28287171717171716, 0.8502861501898373], [0.28476512163509105, 0.8484151515151515], [0.29297070707070705, 0.8404026170827388], [0.2951823947187781, 0.8383161616161616], [0.303069696969697, 0.8309645630973845], [0.30611719167195595, 0.8282171717171717], [0.3131686868686869, 0.8219371238370039], [0.3175973229417842, 0.8181181818181819], [0.32326767676767676, 0.8132884610595479], [0.3296504488338836, 0.8080191919191919], [0.3333666666666667, 0.8049893917333437], [0.34230417218612436, 0.797920202020202], [0.34346565656565653, 0.7970130715445797], [0.35356464646464647, 0.7893542506662016], [0.3556447096865973, 0.7878212121212121], [0.36366363636363636, 0.781986420083287], [0.36968910670659066, 0.7777222222222222], [0.37376262626262624, 0.7748766048746162], [0.3838616161616162, 0.7680099069738251], [0.3844454691415624, 0.7676232323232324], [0.3880718205304698, 0.765252960351315]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.5175966171266768, 0.6951920583618562], [0.5252474747474747, 0.6918000460662128], [0.5353464646464646, 0.6874079256652186], [0.5366975451071708, 0.6868313131313131], [0.5454454545454546, 0.683152387195151], [0.5555444444444444, 0.678983184604387], [0.5610966965987173, 0.6767323232323232], [0.5656434343434343, 0.6749163975890172], [0.5757424242424243, 0.6709543326551688], [0.5858414141414141, 0.6670611648370266], [0.5869705200709681, 0.6666333333333333], [0.595940404040404, 0.6632856429229225], [0.606039393939394, 0.6595798923525413], [0.6144786639624426, 0.6565343434343435], [0.6161383838383837, 0.6559445299996675], [0.6262373737373736, 0.6524140081857277], [0.6363363636363636, 0.6489399682014273], [0.6437337271086883, 0.6464353535353535], [0.6464353535353535, 0.6455348113931317], [0.6565343434343434, 0.6422206666844292], [0.6666333333333333, 0.638957113936956], [0.6748669862473339, 0.6363363636363636], [0.6767323232323232, 0.6357519807675985], [0.6868313131313131, 0.6326349814846836], [0.696930303030303, 0.6295634808917421], [0.707029292929293, 0.6265361697917323], [0.7080404052178377, 0.6262373737373738], [0.7171282828282829, 0.6235947589996795], [0.7272272727272727, 0.6206991958102688], [0.7373262626262627, 0.6178435672441883], [0.7434398486753542, 0.6161383838383838], [0.7474252525252525, 0.6150448593829929], [0.7575242424242424, 0.6123110654535432], [0.7676232323232324, 0.6096134770323527], [0.7777222222222222, 0.6069511476517276], [0.7812259745055046, 0.606039393939394], [0.787821212121212, 0.6043515315182141], [0.7979202020202021, 0.6017999048361587], [0.8080191919191919, 0.5992803709415369], [0.8181181818181819, 0.59679213256494], [0.821618023144711, 0.595940404040404], [0.8282171717171717, 0.5943614098705361], [0.8383161616161615, 0.5919742872588043], [0.8484151515151515, 0.5896157502393383], [0.8585141414141414, 0.5872851222853801], [0.864843989998916, 0.5858414141414141], [0.8686131313131312, 0.5849964439440959], [0.8787121212121212, 0.5827586124398683], [0.8888111111111111, 0.5805463538187101], [0.898910101010101, 0.5783590902083612], [0.9090090909090909, 0.5761962631052571], [0.9111518972815397, 0.5757424242424243], [0.9191080808080808, 0.5740866349053707], [0.9292070707070708, 0.5720078663673858], [0.9393060606060606, 0.5699515690373392], [0.9494050505050504, 0.5679172622846893], [0.9595040404040404, 0.5659044807359868], [0.9608276812553491, 0.5656434343434343], [0.9696030303030303, 0.5639434010443871], [0.9797020202020201, 0.5620072135576799], [0.9898010101010102, 0.5600908827374544], [0.9999, 0.558194005432699]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#35B778\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652728242528\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.2233657836490486, 0.9999000000000001], [0.23028768168788585, 0.9898010101010101], [0.23237676767676768, 0.9867839927177864], [0.2374984885329695, 0.9797020202020204], [0.24247575757575757, 0.972890367070876], [0.2449800139147549, 0.9696030303030303], [0.25257474747474745, 0.959736728389879], [0.252761172387965, 0.9595040404040404], [0.2609378918583559, 0.9494050505050505], [0.26267373737373734, 0.9472838090133254], [0.26945803269089624, 0.9393060606060606], [0.2727727272727273, 0.9354499486087492], [0.2783415490407368, 0.9292070707070708], [0.2828717171717171, 0.9241834641377195], [0.2876149836895107, 0.9191080808080808], [0.29297070707070705, 0.9134399825866037], [0.2973042880213371, 0.9090090909090909], [0.303069696969697, 0.9031793503883618], [0.30743493713413295, 0.898910101010101], [0.3131686868686869, 0.8933650851841846], [0.3180320328400261, 0.8888111111111111], [0.32326767676767676, 0.8839639135359195], [0.3291203966794206, 0.8787121212121212], [0.33336666666666664, 0.8749453788192244], [0.3407246546959577, 0.8686131313131313], [0.34346565656565653, 0.8662815068064361], [0.3528693154227496, 0.8585141414141413], [0.35356464646464647, 0.8579465189693595], [0.36366363636363636, 0.8499345650274823], [0.36563278374660274, 0.8484151515151515], [0.37376262626262624, 0.8422163154874903], [0.37901784039433717, 0.8383161616161616], [0.3838616161616162, 0.8347644039578415], [0.39302859552311464, 0.8282171717171717], [0.39396060606060607, 0.8275595797737106], [0.40405959595959595, 0.8206144743890303], [0.4077813781445105, 0.8181181818181819], [0.41415858585858584, 0.8138933066139399], [0.42324412419246993, 0.8080191919191919], [0.4242575757575757, 0.8073720991699775], [0.43435656565656566, 0.8010755572190049], [0.43953648506673504, 0.7979202020202021], [0.4444555555555555, 0.7949614309194275], [0.45455454545454543, 0.7890234762529431], [0.45664524202623213, 0.7878212121212121], [0.4646535353535354, 0.7832746675222201], [0.4746485416664478, 0.7777222222222222], [0.47475252525252526, 0.7776652023412667], [0.48485151515151514, 0.7722439447148572], [0.4936403994277526, 0.7676232323232324], [0.494950505050505, 0.7669434535519052], [0.5050494949494949, 0.761809204391744], [0.5136481990996391, 0.7575242424242424], [0.5151484848484849, 0.7567865117137041], [0.5252474747474747, 0.7519169814030477], [0.5347437959854648, 0.7474252525252525], [0.5353464646464646, 0.7471440181402261], [0.5454454545454546, 0.7425194166603085], [0.5555444444444444, 0.7379796596427078], [0.5570246361645825, 0.7373262626262627], [0.5656434343434343, 0.7335734474507898], [0.5757424242424243, 0.729253943285339], [0.5805646291782891, 0.7272272727272727], [0.5858414141414141, 0.725040137868757], [0.595940404040404, 0.7209258280721067], [0.6054211851862339, 0.7171282828282828], [0.606039393939394, 0.7168841210320872], [0.6161383838383838, 0.7129614404138962], [0.6262373737373738, 0.7091025357850822], [0.6317513914468749, 0.707029292929293], [0.6363363636363636, 0.7053298167532], [0.6464353535353535, 0.7016454453826219], [0.6565343434343435, 0.6980181895863017], [0.659610186656211, 0.696930303030303], [0.6666333333333333, 0.6944820426590947], [0.6767323232323232, 0.6910144810008225], [0.6868313131313131, 0.6875982849840554], [0.6891322286895399, 0.6868313131313131], [0.696930303030303, 0.6842698977242214], [0.707029292929293, 0.6810004301535275], [0.7171282828282828, 0.6777773330623821], [0.7204490711977938, 0.6767323232323232], [0.7215374253591144, 0.6763949054176828]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.8567059828564212, 0.6387765999801498], [0.8585141414141414, 0.6383236552662852], [0.866541300081255, 0.6363363636363636], [0.8686131313131313, 0.6358315149651097], [0.8787121212121212, 0.6333991135091728], [0.8888111111111111, 0.6309945083899544], [0.898910101010101, 0.6286170714916537], [0.9090090909090909, 0.6262661957511918], [0.9091342889974757, 0.6262373737373738], [0.9191080808080808, 0.6239780272600233], [0.9292070707070708, 0.6217153199293443], [0.9393060606060606, 0.6194770721601808], [0.9494050505050505, 0.6172627607936384], [0.9545879284618753, 0.6161383838383838], [0.9595040404040404, 0.6150892187939763], [0.9696030303030303, 0.6129565234740116], [0.9797020202020202, 0.6108459267536634], [0.9898010101010101, 0.6087569753623142], [0.9999, 0.6066892298336369]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#53C567\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652728243984\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.28682194148901935, 0.9999], [0.29297070707070705, 0.9928174174281763], [0.2956812811870852, 0.9898010101010101], [0.303069696969697, 0.9816624273509497], [0.30490972545809925, 0.9797020202020202], [0.3131686868686868, 0.9709929810534863], [0.31453001643034717, 0.9696030303030303], [0.322237597971503, 0.9618149448529691]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.44396185939283955, 0.8643703661639466], [0.44445555555555555, 0.8640469356660234], [0.45309513664357565, 0.8585141414141414], [0.45455454545454543, 0.8575904649647345], [0.4646535353535354, 0.8513391585287576], [0.46948107475408213, 0.8484151515151515], [0.4747525252525253, 0.8452600526714814], [0.48485151515151514, 0.8393427829260859], [0.4866405292458885, 0.8383161616161616], [0.4949505050505051, 0.833604606859905], [0.5046484531583403, 0.8282171717171718], [0.5050494949494949, 0.8279970839022464], [0.5151484848484849, 0.8225645897546083], [0.5235780023855845, 0.8181181818181819], [0.5252474747474747, 0.8172483713889589], [0.5353464646464646, 0.81208691436043], [0.5434570157883212, 0.8080191919191919], [0.5454454545454546, 0.8070343082356226], [0.5555444444444444, 0.8021239977303517], [0.5643489724463164, 0.7979202020202019], [0.5656434343434343, 0.7973099238079704], [0.5757424242424243, 0.7926329813550218], [0.5858414141414141, 0.7880373671616331], [0.5863246808260918, 0.7878212121212121], [0.595940404040404, 0.783575084295371], [0.606039393939394, 0.7791904958869345], [0.6094780890030249, 0.7777222222222222], [0.6161383838383838, 0.7749150626658793], [0.6262373737373738, 0.7707277761658471], [0.6338467164559423, 0.7676232323232323], [0.6363363636363636, 0.76662075500727], [0.6464353535353535, 0.7626183431866007], [0.6565343434343435, 0.7586779772420283], [0.6595371559069161, 0.7575242424242424], [0.6666333333333333, 0.7548338714569351], [0.6767323232323232, 0.751062615319213], [0.6866192186029694, 0.7474252525252525], [0.6868313131313131, 0.7473482707681514], [0.696930303030303, 0.743736250372786], [0.707029292929293, 0.7401761958960003], [0.715230157333822, 0.7373262626262627], [0.7171282828282828, 0.7366756068781676], [0.7272272727272727, 0.7332622003694582], [0.7373262626262627, 0.7298958704031283], [0.7454424687818804, 0.7272272727272727], [0.7474252525252525, 0.7265843273857091], [0.7575242424242424, 0.7233535404704526], [0.7676232323232324, 0.7201655410824798], [0.7773721259877362, 0.7171282828282828], [0.7777222222222221, 0.7170207360132768], [0.7878212121212123, 0.7139584316663059], [0.797920202020202, 0.7109351337071947], [0.8080191919191919, 0.7079498609260739], [0.8111725842750519, 0.707029292929293], [0.8181181818181819, 0.705030426237038], [0.8282171717171718, 0.7021597055094861], [0.8383161616161616, 0.6993237780779066], [0.846942842993484, 0.696930303030303], [0.8484151515151516, 0.696527687593809], [0.8585141414141414, 0.6937987111440398], [0.8686131313131313, 0.6911016495831909], [0.8787121212121212, 0.6884357650542794], [0.8848604176538333, 0.6868313131313131], [0.888811111111111, 0.6858153939892605], [0.8989101010101012, 0.6832477844560545], [0.9090090909090909, 0.6807088607239855], [0.9191080808080809, 0.6781979889024886], [0.9250682748948464, 0.6767323232323232], [0.9292070707070708, 0.6757296322616122], [0.9393060606060606, 0.6733094347092534], [0.9494050505050505, 0.6709151193777256], [0.9595040404040404, 0.6685461385370548], [0.9677446303693931, 0.6666333333333334], [0.9696030303030303, 0.6662084477348367], [0.9797020202020204, 0.6639234424414215], [0.9898010101010101, 0.661661871132748], [0.9999, 0.6594232580273115]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#79D151\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652728245496\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.3682668614207737, 0.9999], [0.37376262626262624, 0.9949568984780494], [0.37965199584077364, 0.9898010101010102], [0.3838616161616162, 0.986153081066985], [0.39150446883831946, 0.9797020202020202], [0.3939606060606061, 0.9776501430603071], [0.40384331759795916, 0.9696030303030302], [0.40405959595959595, 0.9694287479231519], [0.41415858585858584, 0.9614916456252147], [0.4167500049524273, 0.9595040404040404], [0.4242575757575757, 0.9538060627684213], [0.4301959921667343, 0.9494050505050505], [0.43435656565656566, 0.9463542393158983], [0.44419472122617554, 0.9393060606060606], [0.4444555555555556, 0.9391211939861983], [0.45455454545454543, 0.9321243481346656], [0.45885984546082303, 0.9292070707070708], [0.4646535353535354, 0.9253236956734404], [0.4741305221572582, 0.9191080808080808], [0.47475252525252526, 0.9187045894151258], [0.48485151515151514, 0.912291308551451], [0.4901288174256905, 0.9090090909090909], [0.49495050505050503, 0.9060433762504946], [0.5050494949494949, 0.8999571800846188], [0.5068220368505818, 0.898910101010101], [0.5151484848484849, 0.894046438631355], [0.5242886691649356, 0.8888111111111112], [0.5252474747474747, 0.888268130042375], [0.5353464646464646, 0.8826578947866541], [0.5425845293083994, 0.8787121212121212], [0.5454454545454546, 0.8771703329933422], [0.5555444444444444, 0.8718277110120822], [0.5617323429699852, 0.8686131313131313], [0.5656434343434343, 0.8666048273200813], [0.5757424242424243, 0.8615108744598159], [0.5817887220902315, 0.8585141414141414], [0.5858414141414141, 0.8565289920185677], [0.595940404040404, 0.8516667069751891], [0.6028093311117472, 0.8484151515151515], [0.606039393939394, 0.846904224507587], [0.6161383838383838, 0.8422582919328834], [0.6248491211360705, 0.8383161616161616], [0.6262373737373738, 0.8376954176208231], [0.6363363636363636, 0.8332519923309583], [0.6464353535353535, 0.8288785342467514], [0.6479865891623725, 0.8282171717171717], [0.6565343434343434, 0.8246170431349477], [0.6666333333333333, 0.820428499054794], [0.6722887691199169, 0.8181181818181819], [0.6767323232323232, 0.8163252044540982], [0.6868313131313131, 0.8123106175731047], [0.696930303030303, 0.8083546314254737], [0.6977991252835196, 0.8080191919191919], [0.707029292929293, 0.8044998242333858], [0.7171282828282828, 0.8007037967769076], [0.7246388178672465, 0.797920202020202], [0.7272272727272727, 0.796972921079815], [0.7373262626262627, 0.7933280278404264], [0.7474252525252525, 0.7897327198452098], [0.7528675994364522, 0.7878212121212121], [0.7575242424242424, 0.7862064989836087], [0.7676232323232324, 0.7827510038346279], [0.7777222222222222, 0.7793406740054102], [0.7825775775717863, 0.7777222222222222], [0.7878212121212121, 0.7759968950544524], [0.7979202020202021, 0.7727163229886815], [0.8080191919191919, 0.7694770119360154], [0.8138712901550718, 0.7676232323232324], [0.8181181818181819, 0.7662955206537377], [0.8282171717171717, 0.7631769950171672], [0.8383161616161616, 0.7600962660859429], [0.8468497450635084, 0.7575242424242424], [0.8484151515151515, 0.7570586771780496], [0.8585141414141414, 0.7540906926978488], [0.8686131313131313, 0.7511574182625114], [0.8787121212121212, 0.7482580513923848], [0.8816464338140781, 0.7474252525252525], [0.888811111111111, 0.7454191087520909], [0.898910101010101, 0.742623292731384], [0.9090090909090909, 0.7398587120762374], [0.9183634614835771, 0.7373262626262627], [0.9191080808080808, 0.7371274189398844], [0.9292070707070708, 0.7344600484062038], [0.9303824545134893, 0.7341529589602495]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#A5DA35\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652728279896\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.47283670234097436, 0.9999], [0.47475252525252526, 0.9985473620352113], [0.48485151515151514, 0.9915672122737655], [0.48746067405164306, 0.9898010101010101], [0.494950505050505, 0.9847824323111659], [0.5026889301797133, 0.9797020202020204], [0.5050494949494949, 0.9781681615019099], [0.5151484848484849, 0.9717359201381629], [0.5185635482666864, 0.9696030303030303], [0.5214686339368334, 0.9678074491483734]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.6512451360082302, 0.8986941760638898], [0.6565343434343435, 0.8962751591827269], [0.6666333333333333, 0.8917268978866665], [0.6732063979672951, 0.888811111111111], [0.6767323232323232, 0.8872646956136382], [0.6868313131313131, 0.8829010485402606], [0.6966695493215564, 0.8787121212121212], [0.696930303030303, 0.8786023661428292], [0.707029292929293, 0.8744127090249665], [0.7171282828282828, 0.8702824733283284], [0.7212679430868234, 0.8686131313131313], [0.7272272727272728, 0.866237776404173], [0.7373262626262627, 0.8622678934028463], [0.7470071354996226, 0.8585141414141414], [0.7474252525252525, 0.8583539128348203], [0.7575242424242424, 0.8545357737853048], [0.7676232323232324, 0.8507682009702819], [0.7740141208465887, 0.8484151515151515], [0.7777222222222222, 0.8470660281447114], [0.7878212121212123, 0.8434391054089498], [0.797920202020202, 0.8398583809405512], [0.8023252445336888, 0.8383161616161616], [0.8080191919191919, 0.8363465642405479], [0.8181181818181819, 0.8328966069092552], [0.8282171717171717, 0.8294889762687421], [0.8320325853718826, 0.8282171717171716], [0.8383161616161616, 0.8261480320677279], [0.8484151515151515, 0.8228623251491255], [0.8585141414141414, 0.8196154986928069], [0.863226534490618, 0.8181181818181819], [0.8686131313131313, 0.8164276417397496], [0.8787121212121212, 0.8132947930965562], [0.8888111111111111, 0.810197745170207], [0.8959962134845667, 0.8080191919191919], [0.898910101010101, 0.8071466630953807], [0.9090090909090909, 0.8041564260890817], [0.9191080808080807, 0.8011992274368028], [0.9292070707070708, 0.7982743450450737], [0.930443212944154, 0.7979202020202019], [0.9393060606060606, 0.7954130157466026], [0.9494050505050504, 0.792586692804719], [0.9595040404040402, 0.7897902754695815], [0.9666903646988289, 0.7878212121212121], [0.9696030303030303, 0.7870333030435162], [0.9797020202020202, 0.7843297191048665], [0.98980101010101, 0.7816538619049465], [0.9999, 0.7790051685062264]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#D2E11B\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652728281352\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.6071208286402088, 0.9999], [0.6161383838383838, 0.9950064148746147], [0.6258890676199775, 0.9898010101010101], [0.6262373737373738, 0.9896169543924155], [0.6363363636363636, 0.9843657122950144], [0.6454488875374697, 0.9797020202020202], [0.6464353535353535, 0.9792023351188295], [0.6565343434343435, 0.9741660885233274], [0.6658263132874126, 0.9696030303030303], [0.6665007846942915, 0.9692752459608138]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.7988067567897841, 0.9125137227241892], [0.8080191919191919, 0.9090180612231602], [0.8080431295376931, 0.9090090909090909], [0.8181181818181819, 0.9052753093730297], [0.8282171717171717, 0.9015785743334149], [0.8355965251432131, 0.898910101010101], [0.8383161616161616, 0.8979376312910321], [0.8484151515151515, 0.8943697439005452], [0.8585141414141413, 0.8908440760733232], [0.8644063127551866, 0.8888111111111112], [0.8686131313131313, 0.8873760396136531], [0.8787121212121212, 0.8839707961307117], [0.8888111111111111, 0.8806044661643817], [0.8945530204288112, 0.8787121212121212], [0.898910101010101, 0.8772925797520352], [0.9090090909090909, 0.8740390775668105], [0.9191080808080808, 0.8708215224843655], [0.9261161767894348, 0.8686131313131313], [0.9292070707070708, 0.867650387944578], [0.9393060606060605, 0.8645387851692369], [0.9494050505050505, 0.8614604586816479], [0.9591743307414526, 0.8585141414141413], [0.9595040404040404, 0.8584158671750741], [0.9696030303030302, 0.8554372493669955], [0.9797020202020202, 0.8524894954529457], [0.9898010101010102, 0.8495719723748784], [0.9938464056556537, 0.8484151515151515], [0.9999, 0.8467045506498926]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#FDE724\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652728282864\"}], \"images\": [], \"sharex\": [], \"sharey\": []}], \"data\": {\"data01\": [[0.0001, 0.9999], [0.010198989898989898, 0.9898010101010101], [0.020297979797979798, 0.9797020202020202], [0.030396969696969697, 0.9696030303030303], [0.0404959595959596, 0.9595040404040404], [0.0505949494949495, 0.9494050505050505], [0.0606939393939394, 0.9393060606060606], [0.0707929292929293, 0.9292070707070708], [0.0808919191919192, 0.9191080808080808], [0.0909909090909091, 0.9090090909090909], [0.101089898989899, 0.898910101010101], [0.11118888888888889, 0.8888111111111111], [0.12128787878787879, 0.8787121212121212], [0.13138686868686866, 0.8686131313131313], [0.14148585858585858, 0.8585141414141414], [0.1515848484848485, 0.8484151515151515], [0.16168383838383837, 0.8383161616161616], [0.17178282828282826, 0.8282171717171718], [0.18188181818181817, 0.8181181818181819], [0.19198080808080809, 0.8080191919191919], [0.20207979797979797, 0.7979202020202021], [0.21217878787878786, 0.7878212121212121], [0.22227777777777777, 0.7777222222222222], [0.23237676767676768, 0.7676232323232324], [0.24247575757575757, 0.7575242424242424], [0.25257474747474745, 0.7474252525252525], [0.26267373737373734, 0.7373262626262627], [0.2727727272727273, 0.7272272727272727], [0.28287171717171716, 0.7171282828282828], [0.29297070707070705, 0.707029292929293], [0.303069696969697, 0.696930303030303], [0.3131686868686869, 0.6868313131313131], [0.32326767676767676, 0.6767323232323232], [0.33336666666666664, 0.6666333333333334], [0.34346565656565653, 0.6565343434343435], [0.35356464646464647, 0.6464353535353535], [0.36366363636363636, 0.6363363636363637], [0.37376262626262624, 0.6262373737373738], [0.3838616161616162, 0.6161383838383838], [0.39396060606060607, 0.606039393939394], [0.40405959595959595, 0.595940404040404], [0.41415858585858584, 0.5858414141414141], [0.4242575757575757, 0.5757424242424243], [0.43435656565656566, 0.5656434343434343], [0.44445555555555555, 0.5555444444444444], [0.45455454545454543, 0.5454454545454546], [0.4646535353535354, 0.5353464646464646], [0.47475252525252526, 0.5252474747474747], [0.48485151515151514, 0.5151484848484849], [0.49495050505050503, 0.505049494949495], [0.5050494949494949, 0.4949505050505051], [0.5151484848484849, 0.48485151515151514], [0.5252474747474747, 0.4747525252525253], [0.5353464646464646, 0.4646535353535354], [0.5454454545454546, 0.45455454545454543], [0.5555444444444444, 0.4444555555555556], [0.5656434343434343, 0.43435656565656566], [0.5757424242424243, 0.4242575757575757], [0.5858414141414141, 0.4141585858585859], [0.595940404040404, 0.40405959595959595], [0.606039393939394, 0.393960606060606], [0.6161383838383838, 0.3838616161616162], [0.6262373737373738, 0.37376262626262624], [0.6363363636363636, 0.3636636363636364], [0.6464353535353535, 0.35356464646464647], [0.6565343434343435, 0.34346565656565653], [0.6666333333333333, 0.3333666666666667], [0.6767323232323232, 0.32326767676767676], [0.6868313131313131, 0.31316868686868693], [0.696930303030303, 0.303069696969697], [0.707029292929293, 0.29297070707070705], [0.7171282828282828, 0.2828717171717172], [0.7272272727272727, 0.2727727272727273], [0.7373262626262627, 0.26267373737373734], [0.7474252525252525, 0.2525747474747475], [0.7575242424242424, 0.24247575757575757], [0.7676232323232324, 0.23237676767676763], [0.7777222222222222, 0.2222777777777778], [0.7878212121212121, 0.21217878787878786], [0.797920202020202, 0.20207979797979803], [0.8080191919191919, 0.19198080808080809], [0.8181181818181819, 0.18188181818181814], [0.8282171717171717, 0.17178282828282831], [0.8383161616161616, 0.16168383838383837], [0.8484151515151515, 0.15158484848484854], [0.8585141414141414, 0.1414858585858586], [0.8686131313131313, 0.13138686868686866], [0.8787121212121212, 0.12128787878787883], [0.8888111111111111, 0.11118888888888889], [0.898910101010101, 0.10108989898989895], [0.9090090909090909, 0.09099090909090912], [0.9191080808080808, 0.08089191919191918], [0.9292070707070708, 0.07079292929292924], [0.9393060606060606, 0.06069393939393941], [0.9494050505050505, 0.05059494949494947], [0.9595040404040404, 0.04049595959595964], [0.9696030303030303, 0.0303969696969697], [0.9797020202020202, 0.02029797979797976], [0.9898010101010101, 0.01019898989898993], [0.9999, 9.999999999998899e-05]], \"data02\": [[0.25, 0.75]], \"data03\": [[0.0, 0.0]]}, \"id\": \"el83139652729838504\", \"plugins\": [{\"type\": \"reset\"}, {\"type\": \"zoom\", \"button\": true, \"enabled\": false}, {\"type\": \"boxzoom\", \"button\": true, \"enabled\": false}]});\n", " });\n", " });\n", "}else{\n", " // require.js not available: dynamically load d3 & mpld3\n", " mpld3_load_lib(\"https://mpld3.github.io/js/d3.v3.min.js\", function(){\n", " mpld3_load_lib(\"https://mpld3.github.io/js/mpld3.v0.3.js\", function(){\n", " \n", " mpld3.draw_figure(\"fig_el8313965272983850489550742\", {\"width\": 432.0, \"height\": 288.0, \"axes\": [{\"bbox\": [0.125, 0.125, 0.775, 0.755], \"xlim\": [0.0001, 0.9999], \"ylim\": [9.999999999998899e-05, 0.9999], \"xdomain\": [0.0001, 0.9999], \"ydomain\": [9.999999999998899e-05, 0.9999], \"xscale\": \"linear\", \"yscale\": \"linear\", \"axes\": [{\"position\": \"bottom\", \"nticks\": 6, \"tickvalues\": null, \"tickformat\": null, \"scale\": \"linear\", \"fontsize\": 10.0, \"grid\": {\"gridOn\": false}, \"visible\": true}, {\"position\": \"left\", \"nticks\": 6, \"tickvalues\": null, \"tickformat\": null, \"scale\": \"linear\", \"fontsize\": 10.0, \"grid\": {\"gridOn\": false}, \"visible\": true}], \"axesbg\": \"#FFFFFF\", \"axesbgalpha\": null, \"zoomable\": true, \"id\": \"el83139652728817200\", \"lines\": [{\"data\": \"data01\", \"xindex\": 0, \"yindex\": 1, \"coordinates\": \"data\", \"id\": \"el83139652728959608\", \"color\": \"#1F77B4\", \"linewidth\": 1.5, \"dasharray\": \"none\", \"alpha\": 1, \"zorder\": 2, \"drawstyle\": \"default\"}], \"paths\": [], \"markers\": [{\"data\": \"data02\", \"xindex\": 0, \"yindex\": 1, \"coordinates\": \"data\", \"id\": \"el83139652728326520pts\", \"facecolor\": \"#FF0000\", \"edgecolor\": \"#FF0000\", \"edgewidth\": 1.0, \"alpha\": 1, \"zorder\": 2, \"markerpath\": [[[0.0, 3.0], [0.7956093000000001, 3.0], [1.5587396123545605, 2.683901074764725], [2.121320343559643, 2.121320343559643], [2.683901074764725, 1.5587396123545605], [3.0, 0.7956093000000001], [3.0, 0.0], [3.0, -0.7956093000000001], [2.683901074764725, -1.5587396123545605], [2.121320343559643, -2.121320343559643], [1.5587396123545605, -2.683901074764725], [0.7956093000000001, -3.0], [0.0, -3.0], [-0.7956093000000001, -3.0], [-1.5587396123545605, -2.683901074764725], [-2.121320343559643, -2.121320343559643], [-2.683901074764725, -1.5587396123545605], [-3.0, -0.7956093000000001], [-3.0, 0.0], [-3.0, 0.7956093000000001], [-2.683901074764725, 1.5587396123545605], [-2.121320343559643, 2.121320343559643], [-1.5587396123545605, 2.683901074764725], [-0.7956093000000001, 3.0], [0.0, 3.0]], [\"M\", \"C\", \"C\", \"C\", \"C\", \"C\", \"C\", \"C\", \"C\", \"Z\"]]}], \"texts\": [{\"text\": \"rice\", \"position\": [0.49999999999999994, -0.09657836644591611], \"coordinates\": \"axes\", \"h_anchor\": \"middle\", \"v_baseline\": \"hanging\", \"rotation\": -0.0, \"fontsize\": 10.0, \"color\": \"#000000\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652728794696\"}, {\"text\": \"pizza\", \"position\": [-0.08064516129032258, 0.49999999999999994], \"coordinates\": \"axes\", \"h_anchor\": \"middle\", \"v_baseline\": \"auto\", \"rotation\": -90.0, \"fontsize\": 10.0, \"color\": \"#000000\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652728906136\"}, {\"text\": \"-4.249\", \"position\": [0.5757424242424243, 0.2916082378079763], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -353.7077185152767, \"fontsize\": 10.0, \"color\": \"#440154\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652728351320\"}, {\"text\": \"-3.999\", \"position\": [0.03121203349868784, 0.8383161616161616], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -279.851394713291, \"fontsize\": 10.0, \"color\": \"#48196B\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652728352664\"}, {\"text\": \"-3.749\", \"position\": [0.34346565656565653, 0.40922859948294127], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -345.3911120623724, \"fontsize\": 10.0, \"color\": \"#462F7C\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652728399408\"}, {\"text\": \"-3.499\", \"position\": [0.1515848484848484, 0.5841741240178913], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -319.8377313823953, \"fontsize\": 10.0, \"color\": \"#404387\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652728400864\"}, {\"text\": \"-3.249\", \"position\": [0.686831313131313, 0.38370321610128416], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -353.0839559794965, \"fontsize\": 10.0, \"color\": \"#38568B\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652728435152\"}, {\"text\": \"-2.999\", \"position\": [0.7272272727272727, 0.40920788323259566], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -353.03653563505065, \"fontsize\": 10.0, \"color\": \"#30678D\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652728436608\"}, {\"text\": \"-2.749\", \"position\": [0.48485151515151514, 0.5091078025962501], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -347.1240255833946, \"fontsize\": 10.0, \"color\": \"#29788E\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652728438064\"}, {\"text\": \"-2.499\", \"position\": [0.2902883895009448, 0.6565343434343434], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -333.7046409940829, \"fontsize\": 10.0, \"color\": \"#23888D\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652728464160\"}, {\"text\": \"-2.249\", \"position\": [0.16095483457912232, 0.8686131313131313], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -310.5411011098285, \"fontsize\": 10.0, \"color\": \"#1E988A\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652728465616\"}, {\"text\": \"-1.999\", \"position\": [0.6398839454415418, 0.5959404040404039], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -348.56646533332326, \"fontsize\": 10.0, \"color\": \"#22A784\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652728467072\"}, {\"text\": \"-1.749\", \"position\": [0.45214776350314034, 0.7272272727272724], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -340.70905122322023, \"fontsize\": 10.0, \"color\": \"#35B778\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652727968880\"}, {\"text\": \"-1.499\", \"position\": [0.7889980903669578, 0.6565343434343434], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -349.7666062918868, \"fontsize\": 10.0, \"color\": \"#53C567\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652727970336\"}, {\"text\": \"-1.249\", \"position\": [0.3817150676796167, 0.9090090909090909], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -332.61150941924785, \"fontsize\": 10.0, \"color\": \"#79D151\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652727971792\"}, {\"text\": \"-0.999\", \"position\": [0.998170011062401, 0.7171282828282828], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -350.83826254742763, \"fontsize\": 10.0, \"color\": \"#A5DA35\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652728010176\"}, {\"text\": \"-0.749\", \"position\": [0.585841414141414, 0.9309623902396962], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -340.9641486947908, \"fontsize\": 10.0, \"color\": \"#D2E11B\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652728011576\"}, {\"text\": \"-0.499\", \"position\": [0.7323658584275962, 0.9393060606060606], \"coordinates\": \"data\", \"h_anchor\": \"middle\", \"v_baseline\": \"central\", \"rotation\": -344.4458281200063, \"fontsize\": 10.0, \"color\": \"#FDE724\", \"alpha\": 1, \"zorder\": 3, \"id\": \"el83139652728041768\"}], \"collections\": [{\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 1, \"paths\": [[[[0.015135638774024103, 0.9999], [0.01558251550936644, 0.9898010101010101], [0.016033975210334644, 0.9797020202020202], [0.016490112853450135, 0.9696030303030303], [0.016951026398588025, 0.9595040404040404], [0.017416816915249128, 0.9494050505050506], [0.01788758871558426, 0.9393060606060606], [0.01836344949460853, 0.9292070707070708], [0.018844510478077434, 0.9191080808080809], [0.019330886578532228, 0.9090090909090909], [0.019822696560062764, 0.898910101010101], [0.020297979797979798, 0.8892595130654992], [0.020335616539015413, 0.8888111111111111], [0.02119296469959151, 0.8787121212121212], [0.02206022348456332, 0.8686131313131313], [0.022937624702391433, 0.8585141414141414], [0.0238254083908357, 0.8484151515151515], [0.024723823211149562, 0.8383161616161616], [0.02563312686616355, 0.8282171717171717], [0.026553586544016933, 0.8181181818181819], [0.02748547938944906, 0.8080191919191919], [0.02842909300473013, 0.7979202020202021], [0.029384725982497, 0.7878212121212121], [0.03035268847296375, 0.7777222222222222], [0.030396969696969697, 0.7772661860141012], [0.03171507759824914, 0.7676232323232324], [0.03311380384371872, 0.7575242424242424], [0.03453130300288962, 0.7474252525252525], [0.03596808585785248, 0.7373262626262627], [0.03742468432493527, 0.7272272727272727], [0.03890165263696828, 0.7171282828282828], [0.04039956860939405, 0.707029292929293], [0.0404959595959596, 0.7063886393371342], [0.04232943460169559, 0.696930303030303], [0.04431567463032103, 0.6868313131313131], [0.04633133718925061, 0.6767323232323232], [0.04837730708414355, 0.6666333333333333], [0.05045450964306131, 0.6565343434343435], [0.0505949494949495, 0.6558619729809803], [0.0530037843943421, 0.6464353535353535], [0.05562506921837887, 0.6363363636363636], [0.058288289730569195, 0.6262373737373739], [0.0606939393939394, 0.6172610376446702], [0.061049693486231855, 0.6161383838383838], [0.06430281955250877, 0.606039393939394], [0.06761061346061922, 0.5959404040404042], [0.0707929292929293, 0.5863877828187183], [0.07100300681150923, 0.5858414141414141], [0.07495356840220636, 0.5757424242424243], [0.07897404280214615, 0.5656434343434343], [0.0808919191919192, 0.5609111945427421], [0.08335737924446943, 0.5555444444444444], [0.08808192467349987, 0.5454454545454546], [0.0909909090909091, 0.539341411351089], [0.09311898009262988, 0.5353464646464646], [0.09860107431507623, 0.5252474747474747], [0.101089898989899, 0.5207499377226178], [0.10451612143484293, 0.5151484848484849], [0.11081564275778462, 0.5050494949494949], [0.1111888888888889, 0.5044629778689362], [0.11781922579639606, 0.494950505050505], [0.12128787878787879, 0.4900745869512356], [0.12532670088065714, 0.48485151515151514], [0.13138686868686866, 0.47717597397754585], [0.13345339424790234, 0.47475252525252526], [0.14148585858585858, 0.4655310065185485], [0.14230681085306865, 0.4646535353535354], [0.1515848484848485, 0.45494998174763085], [0.15198902203922815, 0.45455454545454543], [0.16168383838383837, 0.44527774611615656], [0.16259851387012467, 0.44445555555555555], [0.17178282828282826, 0.436385383260459], [0.17423167106662418, 0.43435656565656566], [0.18188181818181817, 0.42816425158087945], [0.18698401265809855, 0.4242575757575757], [0.19198080808080809, 0.4205216127846664], [0.20095125937840772, 0.41415858585858584], [0.20207979797979797, 0.4133773641165749], [0.21217878787878786, 0.4067274154502635], [0.2164279054706581, 0.40405959595959595], [0.22227777777777777, 0.40047741347085664], [0.23237676767676768, 0.39456809648473556], [0.2334611021159033, 0.39396060606060607], [0.24247575757575757, 0.38903805126933183], [0.2523586789414345, 0.3838616161616162], [0.25257474747474745, 0.38375138378894336], [0.26267373737373734, 0.3788011726672773], [0.2727727272727273, 0.37403773735796697], [0.273377998975073, 0.37376262626262624], [0.2828717171717171, 0.36956254801657096], [0.29297070707070705, 0.36525143900463336], [0.29682070470999733, 0.36366363636363636], [0.303069696969697, 0.3611570463850048], [0.3131686868686869, 0.35723894631043557], [0.3229497413273333, 0.35356464646464647], [0.3232676767676768, 0.3534485763472771], [0.33336666666666664, 0.349875118993078], [0.34346565656565653, 0.3464083165614823], [0.35229363655313406, 0.34346565656565653], [0.35356464646464647, 0.3430542651045961], [0.36366363636363636, 0.33987756045872436], [0.37376262626262624, 0.33678787624644335], [0.3838616161616162, 0.33378057175554154], [0.3852886330195916, 0.33336666666666664], [0.39396060606060607, 0.3309264405529821], [0.40405959595959595, 0.32815659642376194], [0.41415858585858584, 0.3254551338234946], [0.42253793100632014, 0.3232676767676767], [0.42425757575757567, 0.32283256845714425], [0.43435656565656566, 0.3203374153188114], [0.44445555555555555, 0.3178996140774905], [0.45455454545454543, 0.31551658736043414], [0.4646535353535354, 0.31318592772288245], [0.4647298834351902, 0.3131686868686869], [0.47475252525252526, 0.31097722362476], [0.48485151515151514, 0.30881554806947814], [0.4949505050505051, 0.3066984372359102], [0.5050494949494949, 0.30462409070189567], [0.5075420777468043, 0.3041222476362855]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.6440740135494885, 0.28091870687403137], [0.6464353535353535, 0.28057779195160504], [0.6565343434343435, 0.27914236792155417], [0.6666333333333333, 0.2777288563073026], [0.6767323232323232, 0.27633659814912515], [0.6868313131313131, 0.2749649637722912], [0.696930303030303, 0.2736133510770824], [0.7033029653998264, 0.2727727272727273], [0.707029292929293, 0.2722990558310662], [0.7171282828282828, 0.27103353159059623], [0.7272272727272728, 0.26978570511989186], [0.7373262626262627, 0.2685550882477455], [0.7474252525252525, 0.26734121272687594], [0.7575242424242424, 0.26614362916424694], [0.7676232323232324, 0.2649619060222227], [0.7777222222222222, 0.26379562868500483], [0.7875638420887702, 0.26267373737373734], [0.7878212121212121, 0.26264550556354677], [0.7979202020202019, 0.2615518230055272], [0.8080191919191919, 0.26047189611251204], [0.8181181818181819, 0.25940538315753436], [0.8282171717171717, 0.258351954991649], [0.8383161616161616, 0.257311294434124], [0.8484151515151515, 0.25628309569914565], [0.8585141414141415, 0.2552670638564452], [0.8686131313131313, 0.2542629143234665], [0.8787121212121212, 0.2532703723868861], [0.8858718354105741, 0.2525747474747475], [0.8888111111111112, 0.2523003703397813], [0.898910101010101, 0.2513682955494453], [0.9090090909090909, 0.25044663406835055], [0.9191080808080807, 0.24953515578619131], [0.9292070707070708, 0.2486336381367508], [0.9393060606060606, 0.24774186577168922], [0.9494050505050505, 0.24685963025177515], [0.9595040404040404, 0.24598672975445354], [0.9696030303030303, 0.24512296879672274], [0.9797020202020202, 0.24426815797237036], [0.9898010101010101, 0.24342211370268305], [0.9999, 0.24258465799981052]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#440154\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652728962632\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.018804089220940304, 0.9999], [0.01925096595628264, 0.9898010101010102], [0.019702425657250836, 0.9797020202020202], [0.02015856330036633, 0.9696030303030303], [0.020297979797979798, 0.9665483016754961], [0.020845906893991198, 0.9595040404040404], [0.021639753204895154, 0.9494050505050506], [0.022138164800779594, 0.9431315513082666]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.04638994530694175, 0.7352378069079695], [0.047878519449789485, 0.7272272727272728], [0.04978142950045895, 0.7171282828282827], [0.0505949494949495, 0.7128712045568919], [0.05196072995996024, 0.707029292929293], [0.054355740876586844, 0.696930303030303], [0.056785711635289636, 0.6868313131313131], [0.05925167798730224, 0.6767323232323232], [0.0606939393939394, 0.6709132561519591], [0.06194822757963956, 0.6666333333333333], [0.06495305090593549, 0.6565343434343435], [0.06800445534091512, 0.6464353535353535], [0.0707929292929293, 0.6373496295118668], [0.07115185414572418, 0.6363363636363636], [0.074786406807858, 0.6262373737373738], [0.07848005095575622, 0.6161383838383838], [0.0808919191919192, 0.6096511797809407], [0.08241404566191325, 0.606039393939394], [0.08674161698823993, 0.5959404040404039], [0.0909909090909091, 0.5861907305282643], [0.09116108449874685, 0.5858414141414141], [0.09616653179073457, 0.5757424242424243], [0.101089898989899, 0.565981772690207], [0.10127853732486507, 0.5656434343434343], [0.10701060322782074, 0.5555444444444444], [0.11118888888888889, 0.5483155913827722], [0.11300590530740176, 0.5454454545454546], [0.11951882752991504, 0.5353464646464646], [0.1212878787878788, 0.5326546259700307], [0.12657923347499955, 0.5252474747474747], [0.13138686868686866, 0.5186456370097431], [0.13413737402521114, 0.5151484848484849], [0.14148585858585858, 0.5059865947153911], [0.14229316282967502, 0.5050494949494949], [0.15116910332408534, 0.49495050505050503], [0.15158484848484852, 0.49448702774430714], [0.16082415976382966, 0.48485151515151514], [0.16168383838383837, 0.4839734546661693], [0.1712941953655256, 0.4747525252525253], [0.17178282828282826, 0.4742935613911988], [0.18188181818181817, 0.46534980946947013], [0.18271295259785772, 0.4646535353535354], [0.19198080808080809, 0.4570564331341693], [0.19519787887141232, 0.45455454545454543], [0.20207979797979797, 0.4493201479751583], [0.20880347544275119, 0.44445555555555555], [0.21217878787878788, 0.44206838096127143], [0.22227777777777777, 0.4352580929622284], [0.22367682803656136, 0.43435656565656566], [0.23237676767676768, 0.42887931145503944], [0.24004405277550653, 0.4242575757575757], [0.24247575757575757, 0.4228262615792352], [0.25257474747474745, 0.41712453920472736], [0.2580424897273091, 0.4141585858585859], [0.26267373737373734, 0.4117069118625349], [0.2727727272727273, 0.406562458861754], [0.2778714382335562, 0.40405959595959595], [0.28287171717171716, 0.40166564897059776], [0.29297070707070705, 0.39700025571561587], [0.2997813517198893, 0.3939606060606061], [0.30306969696969693, 0.3925301386796703], [0.3131686868686869, 0.3882809818315282], [0.32326767676767676, 0.38416669947386156], [0.3240403095188197, 0.3838616161616162], [0.33336666666666664, 0.3802746310081746], [0.34346565656565653, 0.3765064134976114], [0.3510386017828817, 0.37376262626262624], [0.3535646464646464, 0.37287180627364086], [0.3636636363636364, 0.36941066419281876], [0.37376262626262624, 0.36604433422648874], [0.3811003647157691, 0.36366363636363636], [0.3838616161616162, 0.36279230114897226], [0.3939606060606061, 0.35968824588260356], [0.40405959595959595, 0.35666276309734884], [0.41415858585858584, 0.353711973012847], [0.41467525461667754, 0.35356464646464647], [0.4242575757575757, 0.35090923333467905], [0.43435656565656566, 0.34817648308851695], [0.44445555555555555, 0.3455065459852716], [0.4523526214858331, 0.34346565656565653], [0.45455454545454543, 0.3429130912512665], [0.4646535353535354, 0.3404344756299088], [0.4747525252525253, 0.3380091563735055], [0.48485151515151514, 0.3356348896383462], [0.49470253267127084, 0.33336666666666664], [0.49495050505050503, 0.3333112744874956], [0.5050494949494949, 0.3311009257731209], [0.5151484848484849, 0.32893434064756644], [0.5252474747474747, 0.32680981971736284], [0.5353464646464646, 0.32472576069101655], [0.5425466533391833, 0.32326767676767676], [0.5454454545454546, 0.32269871083870566], [0.5555444444444444, 0.32075288457997275], [0.5656434343434343, 0.31884211391330153], [0.5757424242424243, 0.3169651580513076], [0.5858414141414141, 0.31512084093889475], [0.595940404040404, 0.3133080468273063], [0.5967300413886767, 0.3131686868686868], [0.606039393939394, 0.3115778665259152], [0.6161383838383838, 0.3098806312619593], [0.6262373737373739, 0.30821099010231634], [0.6363363636363636, 0.3065680601181051], [0.6464353535353535, 0.30495100009064746], [0.6565343434343435, 0.30335900792491943], [0.658398072258142, 0.303069696969697], [0.6666333333333333, 0.30183322634436505], [0.6767323232323232, 0.3003397279517934], [0.6868313131313131, 0.2988683530311542], [0.696930303030303, 0.2974184557001043], [0.707029292929293, 0.29598941795410855], [0.7171282828282828, 0.29458064808480583], [0.7272272727272727, 0.29319157920897465], [0.7288555427305962, 0.29297070707070705], [0.7373262626262627, 0.2918606128943495], [0.7474252525252525, 0.29055513738316474], [0.7575242424242424, 0.28926718323405254], [0.7676232323232324, 0.28799628634521185], [0.7777222222222222, 0.28674200081361384], [0.7878212121212121, 0.28550389799576387], [0.797920202020202, 0.2842815656282844], [0.8080191919191919, 0.2830746070038053], [0.8097381847258314, 0.28287171717171716], [0.8181181818181819, 0.2819173398447038], [0.8282171717171717, 0.2807813015426702], [0.8383161616161616, 0.27965903208847304], [0.8484151515151515, 0.27855020171648825], [0.8585141414141414, 0.2774544923679316], [0.8686131313131313, 0.276371597143202], [0.8787121212121212, 0.27530121978587896], [0.8888111111111111, 0.27424307419620586], [0.898910101010101, 0.2731968839720576], [0.9030507930886025, 0.2727727272727273], [0.9090090909090909, 0.2721845733409547], [0.9191080808080807, 0.27119869886526893], [0.9292070707070708, 0.27022359802374574], [0.9393060606060606, 0.26925903789099814], [0.9494050505050506, 0.26830479301467913], [0.9595040404040404, 0.26736064509918067], [0.9696030303030303, 0.26642638270589214], [0.9797020202020202, 0.26550180096898834], [0.9898010101010101, 0.2645867013257923], [0.9999, 0.26368089126082445]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#48196B\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764840736\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.024004080005677594, 0.9999], [0.024765691578028298, 0.98980101010101], [0.025535113894103817, 0.9797020202020202], [0.0263125088222945, 0.9696030303030303], [0.02709804331551731, 0.9595040404040405], [0.02789188962642125, 0.9494050505050505], [0.028694225534100448, 0.9393060606060606], [0.029505234583061285, 0.9292070707070708], [0.03032510633524738, 0.9191080808080808], [0.030396969696969697, 0.9182325580246901], [0.03146271854581418, 0.9090090909090909], [0.03264266885555975, 0.898910101010101], [0.03383595072761625, 0.8888111111111111], [0.035042868858763385, 0.8787121212121212], [0.036263738512552296, 0.8686131313131313], [0.03749888601362786, 0.8585141414141414], [0.038748649271299146, 0.8484151515151515], [0.04001337833446, 0.8383161616161615], [0.0404959595959596, 0.834508846139569], [0.041523419572090506, 0.8282171717171717], [0.04319286582511065, 0.8181181818181819], [0.04488304852018655, 0.8080191919191919], [0.04659448928422261, 0.7979202020202021], [0.04832772967745303, 0.7878212121212123], [0.05008333222219715, 0.7777222222222222], [0.0505949494949495, 0.7748171479926244], [0.052144917111337695, 0.7676232323232324], [0.05434961519059865, 0.7575242424242424], [0.05658390348232151, 0.7474252525252525], [0.05884858709064847, 0.7373262626262627], [0.0606939393939394, 0.729209161049389], [0.06122669528990664, 0.7272272727272727], [0.06397939193162153, 0.7171282828282828], [0.06677112973213796, 0.707029292929293], [0.06960303207530467, 0.6969303030303029], [0.0707929292929293, 0.6927479993529067], [0.07273580709549295, 0.6868313131313131], [0.07610116288500238, 0.6767323232323232], [0.07951711988655351, 0.6666333333333333], [0.0808919191919192, 0.6626299678848455], [0.08326474030575683, 0.6565343434343435], [0.08725687848143515, 0.6464353535353535], [0.0909909090909091, 0.6371357372080063], [0.09134967730229163, 0.6363363636363636], [0.09595473442204513, 0.6262373737373738], [0.10063466173698692, 0.6161383838383838], [0.101089898989899, 0.6151719820622432], [0.10584510414668859, 0.606039393939394], [0.11118888888888889, 0.5959460280032755], [0.1111921501299293, 0.595940404040404], [0.11714847817640087, 0.5858414141414141], [0.12128787878787878, 0.5789429934673995], [0.12337544031603423, 0.5757424242424243], [0.13007904601634568, 0.5656434343434343], [0.13138686868686866, 0.5637080651132929], [0.13734485015082556, 0.5555444444444444], [0.14148585858585858, 0.549972660216268], [0.14509979702146297, 0.5454454545454546], [0.1515848484848485, 0.5374706289029814], [0.15343133599311384, 0.5353464646464646], [0.16168383838383837, 0.5260303688078298], [0.16242209583542982, 0.5252474747474747], [0.17178282828282826, 0.5155098285194817], [0.1721512373037642, 0.5151484848484849], [0.18188181818181817, 0.5057898129885896], [0.18269553951281262, 0.5050494949494949], [0.19198080808080809, 0.49676908072426534], [0.19413029749366298, 0.4949505050505051], [0.20207979797979797, 0.48836068397691423], [0.20653008506442722, 0.48485151515151514], [0.21217878787878786, 0.4804891898888961], [0.21996942199228325, 0.47475252525252526], [0.22227777777777774, 0.47308853800452305], [0.23237676767676768, 0.46613215935951], [0.2346187678482244, 0.4646535353535354], [0.24247575757575757, 0.45958318430277334], [0.2505996580519571, 0.45455454545454543], [0.25257474747474745, 0.45335884454742487], [0.26267373737373734, 0.4474847371088224], [0.2680858248265633, 0.4444555555555555], [0.2727727272727273, 0.44189120715489205], [0.2776403677382403, 0.43932480323367695]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.4104117974488455, 0.38564326229902984], [0.41415858585858584, 0.38445599970870425], [0.416080662625264, 0.3838616161616162], [0.4242575757575757, 0.3813986546140286], [0.43435656565656566, 0.37842831017336076], [0.4444555555555555, 0.3755262400545508], [0.450733867715995, 0.37376262626262624], [0.45455454545454543, 0.3727179919223112], [0.4646535353535354, 0.3700174447246317], [0.4747525252525252, 0.36737496596958763], [0.48485151515151514, 0.36478811090302193], [0.48933383025698507, 0.36366363636363636], [0.4949505050505051, 0.36229318452822823], [0.5050494949494949, 0.3598788349573614], [0.5151484848484849, 0.35751228807084046], [0.5252474747474747, 0.3551916876321962], [0.5324656447810162, 0.35356464646464647], [0.5353464646464647, 0.35293357273598136], [0.5454454545454546, 0.35076262933105334], [0.5555444444444444, 0.3486315147690454], [0.5656434343434343, 0.346538793913766], [0.5757424242424243, 0.3444831078257665], [0.5808293244645135, 0.34346565656565653], [0.5858414141414141, 0.3424922218773264], [0.595940404040404, 0.340564347154268], [0.606039393939394, 0.3386688698334823], [0.6161383838383838, 0.33680471902736175], [0.6262373737373738, 0.3349708760830276], [0.6352154015600886, 0.33336666666666664], [0.6363363636363636, 0.33317234934167306], [0.6464353535353535, 0.3314492686055724], [0.6565343434343435, 0.3297528992771548], [0.6666333333333333, 0.328082425815948], [0.6767323232323232, 0.3264370694701387], [0.6868313131313131, 0.3248160860966181], [0.6966210553364407, 0.32326767676767676], [0.696930303030303, 0.3232202689267421], [0.707029292929293, 0.3216943618227733], [0.7171282828282828, 0.3201900964823723], [0.7272272727272726, 0.31870686759533134], [0.7373262626262627, 0.3172440948969633], [0.7474252525252525, 0.3158012218051549], [0.7575242424242424, 0.3143777141488908], [0.7662167347663402, 0.31316868686868693], [0.7676232323232324, 0.312979268497975], [0.7777222222222222, 0.3116369760446928], [0.7878212121212121, 0.3103120017649766], [0.7979202020202021, 0.30900390446899656], [0.8080191919191919, 0.30771225961441695], [0.8181181818181817, 0.3064366584792389], [0.8282171717171718, 0.3051767073853866], [0.8383161616161616, 0.30393202696934635], [0.8453976672634886, 0.303069696969697], [0.8484151515151515, 0.30271429717247267], [0.8585141414141414, 0.30153891160106594], [0.8686131313131313, 0.3003772719525869], [0.8787121212121212, 0.29922906042786523], [0.8888111111111111, 0.298093970122952], [0.898910101010101, 0.2969717045367082], [0.9090090909090909, 0.2958619771059017], [0.9191080808080809, 0.294764510765988], [0.9292070707070708, 0.2936790375358905], [0.9358692292736435, 0.29297070707070705], [0.9393060606060606, 0.2926176831248417], [0.9494050505050505, 0.29159143018844863], [0.9595040404040404, 0.29057603613738786], [0.9696030303030303, 0.2895712735777265], [0.9797020202020204, 0.2885769221843052], [0.9898010101010101, 0.2875927684107531], [0.9999, 0.2866186052142227]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#462F7C\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652729839512\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.030256216427203695, 0.9999], [0.0303969696969697, 0.9980336078636131], [0.031270973021079236, 0.9898010101010101], [0.0323541149539397, 0.9797020202020202], [0.033448480203717205, 0.9696030303030303], [0.03455430379570465, 0.9595040404040404], [0.0356718282158077, 0.9494050505050505], [0.03680130372969662, 0.9393060606060606], [0.03794298871920834, 0.9292070707070708], [0.03909715003713064, 0.9191080808080808], [0.04026406338158629, 0.909009090909091], [0.0404959595959596, 0.9070243314601315], [0.0417174222718778, 0.898910101010101], [0.04325483377158183, 0.8888111111111111], [0.04480981408049164, 0.8787121212121212], [0.046382769380767803, 0.8686131313131313], [0.04797412010556483, 0.8585141414141415], [0.049584301613593666, 0.8484151515151515], [0.0505949494949495, 0.8421514186622128], [0.05135200973315811, 0.8383161616161616], [0.053369660178993236, 0.8282171717171717], [0.05541206468177243, 0.8181181818181819], [0.05747983819691108, 0.8080191919191919], [0.05957361888400034, 0.7979202020202019], [0.0606939393939394, 0.7925844933961197], [0.06187651028493407, 0.7878212121212121], [0.064416115994307, 0.7777222222222222], [0.06698891580649192, 0.7676232323232324], [0.06959578895821365, 0.7575242424242423], [0.0707929292929293, 0.7529479579228707], [0.07246039529378397, 0.7474252525252525], [0.07555105631860692, 0.7373262626262627], [0.07868434267115462, 0.7272272727272727], [0.0808919191919192, 0.7202100980424962], [0.08199090681554742, 0.7171282828282828], [0.08564332434570687, 0.707029292929293], [0.08934828895949276, 0.696930303030303], [0.0909909090909091, 0.6925172670907673], [0.09335658007321057, 0.6868313131313131], [0.09762055891177429, 0.6767323232323232], [0.101089898989899, 0.6686371087463177], [0.10203911022313863, 0.6666333333333333], [0.10470387479090894, 0.6610926234659984]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.20851431255319483, 0.525307205278201], [0.20858429144721685, 0.5252474747474747], [0.21217878787878786, 0.5222378222253861], [0.22105872740523513, 0.5151484848484849], [0.22227777777777777, 0.5141941461282364], [0.23237676767676768, 0.5066394524452368], [0.2345966489956446, 0.5050494949494949], [0.24247575757575757, 0.49951793268355055], [0.24925836915750982, 0.494950505050505], [0.25257474747474745, 0.4927623579705573], [0.26267373737373734, 0.48636031575577143], [0.26514713935076134, 0.48485151515151514], [0.2727727272727273, 0.4802957265721821], [0.2824011471540538, 0.47475252525252526], [0.28287171717171716, 0.47448731489786944], [0.29297070707070705, 0.4689952686790311], [0.30123454725200327, 0.4646535353535354], [0.30306969696969693, 0.4637100992991999], [0.3131686868686869, 0.45868848699165843], [0.32175502045533616, 0.45455454545454543], [0.32326767676767676, 0.453842271964066], [0.33336666666666664, 0.44923319841441256], [0.34346565656565653, 0.44476168922722026], [0.34417770136723747, 0.44445555555555555], [0.35356464646464647, 0.4405104495659435], [0.36366363636363636, 0.436385630529052], [0.36877141085173104, 0.43435656565656566], [0.37376262626262624, 0.43241937832688193], [0.3838616161616162, 0.42860427281687474], [0.39396060606060607, 0.42488824676045833], [0.39571908353515234, 0.4242575757575757], [0.40405959595959595, 0.4213366574209674], [0.41415858585858584, 0.41788722017432045], [0.4242575757575757, 0.4145208902079905], [0.42537067573724263, 0.41415858585858584], [0.43435656565656566, 0.41130422484126716], [0.4444555555555555, 0.40817002392076607], [0.45455454545454543, 0.40510624480556223], [0.45808208216168383, 0.40405959595959595], [0.4646535353535354, 0.40215792880569895], [0.47475252525252526, 0.3992982927987972], [0.48485151515151514, 0.39649885160031373], [0.4942009882600366, 0.39396060606060607], [0.49495050505050503, 0.39376227391864677], [0.5050494949494949, 0.3911439257862333], [0.5151484848484849, 0.38857741938825285], [0.5252474747474747, 0.3860607416470007], [0.5342435139668678, 0.38386161616161624], [0.5353464646464647, 0.38359899666692127], [0.5454454545454546, 0.3812393043815071], [0.5555444444444444, 0.3789229037881574], [0.5656434343434343, 0.37664823497527233], [0.5757424242424243, 0.3744138208527878], [0.5787377462560279, 0.37376262626262624], [0.5858414141414141, 0.3722594385271864], [0.595940404040404, 0.3701589447531737], [0.606039393939394, 0.3680937491969103], [0.6161383838383838, 0.3660626850850965], [0.6262373737373738, 0.36406464255618143], [0.6282971894921877, 0.36366363636363636], [0.6363363636363636, 0.36214143749210764], [0.6464353535353535, 0.36025932757491724], [0.6565343434343435, 0.3584063943551672], [0.6666333333333333, 0.3565817470232869], [0.6767323232323232, 0.35478453495371914], [0.6836902548279115, 0.35356464646464647], [0.6868313131313131, 0.35302945578611206], [0.6969303030303031, 0.3513338519833118], [0.707029292929293, 0.34966264272968767], [0.7171282828282828, 0.348015136043176], [0.7272272727272727, 0.3463906689738385], [0.7373262626262627, 0.3447886060021784], [0.7457808090342075, 0.34346565656565653], [0.7474252525252525, 0.34321579498788013], [0.7575242424242424, 0.34170191957806484], [0.7676232323232325, 0.3402080934587477], [0.7777222222222222, 0.33873379251062596], [0.7878212121212121, 0.3372785129014426], [0.7979202020202021, 0.33584177005230936], [0.8080191919191919, 0.3344230976690394], [0.8156341090602393, 0.33336666666666664], [0.8181181818181817, 0.3330323325032268], [0.8282171717171717, 0.3316897741433747], [0.8383161616161616, 0.33036348766602447], [0.8484151515151515, 0.32905308335755945], [0.8585141414141414, 0.3277581853393857], [0.8686131313131313, 0.32647843092071666], [0.8787121212121212, 0.32521346998876743], [0.8888111111111111, 0.3239629644337934], [0.8944903692164305, 0.32326767676767676], [0.898910101010101, 0.32274323409974565], [0.9090090909090909, 0.3215582822152475], [0.9191080808080809, 0.32038642255714306], [0.9292070707070708, 0.31922736897887694], [0.9393060606060606, 0.3180808446136968], [0.9494050505050505, 0.316946581477679], [0.9595040404040402, 0.31582432009375744], [0.9696030303030303, 0.31471380913543534], [0.9797020202020202, 0.3136148050889576], [0.9838439766872008, 0.3131686868686869], [0.9898010101010101, 0.3125474377349286], [0.9999, 0.3115049223952977]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#404387\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652764706688\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.03900017137327591, 0.9999], [0.04007231785685135, 0.9898010101010101], [0.0404959595959596, 0.9858510627171562], [0.041345652535804814, 0.9797020202020202], [0.04275562092574172, 0.9696030303030303], [0.0441803521202545, 0.9595040404040404], [0.045620158535569895, 0.9494050505050505], [0.047075362611279446, 0.9393060606060607], [0.048546297243756364, 0.9292070707070708], [0.050033306243255575, 0.9191080808080808], [0.0505949494949495, 0.9153353762709515], [0.0517471441232426, 0.9090090909090909], [0.05360700354172808, 0.898910101010101], [0.05548787641435847, 0.8888111111111111], [0.05739024300981188, 0.8787121212121212], [0.059314600252306296, 0.8686131313131313], [0.0606939393939394, 0.8614580631670915], [0.06136498853398613, 0.8585141414141414], [0.06369423222479698, 0.8484151515151515], [0.06605136840468565, 0.8383161616161616], [0.06843707319859108, 0.8282171717171718], [0.0707929292929293, 0.8183654040495548], [0.07086116240539478, 0.8181181818181819], [0.07368309611300061, 0.8080191919191919], [0.07654052235140324, 0.797920202020202], [0.0794343453110693, 0.7878212121212121], [0.08089191919191918, 0.7827992994396307], [0.0825622708677517, 0.7777222222222222], [0.08592825284996967, 0.7676232323232324], [0.08933881282321972, 0.7575242424242424], [0.0909909090909091, 0.7526970177679386], [0.09300762734196041, 0.7474252525252525], [0.0969235619507466, 0.7373262626262627], [0.10089350377504665, 0.7272272727272726], [0.101089898989899, 0.7267345604681408], [0.10532231141912096, 0.7171282828282828], [0.10983491369898121, 0.707029292929293], [0.11118888888888889, 0.7040421366791542], [0.11471959747342134, 0.696930303030303], [0.11980648074396992, 0.6868313131313131], [0.1212878787878788, 0.683933223361216], [0.1252889013037805, 0.6767323232323232], [0.13098455473909643, 0.6666333333333332], [0.13138686868686866, 0.6659307143789645], [0.13719767879020003, 0.6565343434343435], [0.14148585858585858, 0.6497059957636233], [0.1436919784248732, 0.6464353535353535], [0.15061123147360336, 0.6363363636363635], [0.1515848484848485, 0.6349376978113306], [0.15805889278291618, 0.6262373737373739], [0.16168383838383837, 0.6214438247494802], [0.16595473378659034, 0.6161383838383838], [0.17178282828282826, 0.609016248418895], [0.1743664440517177, 0.606039393939394], [0.18188181818181817, 0.5975232550726378], [0.18335847895076274, 0.595940404040404], [0.19198080808080809, 0.5868533379485212], [0.19299287737624812, 0.5858414141414141], [0.20207979797979797, 0.5769110908017299], [0.20332993528434182, 0.5757424242424243], [0.21217878787878786, 0.5676140929014519], [0.21442877281003342, 0.5656434343434343], [0.2222777777777778, 0.5588905101802017], [0.2263478224060544, 0.5555444444444444], [0.23237676767676768, 0.5506772225657846], [0.23914525842747186, 0.5454454545454546], [0.24247575757575757, 0.5429183438789226], [0.25257474747474745, 0.5355681824118296], [0.2528918161942093, 0.5353464646464646], [0.26267373737373734, 0.5286340647916506], [0.26780249784922305, 0.5252474747474747], [0.2727727272727273, 0.5220280695003408], [0.28287171717171716, 0.5157244128281355], [0.28382794976453923, 0.5151484848484849], [0.29297070707070705, 0.5097488165258462], [0.30120678188170064, 0.5050494949494949], [0.303069696969697, 0.5040076024676943], [0.3131686868686869, 0.4985445917043578], [0.32003056648201406, 0.4949505050505051], [0.32326767676767676, 0.49328923337443276], [0.33336666666666664, 0.4882659198337199], [0.3404422484604557, 0.48485151515151514], [0.34346565656565653, 0.4834226123308021], [0.35356464646464647, 0.47878802095703055], [0.3626130261025236, 0.47475252525252526], [0.36366363636363636, 0.47429382571037004], [0.37376262626262624, 0.4700053607906125], [0.3838616161616162, 0.46583123847707675], [0.38678695647724715, 0.4646535353535354], [0.39396060606060607, 0.4618276188776165], [0.40405959595959595, 0.45795002481377417], [0.4131267931657446, 0.45455454545454543], [0.41415858585858584, 0.4541766510817956], [0.4242575757575757, 0.45056700726862764], [0.43435656565656566, 0.4470422843941281], [0.4419423899160838, 0.44445555555555555], [0.44445555555555555, 0.44361783367573165], [0.45455454545454543, 0.4403271411811108], [0.4646535353535354, 0.43710876174712754], [0.4734794624258697, 0.43435656565656566], [0.47475252525252526, 0.43396871014749183], [0.48485151515151514, 0.43095668455083636], [0.494950505050505, 0.42800675434226165], [0.5050494949494949, 0.42511641085777385], [0.5081109176956913, 0.4242575757575757], [0.5151484848484849, 0.42232974164641257], [0.5252474747474747, 0.4196169883300424], [0.5353464646464646, 0.41695589991483417], [0.5454454545454546, 0.41434454518814795], [0.5461780626930897, 0.4141585858585859], [0.5555444444444444, 0.41183838001302614], [0.5656434343434343, 0.40938176497778944], [0.5757424242424243, 0.40696862452536525], [0.5858414141414141, 0.40459744664037567], [0.588171986754495, 0.40405959595959595], [0.595940404040404, 0.4023110572181124], [0.606039393939394, 0.40007614518231605], [0.6161383838383838, 0.39787816949173305], [0.6187203848370728, 0.3973253511439707]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.755078183160142, 0.3717978783080208], [0.7575242424242424, 0.37139837372907886], [0.7676232323232324, 0.3697707926287336], [0.7777222222222222, 0.3681644849545306], [0.7878212121212121, 0.3665789017618178], [0.797920202020202, 0.36501351508323], [0.8067397836606286, 0.36366363636363636], [0.8080191919191919, 0.3634731810159634], [0.8181181818181819, 0.3619884980072118], [0.8282171717171718, 0.3605220302146447], [0.8383161616161616, 0.3590733360938425], [0.8484151515151515, 0.3576419899631486], [0.8585141414141414, 0.3562275812528114], [0.8686131313131313, 0.3548297137980363], [0.8778595831257681, 0.35356464646464647], [0.8787121212121212, 0.3534512903674052], [0.8888111111111111, 0.3521238422810369], [0.898910101010101, 0.35081139225093094], [0.9090090909090909, 0.34951360515149227], [0.9191080808080808, 0.3482301569655055], [0.9292070707070708, 0.34696073429855123], [0.9393060606060606, 0.3457050339196678], [0.9494050505050506, 0.34446276232657586], [0.957597662877736, 0.34346565656565653], [0.9595040404040404, 0.34324035961243293], [0.9696030303030303, 0.3420593506977733], [0.9797020202020202, 0.34089057918191323], [0.98980101010101, 0.3397337940601102], [0.9999, 0.33858875197193417]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#38568B\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652729224944\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.04990835997822998, 0.9999], [0.0505949494949495, 0.9948803446654009], [0.051444911294296077, 0.9898010101010101], [0.05315217956546717, 0.9797020202020202], [0.054877138235549454, 0.9696030303030303], [0.05662015775573989, 0.9595040404040404], [0.05838162033679076, 0.9494050505050505], [0.060161920452062555, 0.9393060606060606], [0.060693939393939404, 0.9363203869097854], [0.06219268403447063, 0.9292070707070708], [0.06434374980748563, 0.9191080808080807], [0.06651858214362014, 0.9090090909090909], [0.06871771209689329, 0.898910101010101], [0.0707929292929293, 0.8894866217948172], [0.07096462426040467, 0.8888111111111111], [0.07356082368970886, 0.8787121212121212], [0.07618703421436887, 0.8686131313131313], [0.07884395779074355, 0.8585141414141415], [0.0808919191919192, 0.8508208583176803], [0.08161783370248198, 0.8484151515151515], [0.08470166396147186, 0.8383161616161616], [0.0878228704047968, 0.8282171717171718], [0.09098237016210567, 0.8181181818181819], [0.0909909090909091, 0.8180912229413336], [0.0945568158216113, 0.8080191919191919], [0.098177236893073, 0.7979202020202021], [0.101089898989899, 0.7898976594829072], [0.10192318542979535, 0.7878212121212121], [0.10602823802891205, 0.7777222222222222], [0.11018694601930507, 0.7676232323232325], [0.11118888888888889, 0.7652219204623167], [0.11470677400652887, 0.7575242424242424], [0.11938401701122034, 0.7474252525252525], [0.1212878787878788, 0.7433696527395872], [0.12437167185585207, 0.7373262626262627], [0.12959600962404208, 0.7272272727272727], [0.13138686868686866, 0.7238131685405003], [0.13517399619441703, 0.7171282828282828], [0.14097642943637975, 0.707029292929293], [0.14148585858585858, 0.7061552194745337], [0.14726065929684207, 0.696930303030303], [0.1515848484848485, 0.6901220360756757], [0.1538190661261468, 0.6868313131313131], [0.1607772867383103, 0.6767323232323232], [0.16168383838383837, 0.6754360669205285], [0.16823732406022313, 0.6666333333333333], [0.17178282828282826, 0.6619425691462603], [0.17611836809371367, 0.6565343434343435], [0.1818818181818182, 0.649454668204744], [0.1844802444637852, 0.6464353535353535], [0.19198080808080809, 0.6378549708050751], [0.19338005452000215, 0.6363363636363636], [0.20207979797979797, 0.6270431746820717], [0.20287282319928798, 0.6262373737373738], [0.21217878787878786, 0.6169327656194024], [0.21301203774443603, 0.6161383838383838], [0.22227777777777777, 0.607448474816821], [0.22385010442157965, 0.606039393939394], [0.23237676767676768, 0.5985242948807916], [0.23543874329768746, 0.595940404040404], [0.24247575757575757, 0.5901019125798904], [0.2478293362017029, 0.5858414141414141], [0.2525747474747475, 0.5821294568674247], [0.2610732394996972, 0.5757424242424243], [0.26267373737373734, 0.5745604884057097], [0.2727727272727273, 0.5673839785264327], [0.27531448586843377, 0.5656434343434343], [0.28287171717171716, 0.5605599796122027], [0.29059907480167807, 0.5555444444444444], [0.29297070707070705, 0.5540328401253016], [0.303069696969697, 0.5478142246820294], [0.30704694688911677, 0.5454454545454546], [0.3131686868686868, 0.5418663596665585], [0.32326767676767676, 0.5361493674471524], [0.324731012999662, 0.5353464646464646], [0.33336666666666664, 0.5306968107178281], [0.34346565656565653, 0.5254215510765333], [0.3438088557341712, 0.5252474747474747], [0.35356464646464647, 0.5203934166539217], [0.36366363636363636, 0.5155101212561015], [0.3644325894289688, 0.5151484848484849], [0.37376262626262624, 0.5108457862113712], [0.3838616161616162, 0.5063126494913419], [0.38675072172676905, 0.5050494949494949], [0.39396060606060607, 0.5019596524916605], [0.40405959595959595, 0.497741218887217], [0.4109097193785396, 0.494950505050505], [0.4141585858585858, 0.4936536647795139], [0.4242575757575757, 0.48971960461568764], [0.43435656565656566, 0.48587809765078666], [0.4371188544447449, 0.48485151515151514], [0.4444555555555555, 0.4821811006027692], [0.45455454545454543, 0.47858785904350665], [0.4646535353535354, 0.47507357906913383], [0.4655964224331935, 0.47475252525252526], [0.4747525252525252, 0.47170049097941463], [0.48485151515151514, 0.4684050216355231], [0.494950505050505, 0.4651774911059778], [0.4966237690840527, 0.4646535353535354], [0.5050494949494949, 0.46207188636064955], [0.5151484848484849, 0.45903881401804647], [0.5252474747474747, 0.4560646286981722], [0.530474586671765, 0.45455454545454543], [0.5353464646464646, 0.45317801623424453], [0.5454454545454546, 0.4503779162655993], [0.5555444444444444, 0.4476291878534666], [0.5656434343434343, 0.44492997994783934], [0.5674504549957491, 0.4444555555555555], [0.5757424242424243, 0.4423274547597489], [0.5858414141414141, 0.43978065978003733], [0.595940404040404, 0.4372773945272391], [0.606039393939394, 0.4348161959556523], [0.6079570798737601, 0.43435656565656566], [0.6161383838383838, 0.43244074529736337], [0.6262373737373738, 0.43011430833609676], [0.6363363636363636, 0.42782509007026304], [0.6464353535353535, 0.4255719183664291], [0.6524191588077141, 0.4242575757575757], [0.6565343434343435, 0.4233749408748553], [0.6591162622935901, 0.4228296182437681]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.7954631231019219, 0.39715493576081007], [0.7979202020202021, 0.39674277935511554], [0.8080191919191919, 0.395070056632742], [0.8148016975193142, 0.3939606060606061], [0.818118181818182, 0.39343184315050056], [0.8282171717171717, 0.3918414673191606], [0.8383161616161616, 0.39027036693195416], [0.8484151515151515, 0.3887180803395887], [0.8585141414141414, 0.3871841622815458], [0.8686131313131313, 0.385668183119399], [0.8787121212121212, 0.3841697281144464], [0.8808126772166534, 0.3838616161616162], [0.8888111111111111, 0.3827188656126248], [0.898910101010101, 0.38129230690823734], [0.909009090909091, 0.3798816859773996], [0.9191080808080808, 0.37848665063178577], [0.9292070707070708, 0.3771068602294463], [0.9393060606060606, 0.37574198517553337], [0.9494050505050505, 0.374391706449725], [0.9541603767542659, 0.37376262626262624], [0.9595040404040404, 0.373074563408435], [0.9696030303030303, 0.3717878087025272], [0.9797020202020201, 0.3705143871140057], [0.9898010101010102, 0.3692540251635346], [0.9999, 0.36800645770055096]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#30678D\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652729202224\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.06416300602298054, 0.9999], [0.06616121681783652, 0.98980101010101], [0.0681799203585926, 0.9797020202020204], [0.07021954133307746, 0.9696030303030303], [0.0707929292929293, 0.9667933721656218], [0.07250987225799453, 0.9595040404040404], [0.07491377703565122, 0.9494050505050504], [0.07734338978973619, 0.9393060606060607], [0.07979926632495593, 0.9292070707070708], [0.08089191919191921, 0.9247624634174384], [0.08246759452340147, 0.9191080808080808], [0.08531291751476044, 0.9090090909090909], [0.08819002896517952, 0.898910101010101], [0.0909909090909091, 0.8891885300639796], [0.09111245297331048, 0.8888111111111111], [0.09440189400707946, 0.8787121212121212], [0.09772935975012828, 0.8686131313131313], [0.101089898989899, 0.8585316629740259], [0.10109635483735976, 0.8585141414141414], [0.10486137545912402, 0.8484151515151515], [0.10867148187289219, 0.8383161616161615], [0.11118888888888889, 0.8317234778943629], [0.11265534324894773, 0.8282171717171716], [0.11693089811300156, 0.818118181818182], [0.12125956028466384, 0.8080191919191919], [0.12128787878787879, 0.8079539440522217], [0.1260214747094201, 0.797920202020202], [0.13084653915664052, 0.7878212121212123], [0.13138686868686866, 0.7867046931088575], [0.1360816968453959, 0.7777222222222222], [0.14142908267524562, 0.7676232323232324], [0.14148585858585858, 0.7675174077266621], [0.14724448967991965, 0.7575242424242423], [0.1515848484848485, 0.7500920086701545], [0.15324962378621404, 0.7474252525252525], [0.15963988460653236, 0.7373262626262627], [0.16168383838383837, 0.7341399989535032], [0.16640438015888465, 0.7272272727272727], [0.17178282828282826, 0.7194597386556802], [0.17349503017434637, 0.7171282828282828], [0.1810168338306892, 0.7070292929292928], [0.18188181818181817, 0.7058844113975365], [0.18903341247428454, 0.696930303030303], [0.19198080808080809, 0.6932931266792753], [0.19750018459936614, 0.6868313131313131], [0.20207979797979797, 0.6815479906758481], [0.2064680921610587, 0.6767323232323232], [0.21217878787878786, 0.6705582985091966], [0.21598628100460165, 0.6666333333333333], [0.2222777777777778, 0.6602452430085484], [0.22610253701861158, 0.6565343434343435], [0.23237676767676768, 0.6505398188131748], [0.2368636582939429, 0.6464353535353535], [0.24247575757575757, 0.6413811673824695], [0.2483157781853537, 0.6363363636363635], [0.25257474747474745, 0.632715255529905], [0.26050465064546563, 0.6262373737373738], [0.26267373737373734, 0.6244938094499559], [0.2727727272727273, 0.6166822896891888], [0.2735024379998349, 0.6161383838383838], [0.28287171717171716, 0.6092683278693243], [0.2874353956634971, 0.606039393939394], [0.29297070707070705, 0.6021877278797915], [0.3022638466657587, 0.595940404040404], [0.303069696969697, 0.5954077739285629], [0.3131686868686869, 0.5889516248017519], [0.3181933026614819, 0.5858414141414141], [0.32326767676767676, 0.5827540893895977], [0.33336666666666664, 0.5767987440014434], [0.33521306712139715, 0.5757424242424243], [0.34346565656565653, 0.5711032436270349], [0.35346793272368654, 0.5656434343434342], [0.35356464646464647, 0.5655915767559738], [0.36366363636363636, 0.5603290462264072], [0.3731040680007471, 0.5555444444444444], [0.37376262626262624, 0.5552166869324222], [0.3838616161616162, 0.550324537675189], [0.39396060606060607, 0.5455594390261288], [0.3942084546922797, 0.5454454545454546], [0.40405959595959595, 0.5409980765691227], [0.41415858585858584, 0.5365513639675383], [0.4169626064704129, 0.5353464646464646], [0.4182333283975369, 0.5348106351117395]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.5520887320594995, 0.4875428534746954], [0.5555444444444444, 0.4865177489956016], [0.5612645086568392, 0.48485151515151514], [0.5656434343434343, 0.4836022468934905], [0.5757424242424243, 0.4807720831525867], [0.5858414141414141, 0.4779911336779761], [0.595940404040404, 0.47525771609036616], [0.5978388036488399, 0.47475252525252526], [0.606039393939394, 0.4726161696817743], [0.6161383838383838, 0.4700287384791261], [0.6262373737373738, 0.46748337442416465], [0.6363363636363636, 0.4649787314938695], [0.637668566656739, 0.4646535353535354], [0.6464353535353535, 0.46255954271829314], [0.6565343434343435, 0.4601847406243542], [0.6666333333333333, 0.45784619098950324], [0.6767323232323232, 0.455542803613979], [0.6811303996854412, 0.45455454545454543], [0.6868313131313131, 0.4533016869504203], [0.6969303030303031, 0.45111468375896074], [0.707029292929293, 0.4489591448499085], [0.7171282828282828, 0.4468341776993268], [0.7272272727272727, 0.4447389272291433], [0.7286122088894735, 0.44445555555555555], [0.7373262626262628, 0.44271263524383775], [0.7474252525252525, 0.44072018941017577], [0.7575242424242424, 0.43875448506998693], [0.7676232323232324, 0.43681481390075416], [0.7777222222222222, 0.43490049535533254], [0.780629230067607, 0.43435656565656566], [0.7878212121212121, 0.4330418063555575], [0.7979202020202021, 0.43121913572916276], [0.8080191919191919, 0.429419389530305], [0.8181181818181819, 0.4276419982557953], [0.8282171717171717, 0.4258864133642769], [0.8377020054563391, 0.4242575757575757], [0.8383161616161616, 0.4241545875487455], [0.8484151515151515, 0.4224813615602241], [0.8585141414141413, 0.4208279352073826], [0.8686131313131313, 0.4191938453784577], [0.8787121212121212, 0.41757864502225545], [0.8888111111111111, 0.415981902413996], [0.898910101010101, 0.41440320046263385], [0.9004925856316912, 0.41415858585858584], [0.9090090909090909, 0.41287385327764703], [0.9191080808080808, 0.411367231836623], [0.9292070707070708, 0.40987707475148527], [0.9393060606060606, 0.4084030260637517], [0.9494050505050505, 0.4069447412353006], [0.9595040404040404, 0.40550188666499776], [0.9696030303030303, 0.4040741392306278], [0.9697069773615367, 0.40405959595959595], [0.9797020202020201, 0.4026957096099143], [0.9898010101010102, 0.4013317719024053], [0.9999, 0.3999816801253656]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#29788E\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652729135960\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.0822311282740024, 0.9999], [0.08484537812752939, 0.98980101010101], [0.08748643854483958, 0.9797020202020201], [0.09015486514303636, 0.9696030303030303], [0.0909909090909091, 0.9664717047123357], [0.0930703157296334, 0.9595040404040404], [0.09611611526554056, 0.9494050505050505], [0.09919448736563671, 0.9393060606060606], [0.101089898989899, 0.9331544208869178], [0.10243425290279612, 0.9292070707070708], [0.10591126435768317, 0.9191080808080808], [0.10942669240273056, 0.9090090909090909], [0.11118888888888889, 0.9040026517428915], [0.11315219613367794, 0.898910101010101], [0.11708960184753092, 0.888811111111111], [0.12107200236581053, 0.8787121212121212], [0.12128787878787879, 0.8781709349966661], [0.12543208031097505, 0.8686131313131313], [0.12986214658179718, 0.8585141414141414], [0.13138686868686866, 0.8550789615375564], [0.1345813115369105, 0.8484151515151515], [0.1394804554763911, 0.8383161616161616], [0.14148585858585858, 0.834231769840134], [0.1446577594476715, 0.8282171717171717], [0.15004897579051515, 0.8181181818181817], [0.1515848484848485, 0.8152764362713243], [0.15577768398992364, 0.8080191919191919], [0.16168383838383837, 0.7979233975494532], [0.16168582841660206, 0.797920202020202], [0.16805513709531322, 0.7878212121212123], [0.17178282828282826, 0.7819859795779904], [0.17467169964914903, 0.7777222222222222], [0.1816036167621211, 0.7676232323232324], [0.18188181818181817, 0.7672232230912146], [0.18901278216713338, 0.7575242424242423], [0.19198080808080809, 0.7535408283540291], [0.19678379182482153, 0.7474252525252525], [0.20207979797979797, 0.7407724230328808], [0.20496379710723886, 0.7373262626262627], [0.21217878787878786, 0.7288221807645956], [0.21359793250956444, 0.7272272727272727], [0.22227777777777777, 0.7176069499779744], [0.22272973562941395, 0.7171282828282828], [0.23065560584261227, 0.7088514083251873]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.3533860873940056, 0.6148575318621499], [0.35356464646464647, 0.6147531646956469], [0.36366363636363636, 0.6090165923065106], [0.3690524848880077, 0.606039393939394], [0.37376262626262624, 0.6034801705917645], [0.3838616161616162, 0.5981392577174258], [0.38813022714204076, 0.595940404040404], [0.3939606060606061, 0.5929875205147754], [0.40405959595959595, 0.588002204246571], [0.40854760967906517, 0.5858414141414141], [0.41415858585858584, 0.5831861378512274], [0.4242575757575757, 0.5785221472674265], [0.4304215550308539, 0.5757424242424243], [0.43435656565656566, 0.5739987401720402], [0.44445555555555555, 0.5696265311410313], [0.45386723797140366, 0.5656434343434343], [0.4545545454545455, 0.5653577080788563], [0.4646535353535354, 0.5612516321818077], [0.47475252525252526, 0.557233847070008], [0.47909026812274724, 0.5555444444444444], [0.48485151515151514, 0.5533410595739464], [0.4949505050505051, 0.5495583335547277], [0.5050494949494949, 0.545852016208144], [0.5061796728152066, 0.5454454545454546], [0.5151484848484849, 0.5422782738372465], [0.5252474747474747, 0.5387812296835606], [0.5353464646464646, 0.5353507873987099], [0.5353594329032004, 0.5353464646464646], [0.5454454545454546, 0.5320472907522495], [0.5555444444444444, 0.528804480450319], [0.5656434343434343, 0.5256200919291449], [0.5668464444346085, 0.5252474747474747], [0.5757424242424243, 0.5225445348051347], [0.5858414141414141, 0.5195294323018768], [0.5959404040404039, 0.5165658638206458], [0.6008529788018572, 0.5151484848484849], [0.606039393939394, 0.5136811496158229], [0.6161383838383838, 0.5108711746044919], [0.6262373737373738, 0.5081068849175387], [0.6363363636363636, 0.5053868187611003], [0.6376088067739498, 0.5050494949494949], [0.6464353535353535, 0.5027559122534015], [0.6565343434343435, 0.5001723656541354], [0.6666333333333333, 0.4976282580959711], [0.6767323232323232, 0.4951224035508633], [0.6774355179142859, 0.494950505050505], [0.6868313131313131, 0.4927000633406508], [0.6969303030303031, 0.49031650347186384], [0.707029292929293, 0.48796723573449186], [0.7171282828282828, 0.48565128738910474], [0.7206652552007985, 0.48485151515151514], [0.7272272727272728, 0.48339831603237626], [0.7373262626262627, 0.48119267745773897], [0.7474252525252525, 0.47901704446079474], [0.7575242424242425, 0.4768706115929605], [0.7676232323232324, 0.47475260540794506], [0.7676236195786579, 0.47475252525252526], [0.7777222222222222, 0.4727062820053318], [0.7878212121212121, 0.4706863618051978], [0.797920202020202, 0.4686921705274194], [0.8080191919191919, 0.4667230609581957], [0.8181181818181819, 0.4647784100017924], [0.8187747378012856, 0.4646535353535354], [0.8282171717171717, 0.4628962341717455], [0.8383161616161616, 0.4610395229881542], [0.8484151515151515, 0.4592050457646405], [0.8585141414141413, 0.4573922762966468], [0.8686131313131313, 0.4556007068416521], [0.8745792583981332, 0.45455454545454543], [0.8787121212121212, 0.453845772528686], [0.888811111111111, 0.45213361949117226], [0.898910101010101, 0.4504408110652106], [0.9090090909090909, 0.4487669150031587], [0.9191080808080807, 0.4471115133850505], [0.9292070707070708, 0.44547420199228566], [0.9355587761248116, 0.4444555555555555], [0.9393060606060606, 0.44386809271018624], [0.9494050505050504, 0.44230180259606233], [0.9595040404040404, 0.44075208555485546], [0.9696030303030303, 0.4392185945328754], [0.9797020202020204, 0.43770099326495104], [0.9898010101010101, 0.4361989558318498], [0.9999, 0.4347121662401613]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#23888D\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652728622776\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.10561910768957583, 0.9999], [0.10884904231554265, 0.9898010101010102], [0.11118888888888889, 0.9825593132149525], [0.11220007090023638, 0.9797020202020201], [0.11581108694633625, 0.9696030303030303], [0.11945991144586626, 0.9595040404040404], [0.12121293696711961, 0.9547029262699531]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.21006027577803912, 0.7948691421771853], [0.21217878787878786, 0.7921654905538764], [0.2157488891438141, 0.7878212121212121], [0.22227777777777774, 0.7799777287884664], [0.22424256873030485, 0.7777222222222222], [0.23237676767676768, 0.7685049410520093], [0.23318944896200805, 0.7676232323232324], [0.24247575757575757, 0.7576798511037076], [0.242627266715264, 0.7575242424242424], [0.25257474747474745, 0.7474429083311435], [0.2525928798414563, 0.7474252525252525], [0.26267373737373734, 0.7377410870435374], [0.2631224859016225, 0.7373262626262627], [0.2727727272727273, 0.7285269096499494], [0.2742518154848388, 0.7272272727272727], [0.28287171717171716, 0.7197576451589022], [0.28601630535911704, 0.7171282828282828], [0.29297070707070705, 0.711394646309315], [0.29845125565519887, 0.707029292929293], [0.303069696969697, 0.7034027973058579], [0.3115919744913347, 0.6969303030303029], [0.3131686868686868, 0.695750050530035], [0.32326767676767676, 0.688430376833711], [0.3255439416500767, 0.6868313131313131], [0.33336666666666664, 0.6814161077541573], [0.34034094941018445, 0.6767323232323232], [0.34346565656565653, 0.6746649196298278], [0.35356464646464647, 0.6681767607649016], [0.356036655836509, 0.6666333333333333], [0.36366363636363636, 0.6619429414509332], [0.37270618715921805, 0.6565343434343435], [0.37376262626262624, 0.6559121042100852], [0.3838616161616162, 0.650122429505885], [0.39046450009563705, 0.6464353535353535], [0.39396060606060607, 0.644513378268265], [0.40405959595959595, 0.6391020187777299], [0.4093516704413759, 0.6363363636363636], [0.41415858585858584, 0.6338638104405885], [0.4242575757575757, 0.6287943056699741], [0.4294739764162877, 0.6262373737373738], [0.43435656565656566, 0.6238823552052463], [0.4444555555555556, 0.6191232734484505], [0.4509352186986113, 0.6161383838383838], [0.45455454545454543, 0.6144982294343124], [0.4646535353535354, 0.6100222835967789], [0.47383753075443025, 0.606039393939394], [0.47475252525252526, 0.6056491397711523], [0.48485151515151514, 0.6014324893417425], [0.49495050505050503, 0.5973027686333507], [0.4983507710192839, 0.595940404040404], [0.505049494949495, 0.5933015685138462], [0.5151484848484849, 0.5894020306449343], [0.5245523141959872, 0.5858414141414141], [0.5252474747474747, 0.5855827010138223], [0.5353464646464646, 0.5818958101162185], [0.5454454545454546, 0.5782778243637682], [0.5526548574553317, 0.5757424242424243], [0.5555444444444445, 0.5747438864230825], [0.5656434343434343, 0.5713169094311107], [0.5757424242424243, 0.5679505794647807], [0.5827863477588898, 0.5656434343434343], [0.5858414141414141, 0.5646604956602584], [0.595940404040404, 0.5614667774150134], [0.606039393939394, 0.5583267287228257], [0.6151381203489135, 0.5555444444444444], [0.6161383838383838, 0.5552440860196811], [0.6262373737373738, 0.5522608718406217], [0.6363363636363636, 0.5493253835796899], [0.6464353535353535, 0.5464361181980595], [0.6499525930889362, 0.5454454545454546], [0.6565343434343435, 0.5436256532060987], [0.6666333333333332, 0.5408759888613747], [0.6767323232323232, 0.5381676682663449], [0.6868313131313131, 0.5354994665324844], [0.6874189948200088, 0.5353464646464646], [0.696930303030303, 0.5329164916551303], [0.707029292929293, 0.5303734962287241], [0.7171282828282828, 0.5278665678116586], [0.7272272727272727, 0.5253946976262139], [0.7278371731202773, 0.5252474747474747], [0.7373262626262627, 0.5230005427095926], [0.7474252525252525, 0.5206417236964656], [0.7575242424242424, 0.5183145634326899], [0.7676232323232324, 0.5160182233486077], [0.7714988803595039, 0.5151484848484849], [0.7777222222222222, 0.5137790124603114], [0.7878212121212123, 0.511585359820794], [0.797920202020202, 0.5094196490368179], [0.8080191919191919, 0.5072811772280108], [0.8181181818181819, 0.5051692677064509], [0.8186980401277215, 0.5050494949494949], [0.8282171717171717, 0.5031221988007265], [0.8383161616161616, 0.5011022831722075], [0.8484151515151515, 0.4991065558632513], [0.8585141414141414, 0.4971344444160525], [0.8686131313131313, 0.4951853964576504], [0.8698444545264136, 0.49495050505050503], [0.8787121212121212, 0.4932930485519226], [0.888811111111111, 0.49142701594375077], [0.898910101010101, 0.48958206654202], [0.9090090909090909, 0.48775772925087757], [0.9191080808080808, 0.485953548589845], [0.9253449233295568, 0.48485151515151514], [0.9292070707070708, 0.4841831528911588], [0.9393060606060606, 0.4824543686655412], [0.9494050505050504, 0.48074407250716955], [0.9595040404040405, 0.4790518731641241], [0.9696030303030303, 0.47737739167430326], [0.9797020202020202, 0.4757202608560304], [0.9856607650246982, 0.47475252525252526], [0.9898010101010101, 0.47409427872927534], [0.9999, 0.4725049665247236]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#1E988A\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652728218904\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.13555562533852836, 0.9999], [0.1397087677784725, 0.9898010101010101], [0.14148585858585858, 0.9855236138161688], [0.14408368852474807, 0.9797020202020201], [0.14863696157140613, 0.9696030303030303], [0.1515848484848485, 0.9631324757136983], [0.1533519225188682, 0.9595040404040405], [0.15832224388153382, 0.9494050505050505], [0.16168383838383837, 0.9426470379389431], [0.16345294085371492, 0.9393060606060606], [0.16885832879473234, 0.9292070707070708], [0.17178282828282826, 0.9238022362639596], [0.17447672279690746, 0.9191080808080808], [0.18033639264657716, 0.9090090909090909], [0.1818818181818182, 0.9063750181798904], [0.18651178775772187, 0.898910101010101], [0.19198080808080809, 0.8901908923928579], [0.19289303785554035, 0.8888111111111111], [0.19964619258924982, 0.8787121212121212], [0.20207979797979797, 0.8751143801044918], [0.2067029117831501, 0.8686131313131313], [0.21217878787878786, 0.8610017007576378], [0.21405569783215772, 0.8585141414141414], [0.22176574177985456, 0.8484151515151515], [0.2222777777777778, 0.8477523983162936], [0.22990716151578194, 0.8383161616161616], [0.23237676767676768, 0.835298260278469], [0.23842886429130228, 0.8282171717171717], [0.24247575757575757, 0.8235396038828202], [0.24736578020559458, 0.8181181818181819], [0.25257474747474745, 0.8124140077569256], [0.2567518139589289, 0.8080191919191919], [0.26267373737373734, 0.8018659518623825], [0.26662005398711297, 0.797920202020202], [0.2727727272727273, 0.7918457858011263], [0.2770029553974357, 0.7878212121212121], [0.28287171717171716, 0.7823088825498721], [0.2879325018835396, 0.7777222222222222], [0.29297070707070705, 0.773214938813775], [0.29944035073963754, 0.7676232323232324], [0.303069696969697, 0.7645273923575945], [0.3115579642926899, 0.7575242424242424], [0.3131686868686869, 0.7562129334426263], [0.32326767676767676, 0.7482521912630222], [0.3243500287878767, 0.7474252525252525], [0.33336666666666664, 0.7406288184931125], [0.3378828670814058, 0.7373262626262627], [0.34346565656565653, 0.7332992823095379], [0.3521348082643395, 0.7272272727272727], [0.35356464646464647, 0.7262396037512847], [0.36366363636363636, 0.719460145060712], [0.3672351190738549, 0.7171282828282828], [0.37376262626262624, 0.71292599861914], [0.3831730261894312, 0.707029292929293], [0.3838616161616162, 0.7066039311933819], [0.39396060606060607, 0.7005275101237911], [0.4000944154632218, 0.696930303030303], [0.40405959595959595, 0.6946383560051257], [0.4141585858585858, 0.6889450676437308], [0.4180006169042162, 0.6868313131313131], [0.4242575757575757, 0.6834391957049463], [0.43435656565656566, 0.6780929840984361], [0.4369873218354666, 0.6767323232323232], [0.44445555555555555, 0.672926875285782], [0.45455454545454543, 0.6678965457062452], [0.4571475777432459, 0.6666333333333333], [0.4646535353535354, 0.6630317377613083], [0.47475252525252526, 0.6582901203759587], [0.478572497252172, 0.6565343434343435], [0.48485151515151514, 0.6536923697537381], [0.4949505050505051, 0.6492156557381122], [0.5013518742324162, 0.6464353535353535], [0.5050494949494949, 0.644854264689272], [0.5151484848484849, 0.640621473804926], [0.5252474747474747, 0.636470862448418], [0.5255810818706167, 0.6363363636363636], [0.5353464646464646, 0.6324612941853021], [0.5454454545454546, 0.6285287399267737], [0.5514397675965426, 0.6262373737373736], [0.5555444444444444, 0.62469343534902], [0.5656434343434343, 0.6209632240147078], [0.5727664690438424, 0.6183787863955461]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.707377628677273, 0.5763499382665819], [0.7096121716412545, 0.5757424242424243], [0.7171282828282828, 0.5737345230832149], [0.7272272727272726, 0.5710743444660853], [0.7373262626262627, 0.5684508541282706], [0.7474252525252525, 0.5658630538368955], [0.7482939856729378, 0.5656434343434343], [0.7575242424242425, 0.5633512804699651], [0.7676232323232324, 0.5608766073620993], [0.7777222222222222, 0.5584342796627515], [0.7878212121212121, 0.5560234627231483], [0.7898537244528924, 0.5555444444444444], [0.797920202020202, 0.5536776034345925], [0.8080191919191919, 0.5513697702680246], [0.8181181818181819, 0.5490906030521775], [0.8282171717171716, 0.5468393983867958], [0.83454717691566, 0.5454454545454546], [0.8383161616161616, 0.5446307054629389], [0.8484151515151515, 0.5424737289602676], [0.8585141414141414, 0.540342276415039], [0.8686131313131313, 0.5382357508240996], [0.8787121212121212, 0.5361535758881765], [0.8826720338713752, 0.5353464646464646], [0.8888111111111112, 0.5341185803281457], [0.898910101010101, 0.5321214908453606], [0.9090090909090909, 0.5301467132098461], [0.9191080808080808, 0.528193754380833], [0.9292070707070708, 0.5262621374817279], [0.9345699605375731, 0.5252474747474747], [0.9393060606060607, 0.5243684669936236], [0.9494050505050504, 0.5225141656927556], [0.9595040404040405, 0.5206794849400813], [0.9696030303030303, 0.5188640138652878], [0.9797020202020202, 0.5170673543703864], [0.9898010101010101, 0.5152891206057495], [0.9906079033567818, 0.5151484848484849], [0.9999, 0.5135603819246188]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#22A784\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652728220416\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.17398974323210012, 0.9999], [0.17937354011306483, 0.9898010101010102], [0.18188181818181814, 0.9851437155238669], [0.18498001509616335, 0.9797020202020201], [0.1907893933854791, 0.9696030303030303], [0.19198080808080809, 0.9675533426923437], [0.19691248979435988, 0.9595040404040404], [0.20207979797979797, 0.9511584629745439], [0.20322112372027373, 0.9494050505050505], [0.20986502632375645, 0.9393060606060606], [0.21217878787878786, 0.9358266650033051], [0.21679545782774023, 0.9292070707070708], [0.22227777777777774, 0.921431241738869], [0.2239918887880652, 0.9191080808080807], [0.23152561231765628, 0.9090090909090909], [0.23237676767676768, 0.9078807197298413], [0.23944421231478577, 0.8989101010101012], [0.24247575757575757, 0.8951051881485133], [0.24770389973086954, 0.8888111111111111], [0.25257474747474745, 0.8830134282910096], [0.2563359125831697, 0.8787121212121212], [0.26267373737373734, 0.8715469463791927], [0.26537054285109457, 0.8686131313131313], [0.2727727272727273, 0.8606534901572092], [0.27483731145883294, 0.8585141414141413], [0.28287171717171716, 0.8502861501898373], [0.28476512163509105, 0.8484151515151515], [0.29297070707070705, 0.8404026170827388], [0.2951823947187781, 0.8383161616161616], [0.303069696969697, 0.8309645630973845], [0.30611719167195595, 0.8282171717171717], [0.3131686868686869, 0.8219371238370039], [0.3175973229417842, 0.8181181818181819], [0.32326767676767676, 0.8132884610595479], [0.3296504488338836, 0.8080191919191919], [0.3333666666666667, 0.8049893917333437], [0.34230417218612436, 0.797920202020202], [0.34346565656565653, 0.7970130715445797], [0.35356464646464647, 0.7893542506662016], [0.3556447096865973, 0.7878212121212121], [0.36366363636363636, 0.781986420083287], [0.36968910670659066, 0.7777222222222222], [0.37376262626262624, 0.7748766048746162], [0.3838616161616162, 0.7680099069738251], [0.3844454691415624, 0.7676232323232324], [0.3880718205304698, 0.765252960351315]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.5175966171266768, 0.6951920583618562], [0.5252474747474747, 0.6918000460662128], [0.5353464646464646, 0.6874079256652186], [0.5366975451071708, 0.6868313131313131], [0.5454454545454546, 0.683152387195151], [0.5555444444444444, 0.678983184604387], [0.5610966965987173, 0.6767323232323232], [0.5656434343434343, 0.6749163975890172], [0.5757424242424243, 0.6709543326551688], [0.5858414141414141, 0.6670611648370266], [0.5869705200709681, 0.6666333333333333], [0.595940404040404, 0.6632856429229225], [0.606039393939394, 0.6595798923525413], [0.6144786639624426, 0.6565343434343435], [0.6161383838383837, 0.6559445299996675], [0.6262373737373736, 0.6524140081857277], [0.6363363636363636, 0.6489399682014273], [0.6437337271086883, 0.6464353535353535], [0.6464353535353535, 0.6455348113931317], [0.6565343434343434, 0.6422206666844292], [0.6666333333333333, 0.638957113936956], [0.6748669862473339, 0.6363363636363636], [0.6767323232323232, 0.6357519807675985], [0.6868313131313131, 0.6326349814846836], [0.696930303030303, 0.6295634808917421], [0.707029292929293, 0.6265361697917323], [0.7080404052178377, 0.6262373737373738], [0.7171282828282829, 0.6235947589996795], [0.7272272727272727, 0.6206991958102688], [0.7373262626262627, 0.6178435672441883], [0.7434398486753542, 0.6161383838383838], [0.7474252525252525, 0.6150448593829929], [0.7575242424242424, 0.6123110654535432], [0.7676232323232324, 0.6096134770323527], [0.7777222222222222, 0.6069511476517276], [0.7812259745055046, 0.606039393939394], [0.787821212121212, 0.6043515315182141], [0.7979202020202021, 0.6017999048361587], [0.8080191919191919, 0.5992803709415369], [0.8181181818181819, 0.59679213256494], [0.821618023144711, 0.595940404040404], [0.8282171717171717, 0.5943614098705361], [0.8383161616161615, 0.5919742872588043], [0.8484151515151515, 0.5896157502393383], [0.8585141414141414, 0.5872851222853801], [0.864843989998916, 0.5858414141414141], [0.8686131313131312, 0.5849964439440959], [0.8787121212121212, 0.5827586124398683], [0.8888111111111111, 0.5805463538187101], [0.898910101010101, 0.5783590902083612], [0.9090090909090909, 0.5761962631052571], [0.9111518972815397, 0.5757424242424243], [0.9191080808080808, 0.5740866349053707], [0.9292070707070708, 0.5720078663673858], [0.9393060606060606, 0.5699515690373392], [0.9494050505050504, 0.5679172622846893], [0.9595040404040404, 0.5659044807359868], [0.9608276812553491, 0.5656434343434343], [0.9696030303030303, 0.5639434010443871], [0.9797020202020201, 0.5620072135576799], [0.9898010101010102, 0.5600908827374544], [0.9999, 0.558194005432699]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#35B778\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652728242528\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.2233657836490486, 0.9999000000000001], [0.23028768168788585, 0.9898010101010101], [0.23237676767676768, 0.9867839927177864], [0.2374984885329695, 0.9797020202020204], [0.24247575757575757, 0.972890367070876], [0.2449800139147549, 0.9696030303030303], [0.25257474747474745, 0.959736728389879], [0.252761172387965, 0.9595040404040404], [0.2609378918583559, 0.9494050505050505], [0.26267373737373734, 0.9472838090133254], [0.26945803269089624, 0.9393060606060606], [0.2727727272727273, 0.9354499486087492], [0.2783415490407368, 0.9292070707070708], [0.2828717171717171, 0.9241834641377195], [0.2876149836895107, 0.9191080808080808], [0.29297070707070705, 0.9134399825866037], [0.2973042880213371, 0.9090090909090909], [0.303069696969697, 0.9031793503883618], [0.30743493713413295, 0.898910101010101], [0.3131686868686869, 0.8933650851841846], [0.3180320328400261, 0.8888111111111111], [0.32326767676767676, 0.8839639135359195], [0.3291203966794206, 0.8787121212121212], [0.33336666666666664, 0.8749453788192244], [0.3407246546959577, 0.8686131313131313], [0.34346565656565653, 0.8662815068064361], [0.3528693154227496, 0.8585141414141413], [0.35356464646464647, 0.8579465189693595], [0.36366363636363636, 0.8499345650274823], [0.36563278374660274, 0.8484151515151515], [0.37376262626262624, 0.8422163154874903], [0.37901784039433717, 0.8383161616161616], [0.3838616161616162, 0.8347644039578415], [0.39302859552311464, 0.8282171717171717], [0.39396060606060607, 0.8275595797737106], [0.40405959595959595, 0.8206144743890303], [0.4077813781445105, 0.8181181818181819], [0.41415858585858584, 0.8138933066139399], [0.42324412419246993, 0.8080191919191919], [0.4242575757575757, 0.8073720991699775], [0.43435656565656566, 0.8010755572190049], [0.43953648506673504, 0.7979202020202021], [0.4444555555555555, 0.7949614309194275], [0.45455454545454543, 0.7890234762529431], [0.45664524202623213, 0.7878212121212121], [0.4646535353535354, 0.7832746675222201], [0.4746485416664478, 0.7777222222222222], [0.47475252525252526, 0.7776652023412667], [0.48485151515151514, 0.7722439447148572], [0.4936403994277526, 0.7676232323232324], [0.494950505050505, 0.7669434535519052], [0.5050494949494949, 0.761809204391744], [0.5136481990996391, 0.7575242424242424], [0.5151484848484849, 0.7567865117137041], [0.5252474747474747, 0.7519169814030477], [0.5347437959854648, 0.7474252525252525], [0.5353464646464646, 0.7471440181402261], [0.5454454545454546, 0.7425194166603085], [0.5555444444444444, 0.7379796596427078], [0.5570246361645825, 0.7373262626262627], [0.5656434343434343, 0.7335734474507898], [0.5757424242424243, 0.729253943285339], [0.5805646291782891, 0.7272272727272727], [0.5858414141414141, 0.725040137868757], [0.595940404040404, 0.7209258280721067], [0.6054211851862339, 0.7171282828282828], [0.606039393939394, 0.7168841210320872], [0.6161383838383838, 0.7129614404138962], [0.6262373737373738, 0.7091025357850822], [0.6317513914468749, 0.707029292929293], [0.6363363636363636, 0.7053298167532], [0.6464353535353535, 0.7016454453826219], [0.6565343434343435, 0.6980181895863017], [0.659610186656211, 0.696930303030303], [0.6666333333333333, 0.6944820426590947], [0.6767323232323232, 0.6910144810008225], [0.6868313131313131, 0.6875982849840554], [0.6891322286895399, 0.6868313131313131], [0.696930303030303, 0.6842698977242214], [0.707029292929293, 0.6810004301535275], [0.7171282828282828, 0.6777773330623821], [0.7204490711977938, 0.6767323232323232], [0.7215374253591144, 0.6763949054176828]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.8567059828564212, 0.6387765999801498], [0.8585141414141414, 0.6383236552662852], [0.866541300081255, 0.6363363636363636], [0.8686131313131313, 0.6358315149651097], [0.8787121212121212, 0.6333991135091728], [0.8888111111111111, 0.6309945083899544], [0.898910101010101, 0.6286170714916537], [0.9090090909090909, 0.6262661957511918], [0.9091342889974757, 0.6262373737373738], [0.9191080808080808, 0.6239780272600233], [0.9292070707070708, 0.6217153199293443], [0.9393060606060606, 0.6194770721601808], [0.9494050505050505, 0.6172627607936384], [0.9545879284618753, 0.6161383838383838], [0.9595040404040404, 0.6150892187939763], [0.9696030303030303, 0.6129565234740116], [0.9797020202020202, 0.6108459267536634], [0.9898010101010101, 0.6087569753623142], [0.9999, 0.6066892298336369]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#53C567\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652728243984\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.28682194148901935, 0.9999], [0.29297070707070705, 0.9928174174281763], [0.2956812811870852, 0.9898010101010101], [0.303069696969697, 0.9816624273509497], [0.30490972545809925, 0.9797020202020202], [0.3131686868686868, 0.9709929810534863], [0.31453001643034717, 0.9696030303030303], [0.322237597971503, 0.9618149448529691]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.44396185939283955, 0.8643703661639466], [0.44445555555555555, 0.8640469356660234], [0.45309513664357565, 0.8585141414141414], [0.45455454545454543, 0.8575904649647345], [0.4646535353535354, 0.8513391585287576], [0.46948107475408213, 0.8484151515151515], [0.4747525252525253, 0.8452600526714814], [0.48485151515151514, 0.8393427829260859], [0.4866405292458885, 0.8383161616161616], [0.4949505050505051, 0.833604606859905], [0.5046484531583403, 0.8282171717171718], [0.5050494949494949, 0.8279970839022464], [0.5151484848484849, 0.8225645897546083], [0.5235780023855845, 0.8181181818181819], [0.5252474747474747, 0.8172483713889589], [0.5353464646464646, 0.81208691436043], [0.5434570157883212, 0.8080191919191919], [0.5454454545454546, 0.8070343082356226], [0.5555444444444444, 0.8021239977303517], [0.5643489724463164, 0.7979202020202019], [0.5656434343434343, 0.7973099238079704], [0.5757424242424243, 0.7926329813550218], [0.5858414141414141, 0.7880373671616331], [0.5863246808260918, 0.7878212121212121], [0.595940404040404, 0.783575084295371], [0.606039393939394, 0.7791904958869345], [0.6094780890030249, 0.7777222222222222], [0.6161383838383838, 0.7749150626658793], [0.6262373737373738, 0.7707277761658471], [0.6338467164559423, 0.7676232323232323], [0.6363363636363636, 0.76662075500727], [0.6464353535353535, 0.7626183431866007], [0.6565343434343435, 0.7586779772420283], [0.6595371559069161, 0.7575242424242424], [0.6666333333333333, 0.7548338714569351], [0.6767323232323232, 0.751062615319213], [0.6866192186029694, 0.7474252525252525], [0.6868313131313131, 0.7473482707681514], [0.696930303030303, 0.743736250372786], [0.707029292929293, 0.7401761958960003], [0.715230157333822, 0.7373262626262627], [0.7171282828282828, 0.7366756068781676], [0.7272272727272727, 0.7332622003694582], [0.7373262626262627, 0.7298958704031283], [0.7454424687818804, 0.7272272727272727], [0.7474252525252525, 0.7265843273857091], [0.7575242424242424, 0.7233535404704526], [0.7676232323232324, 0.7201655410824798], [0.7773721259877362, 0.7171282828282828], [0.7777222222222221, 0.7170207360132768], [0.7878212121212123, 0.7139584316663059], [0.797920202020202, 0.7109351337071947], [0.8080191919191919, 0.7079498609260739], [0.8111725842750519, 0.707029292929293], [0.8181181818181819, 0.705030426237038], [0.8282171717171718, 0.7021597055094861], [0.8383161616161616, 0.6993237780779066], [0.846942842993484, 0.696930303030303], [0.8484151515151516, 0.696527687593809], [0.8585141414141414, 0.6937987111440398], [0.8686131313131313, 0.6911016495831909], [0.8787121212121212, 0.6884357650542794], [0.8848604176538333, 0.6868313131313131], [0.888811111111111, 0.6858153939892605], [0.8989101010101012, 0.6832477844560545], [0.9090090909090909, 0.6807088607239855], [0.9191080808080809, 0.6781979889024886], [0.9250682748948464, 0.6767323232323232], [0.9292070707070708, 0.6757296322616122], [0.9393060606060606, 0.6733094347092534], [0.9494050505050505, 0.6709151193777256], [0.9595040404040404, 0.6685461385370548], [0.9677446303693931, 0.6666333333333334], [0.9696030303030303, 0.6662084477348367], [0.9797020202020204, 0.6639234424414215], [0.9898010101010101, 0.661661871132748], [0.9999, 0.6594232580273115]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#79D151\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652728245496\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.3682668614207737, 0.9999], [0.37376262626262624, 0.9949568984780494], [0.37965199584077364, 0.9898010101010102], [0.3838616161616162, 0.986153081066985], [0.39150446883831946, 0.9797020202020202], [0.3939606060606061, 0.9776501430603071], [0.40384331759795916, 0.9696030303030302], [0.40405959595959595, 0.9694287479231519], [0.41415858585858584, 0.9614916456252147], [0.4167500049524273, 0.9595040404040404], [0.4242575757575757, 0.9538060627684213], [0.4301959921667343, 0.9494050505050505], [0.43435656565656566, 0.9463542393158983], [0.44419472122617554, 0.9393060606060606], [0.4444555555555556, 0.9391211939861983], [0.45455454545454543, 0.9321243481346656], [0.45885984546082303, 0.9292070707070708], [0.4646535353535354, 0.9253236956734404], [0.4741305221572582, 0.9191080808080808], [0.47475252525252526, 0.9187045894151258], [0.48485151515151514, 0.912291308551451], [0.4901288174256905, 0.9090090909090909], [0.49495050505050503, 0.9060433762504946], [0.5050494949494949, 0.8999571800846188], [0.5068220368505818, 0.898910101010101], [0.5151484848484849, 0.894046438631355], [0.5242886691649356, 0.8888111111111112], [0.5252474747474747, 0.888268130042375], [0.5353464646464646, 0.8826578947866541], [0.5425845293083994, 0.8787121212121212], [0.5454454545454546, 0.8771703329933422], [0.5555444444444444, 0.8718277110120822], [0.5617323429699852, 0.8686131313131313], [0.5656434343434343, 0.8666048273200813], [0.5757424242424243, 0.8615108744598159], [0.5817887220902315, 0.8585141414141414], [0.5858414141414141, 0.8565289920185677], [0.595940404040404, 0.8516667069751891], [0.6028093311117472, 0.8484151515151515], [0.606039393939394, 0.846904224507587], [0.6161383838383838, 0.8422582919328834], [0.6248491211360705, 0.8383161616161616], [0.6262373737373738, 0.8376954176208231], [0.6363363636363636, 0.8332519923309583], [0.6464353535353535, 0.8288785342467514], [0.6479865891623725, 0.8282171717171717], [0.6565343434343434, 0.8246170431349477], [0.6666333333333333, 0.820428499054794], [0.6722887691199169, 0.8181181818181819], [0.6767323232323232, 0.8163252044540982], [0.6868313131313131, 0.8123106175731047], [0.696930303030303, 0.8083546314254737], [0.6977991252835196, 0.8080191919191919], [0.707029292929293, 0.8044998242333858], [0.7171282828282828, 0.8007037967769076], [0.7246388178672465, 0.797920202020202], [0.7272272727272727, 0.796972921079815], [0.7373262626262627, 0.7933280278404264], [0.7474252525252525, 0.7897327198452098], [0.7528675994364522, 0.7878212121212121], [0.7575242424242424, 0.7862064989836087], [0.7676232323232324, 0.7827510038346279], [0.7777222222222222, 0.7793406740054102], [0.7825775775717863, 0.7777222222222222], [0.7878212121212121, 0.7759968950544524], [0.7979202020202021, 0.7727163229886815], [0.8080191919191919, 0.7694770119360154], [0.8138712901550718, 0.7676232323232324], [0.8181181818181819, 0.7662955206537377], [0.8282171717171717, 0.7631769950171672], [0.8383161616161616, 0.7600962660859429], [0.8468497450635084, 0.7575242424242424], [0.8484151515151515, 0.7570586771780496], [0.8585141414141414, 0.7540906926978488], [0.8686131313131313, 0.7511574182625114], [0.8787121212121212, 0.7482580513923848], [0.8816464338140781, 0.7474252525252525], [0.888811111111111, 0.7454191087520909], [0.898910101010101, 0.742623292731384], [0.9090090909090909, 0.7398587120762374], [0.9183634614835771, 0.7373262626262627], [0.9191080808080808, 0.7371274189398844], [0.9292070707070708, 0.7344600484062038], [0.9303824545134893, 0.7341529589602495]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#A5DA35\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652728279896\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.47283670234097436, 0.9999], [0.47475252525252526, 0.9985473620352113], [0.48485151515151514, 0.9915672122737655], [0.48746067405164306, 0.9898010101010101], [0.494950505050505, 0.9847824323111659], [0.5026889301797133, 0.9797020202020204], [0.5050494949494949, 0.9781681615019099], [0.5151484848484849, 0.9717359201381629], [0.5185635482666864, 0.9696030303030303], [0.5214686339368334, 0.9678074491483734]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.6512451360082302, 0.8986941760638898], [0.6565343434343435, 0.8962751591827269], [0.6666333333333333, 0.8917268978866665], [0.6732063979672951, 0.888811111111111], [0.6767323232323232, 0.8872646956136382], [0.6868313131313131, 0.8829010485402606], [0.6966695493215564, 0.8787121212121212], [0.696930303030303, 0.8786023661428292], [0.707029292929293, 0.8744127090249665], [0.7171282828282828, 0.8702824733283284], [0.7212679430868234, 0.8686131313131313], [0.7272272727272728, 0.866237776404173], [0.7373262626262627, 0.8622678934028463], [0.7470071354996226, 0.8585141414141414], [0.7474252525252525, 0.8583539128348203], [0.7575242424242424, 0.8545357737853048], [0.7676232323232324, 0.8507682009702819], [0.7740141208465887, 0.8484151515151515], [0.7777222222222222, 0.8470660281447114], [0.7878212121212123, 0.8434391054089498], [0.797920202020202, 0.8398583809405512], [0.8023252445336888, 0.8383161616161616], [0.8080191919191919, 0.8363465642405479], [0.8181181818181819, 0.8328966069092552], [0.8282171717171717, 0.8294889762687421], [0.8320325853718826, 0.8282171717171716], [0.8383161616161616, 0.8261480320677279], [0.8484151515151515, 0.8228623251491255], [0.8585141414141414, 0.8196154986928069], [0.863226534490618, 0.8181181818181819], [0.8686131313131313, 0.8164276417397496], [0.8787121212121212, 0.8132947930965562], [0.8888111111111111, 0.810197745170207], [0.8959962134845667, 0.8080191919191919], [0.898910101010101, 0.8071466630953807], [0.9090090909090909, 0.8041564260890817], [0.9191080808080807, 0.8011992274368028], [0.9292070707070708, 0.7982743450450737], [0.930443212944154, 0.7979202020202019], [0.9393060606060606, 0.7954130157466026], [0.9494050505050504, 0.792586692804719], [0.9595040404040402, 0.7897902754695815], [0.9666903646988289, 0.7878212121212121], [0.9696030303030303, 0.7870333030435162], [0.9797020202020202, 0.7843297191048665], [0.98980101010101, 0.7816538619049465], [0.9999, 0.7790051685062264]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#D2E11B\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652728281352\"}, {\"offsets\": \"data03\", \"xindex\": 0, \"yindex\": 0, \"paths\": [[[[0.6071208286402088, 0.9999], [0.6161383838383838, 0.9950064148746147], [0.6258890676199775, 0.9898010101010101], [0.6262373737373738, 0.9896169543924155], [0.6363363636363636, 0.9843657122950144], [0.6454488875374697, 0.9797020202020202], [0.6464353535353535, 0.9792023351188295], [0.6565343434343435, 0.9741660885233274], [0.6658263132874126, 0.9696030303030303], [0.6665007846942915, 0.9692752459608138]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]], [[[0.7988067567897841, 0.9125137227241892], [0.8080191919191919, 0.9090180612231602], [0.8080431295376931, 0.9090090909090909], [0.8181181818181819, 0.9052753093730297], [0.8282171717171717, 0.9015785743334149], [0.8355965251432131, 0.898910101010101], [0.8383161616161616, 0.8979376312910321], [0.8484151515151515, 0.8943697439005452], [0.8585141414141413, 0.8908440760733232], [0.8644063127551866, 0.8888111111111112], [0.8686131313131313, 0.8873760396136531], [0.8787121212121212, 0.8839707961307117], [0.8888111111111111, 0.8806044661643817], [0.8945530204288112, 0.8787121212121212], [0.898910101010101, 0.8772925797520352], [0.9090090909090909, 0.8740390775668105], [0.9191080808080808, 0.8708215224843655], [0.9261161767894348, 0.8686131313131313], [0.9292070707070708, 0.867650387944578], [0.9393060606060605, 0.8645387851692369], [0.9494050505050505, 0.8614604586816479], [0.9591743307414526, 0.8585141414141413], [0.9595040404040404, 0.8584158671750741], [0.9696030303030302, 0.8554372493669955], [0.9797020202020202, 0.8524894954529457], [0.9898010101010102, 0.8495719723748784], [0.9938464056556537, 0.8484151515151515], [0.9999, 0.8467045506498926]], [\"M\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\", \"L\"]]], \"pathtransforms\": [], \"alphas\": [null], \"edgecolors\": [\"#FDE724\"], \"facecolors\": [], \"edgewidths\": [1.5], \"offsetcoordinates\": \"display\", \"pathcoordinates\": \"data\", \"zorder\": 2, \"id\": \"el83139652728282864\"}], \"images\": [], \"sharex\": [], \"sharey\": []}], \"data\": {\"data01\": [[0.0001, 0.9999], [0.010198989898989898, 0.9898010101010101], [0.020297979797979798, 0.9797020202020202], [0.030396969696969697, 0.9696030303030303], [0.0404959595959596, 0.9595040404040404], [0.0505949494949495, 0.9494050505050505], [0.0606939393939394, 0.9393060606060606], [0.0707929292929293, 0.9292070707070708], [0.0808919191919192, 0.9191080808080808], [0.0909909090909091, 0.9090090909090909], [0.101089898989899, 0.898910101010101], [0.11118888888888889, 0.8888111111111111], [0.12128787878787879, 0.8787121212121212], [0.13138686868686866, 0.8686131313131313], [0.14148585858585858, 0.8585141414141414], [0.1515848484848485, 0.8484151515151515], [0.16168383838383837, 0.8383161616161616], [0.17178282828282826, 0.8282171717171718], [0.18188181818181817, 0.8181181818181819], [0.19198080808080809, 0.8080191919191919], [0.20207979797979797, 0.7979202020202021], [0.21217878787878786, 0.7878212121212121], [0.22227777777777777, 0.7777222222222222], [0.23237676767676768, 0.7676232323232324], [0.24247575757575757, 0.7575242424242424], [0.25257474747474745, 0.7474252525252525], [0.26267373737373734, 0.7373262626262627], [0.2727727272727273, 0.7272272727272727], [0.28287171717171716, 0.7171282828282828], [0.29297070707070705, 0.707029292929293], [0.303069696969697, 0.696930303030303], [0.3131686868686869, 0.6868313131313131], [0.32326767676767676, 0.6767323232323232], [0.33336666666666664, 0.6666333333333334], [0.34346565656565653, 0.6565343434343435], [0.35356464646464647, 0.6464353535353535], [0.36366363636363636, 0.6363363636363637], [0.37376262626262624, 0.6262373737373738], [0.3838616161616162, 0.6161383838383838], [0.39396060606060607, 0.606039393939394], [0.40405959595959595, 0.595940404040404], [0.41415858585858584, 0.5858414141414141], [0.4242575757575757, 0.5757424242424243], [0.43435656565656566, 0.5656434343434343], [0.44445555555555555, 0.5555444444444444], [0.45455454545454543, 0.5454454545454546], [0.4646535353535354, 0.5353464646464646], [0.47475252525252526, 0.5252474747474747], [0.48485151515151514, 0.5151484848484849], [0.49495050505050503, 0.505049494949495], [0.5050494949494949, 0.4949505050505051], [0.5151484848484849, 0.48485151515151514], [0.5252474747474747, 0.4747525252525253], [0.5353464646464646, 0.4646535353535354], [0.5454454545454546, 0.45455454545454543], [0.5555444444444444, 0.4444555555555556], [0.5656434343434343, 0.43435656565656566], [0.5757424242424243, 0.4242575757575757], [0.5858414141414141, 0.4141585858585859], [0.595940404040404, 0.40405959595959595], [0.606039393939394, 0.393960606060606], [0.6161383838383838, 0.3838616161616162], [0.6262373737373738, 0.37376262626262624], [0.6363363636363636, 0.3636636363636364], [0.6464353535353535, 0.35356464646464647], [0.6565343434343435, 0.34346565656565653], [0.6666333333333333, 0.3333666666666667], [0.6767323232323232, 0.32326767676767676], [0.6868313131313131, 0.31316868686868693], [0.696930303030303, 0.303069696969697], [0.707029292929293, 0.29297070707070705], [0.7171282828282828, 0.2828717171717172], [0.7272272727272727, 0.2727727272727273], [0.7373262626262627, 0.26267373737373734], [0.7474252525252525, 0.2525747474747475], [0.7575242424242424, 0.24247575757575757], [0.7676232323232324, 0.23237676767676763], [0.7777222222222222, 0.2222777777777778], [0.7878212121212121, 0.21217878787878786], [0.797920202020202, 0.20207979797979803], [0.8080191919191919, 0.19198080808080809], [0.8181181818181819, 0.18188181818181814], [0.8282171717171717, 0.17178282828282831], [0.8383161616161616, 0.16168383838383837], [0.8484151515151515, 0.15158484848484854], [0.8585141414141414, 0.1414858585858586], [0.8686131313131313, 0.13138686868686866], [0.8787121212121212, 0.12128787878787883], [0.8888111111111111, 0.11118888888888889], [0.898910101010101, 0.10108989898989895], [0.9090090909090909, 0.09099090909090912], [0.9191080808080808, 0.08089191919191918], [0.9292070707070708, 0.07079292929292924], [0.9393060606060606, 0.06069393939393941], [0.9494050505050505, 0.05059494949494947], [0.9595040404040404, 0.04049595959595964], [0.9696030303030303, 0.0303969696969697], [0.9797020202020202, 0.02029797979797976], [0.9898010101010101, 0.01019898989898993], [0.9999, 9.999999999998899e-05]], \"data02\": [[0.25, 0.75]], \"data03\": [[0.0, 0.0]]}, \"id\": \"el83139652729838504\", \"plugins\": [{\"type\": \"reset\"}, {\"type\": \"zoom\", \"button\": true, \"enabled\": false}, {\"type\": \"boxzoom\", \"button\": true, \"enabled\": false}]});\n", " })\n", " });\n", "}\n", "</script> 3 / 3</div>\n", " </div>\n", " </div>\n", " " ], "text/plain": [ "<statnlpbook.util.Carousel at 0x7f039c4617b8>" ] }, "execution_count": 7, "metadata": {}, "output_type": "execute_result" } ], "source": [ "import matplotlib.pyplot as plt\n", "import mpld3\n", "import numpy as np\n", "\n", "N = 100\n", "eps = 0.0001\n", "x = np.linspace(eps, 1.0 - eps, N)\n", "y = np.linspace(eps, 1.0 - eps, N)\n", "\n", "xx, yy = np.meshgrid(x, y)\n", "\n", "def create_ll_plot(data):\n", " np_ll = np.vectorize(lambda t1,t2: ll_2_greasy(data, {r:t1, p:t2}))\n", " z = np_ll(xx,yy)\n", " fig = plt.figure()\n", " levels = np.arange(-2., -0.1, 0.25 )\n", " optimal_theta = mle_2_greasy(data)\n", " optimal_loss = ll_2_greasy(data, optimal_theta)\n", " levels_before = np.arange(optimal_loss - 2.0, optimal_loss, 0.25)\n", " levels_after = np.arange(optimal_loss, min(optimal_loss+2.0,-0.1), 0.25)\n", " contour = plt.contour(x, y, z, levels=np.concatenate([levels_before,levels_after]))\n", " plt.xlabel('rice')\n", " plt.ylabel('pizza')\n", " plt.plot(x,1 - x)\n", " plt.plot([optimal_theta[r]],[optimal_theta[p]],'ro')\n", " plt.clabel(contour)\n", " return mpld3.display(fig)\n", "\n", "datasets = [\n", " [(g,p)] * 1 + [(g,r)] * 3,\n", " [(g,p)] * 1 + [(g,r)] * 1,\n", " [(g,p)] * 3 + [(g,r)] * 1\n", "]\n", "\n", "util.Carousel([create_ll_plot(d) for d in datasets])" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "The core observation to make in these graphs is that the optimal pair of weights has to lie on the line that fulfills the equality constraint, and that at this point the gradient of the loss function is collinear to the gradient of the constraint function $g(\\params^2_{\\cdot|\\text{greasy}})=\\param^2_{\\text{rice}|\\text{greasy}} + \\param^2_{\\text{pizza}|\\text{greasy}}$ (which is orthogonal to the line we see in the figure). \n", "\n", "This observation can be generalised: At the optimal solution to the (partial) MLE problem we require:\n", "\n", "$$\n", "\\frac{\\partial \\sum_{\\x \\in \\train \\wedge \\x_{\\parents(i)} = \\x'}\\log \\param^i_{x_i|\\x'} }{\\partial \\param^i_{x|\\x'}} = \\lambda \\frac{\\partial \\sum_{x \\in \\mathrm{dom}(X_i)} \\param^i_{x|\\x'}}{\\param^i_{x|\\x'}} \n", "$$\n", "\n", "Taking the derivates gives:\n", "\n", "$$\n", " \\frac{1}{\\param^i_{x|\\x'}} \\sum_{\\x \\in \\train} \\indi(x_i = x \\wedge \\x_{\\mathbf{j}} = \\x') = \\lambda \n", "$$\n", "\n", "and hence\n", "\n", "$$\n", " \\param^i_{x|\\x'} = \\frac{\\sum_{\\x \\in \\train} \\indi(x_i = x \\wedge \\x_{\\mathbf{j}} = \\x')}{\\lambda} \n", "$$\n", "\n", "Since we need to fulfil the constraint $\\sum_{x \\in \\mathrm{dom}(X_i)} \\param^i_{x|\\x'} = 1$ we have to set \n", "\n", "$$\n", "\\lambda = \\sum_{x \\in \\mathrm{dom}(X_i)}\\sum_{\\x \\in \\train} \\indi(x_i = x \\wedge \\x_{\\mathbf{j}} = \\x') = \\sum_{\\x \\in \\train} \\indi(\\x_{\\mathbf{j}} = \\x').\n", "$$ \n", "\n", "This gives the counting solution we defined above. " ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "## Background Material\n", "* Introduction to MLE in [Mike Collin's notes](http://www.cs.columbia.edu/~mcollins/em.pdf)" ] } ], "metadata": { "kernelspec": { "display_name": "Python 3", "language": "python", "name": "python3" }, "language_info": { "codemirror_mode": { "name": "ipython", "version": 3 }, "file_extension": ".py", "mimetype": "text/x-python", "name": "python", "nbconvert_exporter": "python", "pygments_lexer": "ipython3", "version": "3.6.2" } }, "nbformat": 4, "nbformat_minor": 1 }