{ "cells": [ { "cell_type": "markdown", "metadata": {}, "source": [ "The following is a direct adaptation of an example given in my own undergraduate notes - reproduced with permission. Thanks, Dougie.\n", "\n", "# Comparison of the Linear and Nonlinear Equations of Motion: Aircraft Simulation\n", "\n", "The nonlinear equations of motion have been derived and will be repeated here:\n", "\n", "$$m\\begin{bmatrix} \\dot{U} + QW - UR \\\\ \\dot{V} + RU-PW\\\\\\dot{W}+PV-QU\\end{bmatrix}=\\begin{matrix} -mg\\sin\\Theta - D\\cos\\alpha + L\\sin\\alpha + T\\cos\\Theta_T\\\\mg\\sin\\Phi\\cos\\Theta + F_{A_Y} + F_{T_Y}\\\\mg\\cos\\Phi\\cos\\Theta - D\\sin\\alpha - L\\cos\\alpha - T\\sin\\Theta_T\\end{matrix}$$ \n", "\n", "$$\\left[{\\begin{matrix} \\dot{P}\\cdot I_{xx} \\\\ \\dot{Q}\\cdot I_{yy} \\\\\\dot{R}\\cdot I_{zz}\\end{matrix}} \\hspace{.5cm} \\begin{matrix} + \\\\+\\\\+\\end{matrix} \\hspace{.5cm} {\\begin{matrix} Q\\cdot r\\left(I_{zz} - I_{yy}\\right) \\\\ P\\cdot R\\left(I_{xx} - I_{yy}\\right) \\\\ P\\cdot Q\\left(I_{yy} - I_{xx}\\right)\\end{matrix}} \\hspace{.5cm} \\begin{matrix} - \\\\+\\\\+\\end{matrix} \\hspace{.5cm} {\\begin{matrix}\\left(\\dot{R} + P\\cdot Q\\right) I_{xz} \\\\ \\left(P^2 - R^2\\right) I_{xz} \\\\ \\left(Q\\cdot R - \\dot{P}\\right) I_{xz}\\end{matrix}} \\right] = \\begin{bmatrix} L \\\\ M \\\\ N\\end{bmatrix}$$ \n", "\n", "$$\\begin{aligned}\n", " \\begin{bmatrix} P\\\\Q\\\\R\\end{bmatrix} &= \\begin{bmatrix}\n", " 1 & 0 & -\\sin\\Theta\\\\\n", " 0 & \\cos\\Phi & \\sin\\Phi\\cos\\Theta\\\\\n", " 0 & -\\sin\\Phi & \\cos\\Phi\\cos\\Theta\n", " \\end{bmatrix}\\begin{bmatrix} \\dot{\\Phi}\\\\\\dot{\\Theta}\\\\\\dot{\\Psi}\\end{bmatrix}\\end{aligned}$$ \n", " \n", " $$\\begin{aligned}\n", "\\begin{bmatrix} \\dot{\\Phi}\\\\\\dot{\\Theta}\\\\\\dot{\\Psi}\\end{bmatrix}&= \\begin{bmatrix}\n", " 1 & \\sin\\Phi\\tan\\Theta & \\cos\\Phi\\tan\\Theta\\\\\n", " 0 & \\cos\\Phi & -\\sin\\Phi \\\\\n", " 0 & \\frac{\\sin\\Phi}{\\cos\\Theta} & \\frac{\\cos\\Phi}{\\cos\\Theta}\n", " \\end{bmatrix}\\begin{bmatrix} P\\\\Q\\\\R\\end{bmatrix}\\end{aligned}$$\n", "\n", "a simulation of this aircraft in the longitudinal plane will be presented in this section. By constraining to longitudinal motion only, the solution of the nonlinear equations is heavily simplified, but the analysis can be expanded for the unconstrained case and if we assume the thrust inclination is zero. The simplifying assumption is: \n", "\n", "$$V=P=R=\\Phi=\\Psi=\\Theta_0 = 0$$ \n", "\n", "and the equations describing longitudinal flight may now be we written: \n", "\n", "$$\\begin{aligned}\n", " m\\left(\\dot{U} + Q\\,W\\right) &= T - D\\cos\\alpha + L\\cos\\alpha - mg\\,\\sin\\Theta\\\\\n", " m\\left(\\dot{W} - Q\\,U\\right) &= -L\\cos\\alpha - D\\sin\\alpha+ mg\\,\\cos\\Theta\\\\\n", " I_{yy}\\,\\dot{Q} &= M_A - T\\,\\Delta_{zT}\\\\\n", " \\dot{\\Theta}&=Q\\end{aligned}$$\n", " \n", "## HS125 (Hawker 800) Business Jet)\n", "\n", "```{image} /Images/Hawker800.jpg\n", ":alt: Hawker800\n", ":class: bg-primary\n", ":width: 300px\n", ":align: center\n", "```\n", "\n", "The data for the HS125 Business jet are given in the table below. The aerodynamic model gives the lift, drag, and pitching moment coefficients as:\n", "\n", "$$\\begin{aligned}\n", " C_L &= C_{L_0} + C_{L_\\alpha}\\,\\alpha + C_{L_{\\delta_e}}\\,\\delta_e\\\\\n", " C_D &= C_{D_0} + C_{D_\\alpha}\\,\\alpha + C_{D_{\\alpha^2}}\\,\\alpha^2\\\\\n", " C_M &= C_{M_0} + C_{M_\\alpha}\\,\\alpha + C_{M_{\\delta_e}}\\,\\delta_e + C_{M_q}\\,\\hat{q}\\\\\n", " \\hat{q}&\\triangleq \\frac{Q\\,\\bar{c}}{V_f}\\end{aligned}$$\n", "\n", "\n", "\n", "\n", "| **Parameter** | **Symbol** | **Value** |\n", "|:--------------------------------:|:-----------------------------------------------------:|:-----------------------------:|\n", "| Mass | $m$ | 7500kg |\n", "| Wing Area | $S$ | 32.8$\\text{m}^2$ |\n", "| Pitching Moment of Inertia | $I_{yy}$ | 84,309$\\text{kg m}^2$ |\n", "| MAC | $\\bar{c}$ | 2.29m |\n", "| Thrustline vertical displacement | $\\Delta_{zT}$ | -0.378m |\n", "| Lift Coefficients | $C_{L_0},\\, C_{L_\\alpha},\\, C_{L_{\\delta_e}}$ | 0.895, 5.01, 0.722 |\n", "| Drag Coefficients | $C_{D_0},\\, C_{D_\\alpha},\\, C_{D_{\\alpha^2}}$ | 0.177, 0.232, 1.393 |\n", "| PM Coefficients | $C_{M_0},\\, C_{M_\\alpha},\\, C_{M_{\\alpha^2},\\, C_{M_q}}$| -0.046, -1.087, -1.88, -7.055 |\n", "\n", "The reduced nonlinear equations of motion can be constructed into a function `eqnofmotion800`:" ] }, { "cell_type": "code", "execution_count": 2, "metadata": {}, "outputs": [], "source": [ "def eqnofmotion800(y, t=[], Thrust=13878):\n", " # The reduced state vector is a 7 x 1 vector\n", " # y = [U, W, Q, Theta, X_E, Z_E, dE]\n", "\n", " \n", " # Aircraft Parameters (all in SI)\n", " m=7484.4 # mass = 7484.4kg etc.\n", " s=32.8 #\n", " Iyy=84309\n", " cbar=2.29 \n", " dZt=-0.378\n", " rho=1.225 \n", " CD0=0.177 \n", " CDa=0.232 \n", " CDa2= 1.393\n", " CL0=0.895\n", " CLa=5.01 \n", " CLde=0.722\n", " CM0=-0.046 \n", " CMa=-1.087 \n", " CMde=-1.88 \n", " CMq=-7.055 \n", "\n", " \n", " # Get the current values of aircraft states\n", " dE = y[6] # Elevator input\n", "\n", " U=y[0] # Forward speed\n", " W=y[1] # Heave velocity\n", " Q=y[2] # Pitch rate\n", " Theta=y[3] # Pitch attitude\n", " \n", " # Determine some aerodynamic terms\n", " Vf=np.sqrt(U**2 + W**2) # Flight speed\n", " alpha = np.arctan(W/U) # Angle of attack\n", " qh = Q*cbar/Vf # Nondimensional pitch rate\n", " \n", " # Aerodynamic coefficients from Hawker model:\n", " CL = CL0 + CLa*alpha + CLde*dE\n", " CD = CD0 + CDa*alpha + CDa2*alpha*alpha\n", " CM = CM0 + CMa*alpha + CMde * dE + CMq*qh\n", "\n", " q_inf = .5*rho*Vf**2*s\n", " \n", " # Dimensional aero terms\n", " lift = q_inf*CL\n", " drag = q_inf*CD\n", " pm = q_inf*cbar*CM\n", "\n", " # Simplified nonlinear equations of motion\n", " ydot = np.zeros(7, dtype='float64')\n", " ydot[0] = -Q*W + (lift*np.sin(alpha) - drag*np.cos(alpha) + Thrust)/m - 9.80665*np.sin(Theta) # Udot\n", " ydot[1] = Q*U + (-lift*np.cos(alpha) - drag*np.sin(alpha))/m + 9.80665*np.cos(Theta) # Wdot\n", " ydot[2] = (pm - Thrust*dZt)/Iyy # M\n", " ydot[3] = Q # ThetaDot\n", " ydot[4] = U*np.cos(Theta) - W*np.sin(Theta) # X_Edot (earth axes)\n", " ydot[5] = U*np.sin(Theta) + W*np.cos(Theta) # Z_Edot (earth axes)\n", " ydot[6] = 0 # No change to elevator\n", "\n", " return ydot\n" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "To determine the transient aircraft response, first the trim state must be determined.\n", "\n", "## Trim State Determination\n", "\n", "By definition, the trim case is found by setting the accelerations and angular velocities to zero. Hence the equations of motion become:\n", "\n", "$$\\begin{aligned}\n", " 0 &= T - D\\cos\\alpha + L\\cos\\alpha - mg\\,\\sin\\Theta\\\\\n", " 0 &= -L\\cos\\alpha - D\\sin\\alpha+ mg\\,\\cos\\Theta\\\\\n", " 0 &= M_A - T\\Delta_{zT}\\end{aligned}$$\n", " \n", "The knowns in the above are flightspeed, $V_f$, density (from altitude), $\\rho$, and climb angle/flight path angle $\\gamma$ (setting $U_E$ and $W_E$). These may be solved via any means you like to get the reference trim state. An example of a Newton-Raphson solver[^4] is included below as `TrimState` which finds trim using `TotalForces`:\n", "\n", "[^4]: You will not be tested on things like this in an examination in this course, but it's really in your interest to ensure that you can a) understand how this solver works and b) be confident you could write something that does the same job yourself." ] }, { "cell_type": "code", "execution_count": 3, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "Converged after 1390 iterations\n", "For inputs of Vf = 61.73m/s, h = 0.00km, gamma = 0.00deg\n", "\n", "Thrust = 13.84kN, de = -0.98deg, Theta = 0.84deg\n", "\n" ] } ], "source": [ "from ambiance import Atmosphere\n", "import numpy as np\n", "\n", "def TotalForces(T, de, Theta, Vf, h, gamma):\n", " '''This gives the total forces for the HS 125 simplified longitudinal\n", " aircraft\n", " Inputs: Thrust/N, elevator deflection/deg, theta/rad, flightspeed/m/s,\n", " flightpath/rad\n", " altitude/m\n", " '''\n", "\n", "\n", " # Aircraft Parameters (all in SI)\n", " m=7484.4 # mass = 7484.4kg etc.\n", " s=32.8 #\n", " Iyy=84309\n", " cbar=2.29 \n", " dZt=-0.378\n", " rho=1.225 \n", " CD0=0.177 \n", " CDa=0.232 \n", " CDa2= 1.393\n", " CL0=0.895\n", " CLa=5.01 \n", " CLde=0.722\n", " CM0=-0.046 \n", " CMa=-1.087 \n", " CMde=-1.88 \n", " CMq=-7.055 \n", " Thrust=13878\n", " g = 9.80665\n", "\n", " qh = 0 # Trim definition\n", " \n", " rho = Atmosphere(h).density\n", "\n", " # Get the Ue and Ve\n", " alpha = Theta - gamma\n", " CL = CL0 + CLa*alpha + CLde*de\n", " CD = CD0 + CDa*alpha + CDa2*alpha*alpha\n", " CM = CM0 + CMa*alpha + CMde * de + CMq*qh\n", "\n", " q_infs = .5*rho*Vf**2*s\n", "\n", " # Dimensional lift\n", " lift = q_infs*CL\n", " drag = q_infs*CD\n", " pm = q_infs*cbar*CM\n", "\n", "\n", " # Determine lift and drag\n", " F = np.zeros((3, 1))\n", "\n", " F[0] = T - drag*np.cos(alpha) + lift*np.sin(alpha) - m*g*np.sin(Theta)\n", " F[1] = -lift*np.cos(alpha) -drag*np.sin(alpha) + m*g*np.cos(Theta)\n", " F[2] = pm - T*dZt\n", " return F\n", "\n", "def TrimState(Vf = 120 * 0.5144444, h = 0, gamma = 0):\n", " '''This function solves for the longitudinal trim of the HS125 using a Newton-Raphson method'''\n", "\n", "\n", "\n", " # First guess and increments for the jacobian <---- may need to adjust these\n", " T = 15000\n", " dT = 1\n", " de = 0*np.pi/180\n", " dde = .01*np.pi/180\n", " Theta = 2*np.pi/180\n", " dTheta = dde;\n", "\n", " # Gets the value of the functions at the initial guess\n", " trim = TotalForces(T, de, Theta, Vf, h, gamma);\n", "\n", " Trimstate = np.array([[T], [de], [Theta]])\n", "\n", " itercount = 0\n", " while max(abs(trim)) > 1e-5: \n", " itercount = itercount + 1\n", " # Get value of the function\n", " trim = TotalForces(T, de, Theta, Vf, h, gamma);\n", "\n", "\n", " # Get the Jacobian approximation (3 x 3)\n", " JT = np.squeeze(TotalForces(T + dT, de, Theta, Vf, h, gamma)/dT)\n", " Jde = np.squeeze(TotalForces(T, de + dde, Theta, Vf, h, gamma)/dde)\n", " JTheta = np.squeeze(TotalForces(T, de, Theta + dTheta, Vf, h, gamma)/dTheta)\n", " Jac = np.transpose(np.array([JT, Jde, JTheta]))\n", "\n", " # Get the next iteration\n", " Trimstate = Trimstate - np.dot(np.linalg.inv(Jac), trim)\n", "\n", "\n", " T = Trimstate[0]\n", " de = Trimstate[1]\n", " Theta = Trimstate[2]\n", " \n", " print(f\"Converged after {itercount} iterations\")\n", " print(f'For inputs of Vf = {Vf:1.2f}m/s, h = {h/1e3:1.2f}km, gamma = {gamma:1.2f}deg\\n')\n", " print(f'Thrust = {T[0]/1e3:1.2f}kN, de = {np.degrees(de[0]):1.2f}deg, Theta = {np.degrees(Theta[0]):1.2f}deg\\n')\n", "\n", " return Trimstate\n", "\n", "TrimState();\n" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "For a trim input of sea-level and 120kn, the trim is found to be - $T = 13.84$kN, $\\delta_e = -0.98^\\circ$, $\\Theta = 0.84^\\circ$. A quick sense check shows that the aircraft is slightly nose up (less than a degree) so the aerodynamic pitching moment from the wing/fuselage will be nose-up, and the elevator is deflected trailing edge *up* to balance the pitching moment.\n", "\n", "## Transient Simulation\n", "\n", "For level flight (trim), the initial conditions are given from from the previous step - if the aircraft remains undisturbed, then there will be no variation in any of the parameters. The nonlinear equations cannot be solved analytically, so if the aircraft response to control inputs is desired, then a numerical scheme must be used.\n", "\n", "The case of a positive elevator deflection corresponding to a stick-forward displacement will be explored. First, the response to a $\\delta_e^\\prime=1^\\circ$ will be explored - this is equivalent to the pilot pushing the stick forward and holding it, keeping other controls constant. \n", "\n", "The equations are solved numerically using `scipy`'s `odeint` (which is very similar to ODE45 in MATLAB)" ] }, { "cell_type": "code", "execution_count": 4, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "Converged after 1390 iterations\n", "For inputs of Vf = 61.73m/s, h = 0.00km, gamma = 0.00deg\n", "\n", "Thrust = 13.84kN, de = -0.98deg, Theta = 0.84deg\n", "\n" ] }, { "data": { "text/html": [ " \n", " " ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "application/vnd.plotly.v1+json": { "config": { "plotlyServerURL": "https://plot.ly" }, "data": [ { "showlegend": false, "type": "scatter", "x": [ 0, 0.1001001001001001, 0.2002002002002002, 0.3003003003003003, 0.4004004004004004, 0.5005005005005005, 0.6006006006006006, 0.7007007007007008, 0.8008008008008008, 0.9009009009009009, 1.001001001001001, 1.1011011011011012, 1.2012012012012012, 1.3013013013013013, 1.4014014014014016, 1.5015015015015016, 1.6016016016016017, 1.7017017017017018, 1.8018018018018018, 1.9019019019019021, 2.002002002002002, 2.1021021021021022, 2.2022022022022023, 2.3023023023023024, 2.4024024024024024, 2.5025025025025025, 2.6026026026026026, 2.702702702702703, 2.802802802802803, 2.902902902902903, 3.0030030030030033, 3.1031031031031033, 3.2032032032032034, 3.3033033033033035, 3.4034034034034035, 3.5035035035035036, 3.6036036036036037, 3.7037037037037037, 3.8038038038038042, 3.9039039039039043, 4.004004004004004, 4.104104104104104, 4.2042042042042045, 4.3043043043043046, 4.404404404404405, 4.504504504504505, 4.604604604604605, 4.704704704704705, 4.804804804804805, 4.904904904904905, 5.005005005005005, 5.105105105105105, 5.205205205205205, 5.305305305305305, 5.405405405405406, 5.505505505505506, 5.605605605605606, 5.705705705705706, 5.805805805805806, 5.9059059059059065, 6.0060060060060065, 6.106106106106107, 6.206206206206207, 6.306306306306307, 6.406406406406407, 6.506506506506507, 6.606606606606607, 6.706706706706707, 6.806806806806807, 6.906906906906907, 7.007007007007007, 7.107107107107107, 7.207207207207207, 7.307307307307307, 7.407407407407407, 7.507507507507508, 7.6076076076076085, 7.7077077077077085, 7.807807807807809, 7.907907907907909, 8.008008008008009, 8.108108108108109, 8.208208208208209, 8.308308308308309, 8.408408408408409, 8.508508508508509, 8.608608608608609, 8.70870870870871, 8.80880880880881, 8.90890890890891, 9.00900900900901, 9.10910910910911, 9.20920920920921, 9.30930930930931, 9.40940940940941, 9.50950950950951, 9.60960960960961, 9.70970970970971, 9.80980980980981, 9.90990990990991, 10.01001001001001, 10.11011011011011, 10.21021021021021, 10.31031031031031, 10.41041041041041, 10.51051051051051, 10.61061061061061, 10.710710710710712, 10.810810810810812, 10.910910910910912, 11.011011011011012, 11.111111111111112, 11.211211211211213, 11.311311311311313, 11.411411411411413, 11.511511511511513, 11.611611611611613, 11.711711711711713, 11.811811811811813, 11.911911911911913, 12.012012012012013, 12.112112112112113, 12.212212212212213, 12.312312312312313, 12.412412412412413, 12.512512512512513, 12.612612612612613, 12.712712712712714, 12.812812812812814, 12.912912912912914, 13.013013013013014, 13.113113113113114, 13.213213213213214, 13.313313313313314, 13.413413413413414, 13.513513513513514, 13.613613613613614, 13.713713713713714, 13.813813813813814, 13.913913913913914, 14.014014014014014, 14.114114114114114, 14.214214214214214, 14.314314314314315, 14.414414414414415, 14.514514514514515, 14.614614614614615, 14.714714714714715, 14.814814814814815, 14.914914914914915, 15.015015015015017, 15.115115115115117, 15.215215215215217, 15.315315315315317, 15.415415415415417, 15.515515515515517, 15.615615615615617, 15.715715715715717, 15.815815815815817, 15.915915915915917, 16.016016016016017, 16.116116116116117, 16.216216216216218, 16.316316316316318, 16.416416416416418, 16.516516516516518, 16.616616616616618, 16.716716716716718, 16.816816816816818, 16.916916916916918, 17.017017017017018, 17.117117117117118, 17.217217217217218, 17.31731731731732, 17.41741741741742, 17.51751751751752, 17.61761761761762, 17.71771771771772, 17.81781781781782, 17.91791791791792, 18.01801801801802, 18.11811811811812, 18.21821821821822, 18.31831831831832, 18.41841841841842, 18.51851851851852, 18.61861861861862, 18.71871871871872, 18.81881881881882, 18.91891891891892, 19.01901901901902, 19.11911911911912, 19.21921921921922, 19.31931931931932, 19.41941941941942, 19.51951951951952, 19.61961961961962, 19.71971971971972, 19.81981981981982, 19.91991991991992, 20.02002002002002, 20.12012012012012, 20.22022022022022, 20.32032032032032, 20.42042042042042, 20.52052052052052, 20.62062062062062, 20.72072072072072, 20.82082082082082, 20.92092092092092, 21.02102102102102, 21.12112112112112, 21.22122122122122, 21.32132132132132, 21.421421421421424, 21.521521521521525, 21.621621621621625, 21.721721721721725, 21.821821821821825, 21.921921921921925, 22.022022022022025, 22.122122122122125, 22.222222222222225, 22.322322322322325, 22.422422422422425, 22.522522522522525, 22.622622622622625, 22.722722722722725, 22.822822822822825, 22.922922922922925, 23.023023023023026, 23.123123123123126, 23.223223223223226, 23.323323323323326, 23.423423423423426, 23.523523523523526, 23.623623623623626, 23.723723723723726, 23.823823823823826, 23.923923923923926, 24.024024024024026, 24.124124124124126, 24.224224224224226, 24.324324324324326, 24.424424424424426, 24.524524524524526, 24.624624624624627, 24.724724724724727, 24.824824824824827, 24.924924924924927, 25.025025025025027, 25.125125125125127, 25.225225225225227, 25.325325325325327, 25.425425425425427, 25.525525525525527, 25.625625625625627, 25.725725725725727, 25.825825825825827, 25.925925925925927, 26.026026026026027, 26.126126126126128, 26.226226226226228, 26.326326326326328, 26.426426426426428, 26.526526526526528, 26.626626626626628, 26.726726726726728, 26.826826826826828, 26.926926926926928, 27.027027027027028, 27.127127127127128, 27.227227227227228, 27.32732732732733, 27.42742742742743, 27.52752752752753, 27.62762762762763, 27.72772772772773, 27.82782782782783, 27.92792792792793, 28.02802802802803, 28.12812812812813, 28.22822822822823, 28.32832832832833, 28.42842842842843, 28.52852852852853, 28.62862862862863, 28.72872872872873, 28.82882882882883, 28.92892892892893, 29.02902902902903, 29.12912912912913, 29.22922922922923, 29.32932932932933, 29.42942942942943, 29.52952952952953, 29.62962962962963, 29.72972972972973, 29.82982982982983, 29.929929929929934, 30.030030030030034, 30.130130130130134, 30.230230230230234, 30.330330330330334, 30.430430430430434, 30.530530530530534, 30.630630630630634, 30.730730730730734, 30.830830830830834, 30.930930930930934, 31.031031031031034, 31.131131131131134, 31.231231231231234, 31.331331331331334, 31.431431431431434, 31.531531531531535, 31.631631631631635, 31.731731731731735, 31.831831831831835, 31.931931931931935, 32.032032032032035, 32.132132132132135, 32.232232232232235, 32.332332332332335, 32.432432432432435, 32.532532532532535, 32.632632632632635, 32.732732732732735, 32.832832832832835, 32.932932932932935, 33.033033033033036, 33.133133133133136, 33.233233233233236, 33.333333333333336, 33.433433433433436, 33.533533533533536, 33.633633633633636, 33.733733733733736, 33.833833833833836, 33.933933933933936, 34.034034034034036, 34.134134134134136, 34.234234234234236, 34.334334334334336, 34.434434434434436, 34.53453453453454, 34.63463463463464, 34.73473473473474, 34.83483483483484, 34.93493493493494, 35.03503503503504, 35.13513513513514, 35.23523523523524, 35.33533533533534, 35.43543543543544, 35.53553553553554, 35.63563563563564, 35.73573573573574, 35.83583583583584, 35.93593593593594, 36.03603603603604, 36.13613613613614, 36.23623623623624, 36.33633633633634, 36.43643643643644, 36.53653653653654, 36.63663663663664, 36.73673673673674, 36.83683683683684, 36.93693693693694, 37.03703703703704, 37.13713713713714, 37.23723723723724, 37.33733733733734, 37.43743743743744, 37.53753753753754, 37.63763763763764, 37.73773773773774, 37.83783783783784, 37.93793793793794, 38.03803803803804, 38.13813813813814, 38.23823823823824, 38.33833833833834, 38.43843843843844, 38.53853853853854, 38.63863863863864, 38.73873873873874, 38.83883883883884, 38.93893893893894, 39.03903903903904, 39.13913913913914, 39.23923923923924, 39.33933933933934, 39.43943943943944, 39.53953953953954, 39.63963963963964, 39.73973973973974, 39.83983983983984, 39.93993993993994, 40.04004004004004, 40.14014014014014, 40.24024024024024, 40.34034034034034, 40.44044044044044, 40.54054054054054, 40.64064064064064, 40.74074074074074, 40.84084084084084, 40.94094094094094, 41.04104104104104, 41.14114114114114, 41.24124124124124, 41.34134134134134, 41.44144144144144, 41.54154154154154, 41.64164164164164, 41.74174174174174, 41.84184184184184, 41.94194194194194, 42.04204204204204, 42.14214214214214, 42.24224224224224, 42.34234234234234, 42.44244244244244, 42.54254254254254, 42.64264264264264, 42.74274274274275, 42.84284284284285, 42.94294294294295, 43.04304304304305, 43.14314314314315, 43.24324324324325, 43.34334334334335, 43.44344344344345, 43.54354354354355, 43.64364364364365, 43.74374374374375, 43.84384384384385, 43.94394394394395, 44.04404404404405, 44.14414414414415, 44.24424424424425, 44.34434434434435, 44.44444444444445, 44.54454454454455, 44.64464464464465, 44.74474474474475, 44.84484484484485, 44.94494494494495, 45.04504504504505, 45.14514514514515, 45.24524524524525, 45.34534534534535, 45.44544544544545, 45.54554554554555, 45.64564564564565, 45.74574574574575, 45.84584584584585, 45.94594594594595, 46.04604604604605, 46.14614614614615, 46.24624624624625, 46.34634634634635, 46.44644644644645, 46.54654654654655, 46.64664664664665, 46.74674674674675, 46.84684684684685, 46.94694694694695, 47.04704704704705, 47.14714714714715, 47.24724724724725, 47.34734734734735, 47.44744744744745, 47.54754754754755, 47.64764764764765, 47.74774774774775, 47.84784784784785, 47.94794794794795, 48.04804804804805, 48.14814814814815, 48.24824824824825, 48.34834834834835, 48.44844844844845, 48.54854854854855, 48.64864864864865, 48.74874874874875, 48.84884884884885, 48.94894894894895, 49.04904904904905, 49.14914914914915, 49.24924924924925, 49.34934934934935, 49.44944944944945, 49.54954954954955, 49.64964964964965, 49.74974974974975, 49.84984984984985, 49.94994994994995, 50.050050050050054, 50.150150150150154, 50.250250250250254, 50.350350350350354, 50.450450450450454, 50.550550550550554, 50.650650650650654, 50.750750750750754, 50.850850850850854, 50.950950950950954, 51.051051051051054, 51.151151151151154, 51.251251251251254, 51.351351351351354, 51.451451451451454, 51.551551551551555, 51.651651651651655, 51.751751751751755, 51.851851851851855, 51.951951951951955, 52.052052052052055, 52.152152152152155, 52.252252252252255, 52.352352352352355, 52.452452452452455, 52.552552552552555, 52.652652652652655, 52.752752752752755, 52.852852852852855, 52.952952952952955, 53.053053053053056, 53.153153153153156, 53.253253253253256, 53.353353353353356, 53.453453453453456, 53.553553553553556, 53.653653653653656, 53.753753753753756, 53.853853853853856, 53.953953953953956, 54.054054054054056, 54.154154154154156, 54.254254254254256, 54.354354354354356, 54.454454454454456, 54.55455455455456, 54.65465465465466, 54.75475475475476, 54.85485485485486, 54.95495495495496, 55.05505505505506, 55.15515515515516, 55.25525525525526, 55.35535535535536, 55.45545545545546, 55.55555555555556, 55.65565565565566, 55.75575575575576, 55.85585585585586, 55.95595595595596, 56.05605605605606, 56.15615615615616, 56.25625625625626, 56.35635635635636, 56.45645645645646, 56.55655655655656, 56.65665665665666, 56.75675675675676, 56.85685685685686, 56.95695695695696, 57.05705705705706, 57.15715715715716, 57.25725725725726, 57.35735735735736, 57.45745745745746, 57.55755755755756, 57.65765765765766, 57.75775775775776, 57.85785785785786, 57.95795795795796, 58.05805805805806, 58.15815815815816, 58.25825825825826, 58.35835835835836, 58.45845845845846, 58.55855855855856, 58.65865865865866, 58.75875875875876, 58.85885885885886, 58.95895895895896, 59.05905905905906, 59.15915915915916, 59.25925925925926, 59.35935935935936, 59.45945945945946, 59.55955955955956, 59.65965965965966, 59.75975975975976, 59.85985985985987, 59.95995995995997, 60.06006006006007, 60.16016016016017, 60.26026026026027, 60.36036036036037, 60.46046046046047, 60.56056056056057, 60.66066066066067, 60.76076076076077, 60.86086086086087, 60.96096096096097, 61.06106106106107, 61.16116116116117, 61.26126126126127, 61.36136136136137, 61.46146146146147, 61.56156156156157, 61.66166166166167, 61.76176176176177, 61.86186186186187, 61.96196196196197, 62.06206206206207, 62.16216216216217, 62.26226226226227, 62.36236236236237, 62.46246246246247, 62.56256256256257, 62.66266266266267, 62.76276276276277, 62.86286286286287, 62.96296296296297, 63.06306306306307, 63.16316316316317, 63.26326326326327, 63.36336336336337, 63.46346346346347, 63.56356356356357, 63.66366366366367, 63.76376376376377, 63.86386386386387, 63.96396396396397, 64.06406406406407, 64.16416416416416, 64.26426426426427, 64.36436436436436, 64.46446446446447, 64.56456456456456, 64.66466466466467, 64.76476476476476, 64.86486486486487, 64.96496496496496, 65.06506506506507, 65.16516516516516, 65.26526526526527, 65.36536536536536, 65.46546546546547, 65.56556556556556, 65.66566566566567, 65.76576576576576, 65.86586586586587, 65.96596596596596, 66.06606606606607, 66.16616616616616, 66.26626626626627, 66.36636636636636, 66.46646646646647, 66.56656656656656, 66.66666666666667, 66.76676676676676, 66.86686686686687, 66.96696696696696, 67.06706706706707, 67.16716716716716, 67.26726726726727, 67.36736736736736, 67.46746746746747, 67.56756756756756, 67.66766766766767, 67.76776776776777, 67.86786786786787, 67.96796796796797, 68.06806806806807, 68.16816816816817, 68.26826826826827, 68.36836836836838, 68.46846846846847, 68.56856856856858, 68.66866866866867, 68.76876876876878, 68.86886886886887, 68.96896896896898, 69.06906906906907, 69.16916916916918, 69.26926926926927, 69.36936936936938, 69.46946946946947, 69.56956956956958, 69.66966966966967, 69.76976976976978, 69.86986986986987, 69.96996996996998, 70.07007007007007, 70.17017017017018, 70.27027027027027, 70.37037037037038, 70.47047047047047, 70.57057057057058, 70.67067067067067, 70.77077077077078, 70.87087087087087, 70.97097097097098, 71.07107107107107, 71.17117117117118, 71.27127127127127, 71.37137137137138, 71.47147147147147, 71.57157157157158, 71.67167167167167, 71.77177177177178, 71.87187187187187, 71.97197197197198, 72.07207207207207, 72.17217217217218, 72.27227227227228, 72.37237237237238, 72.47247247247248, 72.57257257257258, 72.67267267267268, 72.77277277277278, 72.87287287287288, 72.97297297297298, 73.07307307307308, 73.17317317317318, 73.27327327327328, 73.37337337337338, 73.47347347347348, 73.57357357357358, 73.67367367367368, 73.77377377377378, 73.87387387387388, 73.97397397397398, 74.07407407407408, 74.17417417417418, 74.27427427427428, 74.37437437437438, 74.47447447447448, 74.57457457457458, 74.67467467467468, 74.77477477477478, 74.87487487487488, 74.97497497497498, 75.07507507507508, 75.17517517517518, 75.27527527527528, 75.37537537537538, 75.47547547547548, 75.57557557557558, 75.67567567567568, 75.77577577577578, 75.87587587587588, 75.97597597597598, 76.07607607607608, 76.17617617617618, 76.27627627627628, 76.37637637637638, 76.47647647647648, 76.57657657657658, 76.67667667667668, 76.77677677677679, 76.87687687687688, 76.97697697697699, 77.07707707707708, 77.17717717717719, 77.27727727727728, 77.37737737737739, 77.47747747747748, 77.57757757757759, 77.67767767767768, 77.77777777777779, 77.87787787787788, 77.97797797797799, 78.07807807807808, 78.17817817817819, 78.27827827827828, 78.37837837837839, 78.47847847847848, 78.57857857857859, 78.67867867867868, 78.77877877877879, 78.87887887887888, 78.97897897897899, 79.07907907907908, 79.17917917917919, 79.27927927927928, 79.37937937937939, 79.47947947947948, 79.57957957957959, 79.67967967967968, 79.77977977977979, 79.87987987987988, 79.97997997997999, 80.08008008008008, 80.18018018018019, 80.28028028028028, 80.38038038038039, 80.48048048048048, 80.58058058058059, 80.68068068068068, 80.78078078078079, 80.88088088088088, 80.98098098098099, 81.08108108108108, 81.18118118118119, 81.28128128128128, 81.38138138138139, 81.48148148148148, 81.58158158158159, 81.68168168168168, 81.78178178178179, 81.88188188188188, 81.98198198198199, 82.08208208208208, 82.18218218218219, 82.28228228228228, 82.38238238238239, 82.48248248248248, 82.58258258258259, 82.68268268268268, 82.78278278278279, 82.88288288288288, 82.98298298298299, 83.08308308308308, 83.18318318318319, 83.28328328328328, 83.38338338338339, 83.48348348348348, 83.58358358358359, 83.68368368368368, 83.78378378378379, 83.88388388388388, 83.98398398398399, 84.08408408408408, 84.18418418418419, 84.28428428428428, 84.38438438438439, 84.48448448448448, 84.58458458458459, 84.68468468468468, 84.78478478478479, 84.88488488488488, 84.98498498498499, 85.08508508508508, 85.18518518518519, 85.28528528528528, 85.38538538538539, 85.4854854854855, 85.58558558558559, 85.6856856856857, 85.78578578578579, 85.8858858858859, 85.98598598598599, 86.0860860860861, 86.18618618618619, 86.2862862862863, 86.38638638638639, 86.4864864864865, 86.58658658658659, 86.6866866866867, 86.78678678678679, 86.8868868868869, 86.98698698698699, 87.0870870870871, 87.18718718718719, 87.2872872872873, 87.38738738738739, 87.4874874874875, 87.58758758758759, 87.6876876876877, 87.78778778778779, 87.8878878878879, 87.98798798798799, 88.0880880880881, 88.18818818818819, 88.2882882882883, 88.38838838838839, 88.4884884884885, 88.58858858858859, 88.6886886886887, 88.78878878878879, 88.8888888888889, 88.988988988989, 89.0890890890891, 89.1891891891892, 89.2892892892893, 89.3893893893894, 89.4894894894895, 89.5895895895896, 89.6896896896897, 89.7897897897898, 89.8898898898899, 89.98998998999, 90.0900900900901, 90.1901901901902, 90.2902902902903, 90.3903903903904, 90.4904904904905, 90.5905905905906, 90.6906906906907, 90.7907907907908, 90.8908908908909, 90.990990990991, 91.0910910910911, 91.1911911911912, 91.2912912912913, 91.3913913913914, 91.4914914914915, 91.5915915915916, 91.6916916916917, 91.7917917917918, 91.8918918918919, 91.991991991992, 92.0920920920921, 92.1921921921922, 92.2922922922923, 92.3923923923924, 92.4924924924925, 92.5925925925926, 92.6926926926927, 92.7927927927928, 92.8928928928929, 92.992992992993, 93.0930930930931, 93.1931931931932, 93.2932932932933, 93.3933933933934, 93.4934934934935, 93.5935935935936, 93.6936936936937, 93.7937937937938, 93.8938938938939, 93.993993993994, 94.0940940940941, 94.1941941941942, 94.2942942942943, 94.3943943943944, 94.4944944944945, 94.5945945945946, 94.6946946946947, 94.7947947947948, 94.8948948948949, 94.994994994995, 95.0950950950951, 95.1951951951952, 95.2952952952953, 95.3953953953954, 95.4954954954955, 95.5955955955956, 95.6956956956957, 95.7957957957958, 95.8958958958959, 95.995995995996, 96.0960960960961, 96.1961961961962, 96.2962962962963, 96.3963963963964, 96.4964964964965, 96.5965965965966, 96.6966966966967, 96.7967967967968, 96.8968968968969, 96.996996996997, 97.0970970970971, 97.1971971971972, 97.2972972972973, 97.3973973973974, 97.4974974974975, 97.5975975975976, 97.6976976976977, 97.7977977977978, 97.8978978978979, 97.997997997998, 98.0980980980981, 98.1981981981982, 98.2982982982983, 98.3983983983984, 98.4984984984985, 98.5985985985986, 98.6986986986987, 98.7987987987988, 98.8988988988989, 98.998998998999, 99.0990990990991, 99.1991991991992, 99.2992992992993, 99.3993993993994, 99.4994994994995, 99.5995995995996, 99.6996996996997, 99.7997997997998, 99.8998998998999, 100 ], "xaxis": "x", "y": [ 61.726186002446376, 61.72574050546378, 61.724646114678656, 61.72266053332548, 61.71951841711398, 61.714961034456415, 61.708757874946315, 61.70072020823839, 61.69070740886294, 61.67862732732479, 61.664432173036914, 61.648111484016766, 61.629683599236635, 61.609186837194144, 61.58667130616727, 61.562191967737256, 61.53580329308374, 61.50755561534056, 61.47749307369483, 61.445652925441166, 61.41206592112817, 61.376757405851166, 61.33974885081874, 61.30105947739722, 61.26070783860121, 61.21871314314027, 61.17509624470254, 61.12988027184515, 61.08309090678726, 61.03475635914843, 60.98490709762516, 60.93357542058163, 60.880794934744316, 60.82660001097948, 60.77102527081123, 60.71410514283509, 60.65587351397083, 60.59636348640152, 60.53560723949015, 60.473635987046485, 60.41048001452183, 60.34616877786472, 60.28073104393514, 60.214195053046126, 60.14658869123345, 60.07793965542911, 60.00827560310382, 59.93762428060065, 59.86601362692884, 59.79347185275948, 59.72002749548225, 59.64570945328148, 59.57054700155278, 59.49456979553166, 59.41780786277119, 59.34029158840362, 59.26205169618205, 59.18311922721205, 59.10352551806954, 59.02330217859541, 58.94248107132033, 58.861094290953616, 58.77917414512267, 58.696753135677795, 58.61386394025067, 58.53053939411573, 58.44681247196029, 58.36271626941404, 58.2782839845161, 58.19354889895119, 58.108544359253294, 58.023303758058006, 57.93786051568634, 57.85224806217067, 57.76649981984531, 57.680649186597556, 57.59472952032283, 57.50877412440914, 57.42281623312881, 57.33688899895387, 57.25102548079602, 57.165258631740954, 57.07962128993384, 56.9941461681118, 56.90886584432417, 56.823812752529115, 56.739019177319946, 56.654517242074455, 56.57033889754482, 56.486515922675736, 56.40307991218708, 56.3200622658017, 56.23749418375152, 56.15540665676601, 56.07383045780109, 55.99279613340317, 55.912333994666696, 55.832474108502275, 55.75324628793226, 55.67468008293595, 55.596804770553604, 55.51964934513145, 55.443242508231364, 55.36761265834083, 55.29278788070503, 55.21879593395308, 55.14566425311803, 55.07341991197181, 55.00208963879612, 54.931699792255834, 54.862276353353316, 54.793844915125376, 54.726430666460494, 54.66005839100123, 54.5947524183615, 54.53053670361273, 54.46743472813732, 54.40546950655674, 54.34466363141098, 54.28503921180294, 54.22661779703253, 54.16942049357185, 54.11346788592087, 54.058780057988486, 54.00537655536461, 53.95327638565964, 53.90249800888719, 53.85305932808646, 53.80497767923118, 53.75826982404116, 53.712951935898005, 53.669039599756644, 53.62654779508016, 53.58549089141702, 53.5458826442235, 53.50773617747346, 53.471063988862895, 53.43587793945709, 53.40218923880777, 53.37000843490022, 53.33934541699083, 53.31020942454952, 53.282609016083825, 53.25655207617094, 53.23204580946159, 53.20909673224262, 53.18771067434751, 53.167892771027496, 53.14964745755232, 53.132978478281835, 53.117888864273674, 53.10438094575886, 53.09245634881665, 53.082115988885114, 53.07336007245105, 53.066188095938564, 53.060598845907855, 53.056590398881475, 53.054160121395185, 53.05330467375343, 53.05402000771732, 53.056301365875875, 53.060143296736456, 53.06553964653537, 53.07248355489993, 53.080967483939936, 53.0909832049569, 53.10252178857612, 53.115573647702114, 53.13012852093728, 53.14617545582473, 53.1637028652598, 53.18269850943623, 53.20314947077387, 53.22504222311754, 53.2483626141851, 53.27309581633584, 53.29922647855145, 53.32673857483345, 53.35561548664744, 53.385840044099595, 53.41739451567046, 53.45026056369795, 53.4844192886424, 53.51985125371483, 53.55653653379739, 53.594454677636286, 53.63358473819411, 53.67390528810208, 53.715394386794046, 53.75802962775163, 53.801788163286936, 53.84664670506533, 53.89258154361867, 53.9395685694748, 53.98758326844674, 54.03660074171757, 54.08659572138785, 54.13754260519978, 54.18941544897518, 54.2421879820198, 54.29583362463662, 54.350325571474194, 54.40563652351851, 54.461739226911725, 54.518606006731716, 54.57620897997778, 54.63452006630823, 54.693510985071434, 54.75315327297407, 54.81341831048192, 54.87427732381583, 54.93570139010071, 54.997661506123364, 55.06012848108997, 55.12307315646354, 55.18646615050541, 55.25027818664736, 55.314479798384845, 55.37904159344913, 55.443934126521754, 55.50912794021881, 55.574593643079545, 55.64030180087395, 55.706223077566584, 55.77232820185001, 55.83858796875041, 55.90497324231666, 55.971455060540286, 56.0380044713146, 56.104592728382194, 56.17119119550671, 56.2377713747299, 56.304304939095005, 56.37076375318834, 56.43711985412232, 56.503345489274444, 56.569413125036554, 56.635295452094574, 56.700965401996505, 56.76639612936186, 56.831561083344795, 56.89643397825044, 56.960988771234135, 57.02519973552509, 57.08904145031267, 57.15248878533281, 57.21551691501288, 57.278101365981584, 57.34021798957849, 57.4018429583749, 57.46295282177249, 57.52352448251303, 57.5835351906901, 57.642962584497724, 57.701784687761425, 57.75997988787926, 57.81752695891843, 57.87440511725755, 57.93059397474264, 57.98607356332059, 58.04082421018013, 58.094826819715905, 58.14806267937755, 58.20051351627937, 58.25216143892793, 58.30298897432465, 58.352979195719044, 58.40211558794087, 58.45038209562609, 58.49776297880059, 58.54424312780307, 58.58980784087262, 58.63444288448478, 58.67813444675971, 58.72086916543728, 58.762634227665565, 58.80341726279734, 58.84320637934883, 58.88199004687252, 58.91975734974335, 58.95649780607526, 58.99220141526109, 59.02685861182963, 59.060460290091484, 59.09299789755002, 59.12446333095555, 59.15484896971572, 59.18414755917012, 59.21235245541036, 59.23945744754306, 59.26545680190133, 59.290345219989156, 59.31411785834757, 59.336770409249425, 59.358299007557235, 59.37870025848434, 59.397971141016555, 59.41610920560824, 59.43311242809928, 59.44897924403772, 59.46370851277322, 59.47729953203696, 59.489752102620635, 59.50106645048483, 59.51124324795665, 59.520283530619494, 59.52818886268551, 59.53496121221487, 59.54060297845999, 59.545116960159405, 59.54850636615619, 59.5507748684466, 59.551926534986876, 59.55196584601295, 59.550897625048094, 59.5487271713456, 59.54546015722195, 59.54110264854298, 59.535661078194615, 59.52914225267992, 59.52155339227703, 59.512902076484195, 59.50319625520172, 59.492444193333995, 59.48065457216854, 59.46783640785194, 59.45399906558425, 59.43915223734239, 59.42330594524865, 59.40647057118587, 59.38865681264598, 59.369875689742415, 59.35013850098597, 59.32945689927633, 59.30784282770817, 59.28530852867253, 59.261866525377414, 59.23752962250963, 59.21231092669285, 59.186223811535086, 59.15928192108237, 59.1314991355019, 59.10288962487926, 59.0734678003112, 59.043248318646995, 59.01224606720559, 58.98047616227026, 58.94795396198079, 58.91469503908991, 58.88071518151967, 58.846030365851796, 58.81065679375057, 58.77461085506576, 58.73790912919946, 58.700568372314684, 58.66260551419493, 58.62403766529365, 58.584882095491125, 58.54515623243496, 58.50487764113075, 58.46406404688981, 58.422733307786594, 58.38090341344109, 58.33859247289047, 58.29581871196891, 58.25260047741282, 58.20895621732015, 58.16490447891367, 58.12046389772863, 58.075653188166534, 58.030491157630884, 57.984996680433646, 57.93918869700307, 57.89308620500036, 57.84670824315572, 57.80007391357064, 57.75320235094304, 57.706112722662425, 57.65882422196623, 57.61135605293302, 57.563727443314065, 57.5159576227786, 57.46806582032473, 57.42007125767339, 57.37199313860987, 57.32385065054867, 57.275662952649085, 57.227449169770246, 57.17922838616218, 57.13101963825414, 57.08284190900904, 57.034714120958455, 56.98665512932667, 56.93868371552994, 56.89081858236642, 56.84307834519517, 56.795481524396706, 56.748046541027165, 56.70079170938972, 56.65373523300095, 56.606895197751626, 56.56028955891156, 56.51393614113344, 56.46785263080438, 56.422056573267824, 56.37656535651726, 56.331396212430526, 56.28656620825518, 56.24209225059893, 56.19799105904787, 56.15427917257072, 56.11097294122872, 56.06808852774464, 56.025641890842316, 55.98364877745768, 55.94212472366026, 55.90108505133698, 55.86054486376782, 55.82051902105982, 55.78102215153421, 55.74206864292158, 55.703672652724606, 55.66584806303945, 55.628608504911774, 55.59196734465678, 55.555937701794356, 55.520532400305626, 55.485763987409484, 55.45164472706934, 55.41818661026356, 55.3854013309839, 55.353300270916094, 55.32189451428811, 55.29119484647313, 55.26121175779242, 55.231955391737046, 55.203435581915066, 55.17566183847849, 55.14864338063523, 55.12238904846525, 55.09690736148608, 55.07220649805836, 55.04829433151142, 55.02517835683917, 55.00286571948243, 54.981363216310804, 54.96067731412175, 54.9408141232704, 54.92177936662025, 54.90357841601952, 54.88621629079599, 54.86969767675251, 54.85402683884502, 54.83920769049383, 54.82524377337579, 54.81213831824051, 54.79989410780645, 54.78851357439868, 54.77799877251802, 54.76835142999253, 54.75957286175929, 54.75166399850345, 54.74462540121984, 54.73845728398538, 54.73315949394854, 54.72873145995738, 54.72517225271693, 54.72248058088516, 54.720654828117354, 54.71969293565381, 54.71959249906848, 54.7203507425738, 54.721964601925826, 54.724430557242876, 54.72774475612691, 54.73190298387228, 54.736900719267155, 54.74273305614435, 54.7493947210724, 54.75688010252118, 54.76518327159341, 54.77429797582721, 54.78421757477961, 54.79493511368319, 54.80644331708356, 54.81873463735233, 54.83180113216891, 54.84563456811408, 54.860226397521274, 54.87556783302238, 54.89164971265295, 54.908462596995435, 54.92599675565601, 54.944242212155, 54.96318869208381, 54.98282562700627, 55.003142190528365, 55.02412731274405, 55.04576968752726, 55.06805771459072, 55.09097956658145, 55.11452318341317, 55.13867631709833, 55.16342643956651, 55.18876082478203, 55.214666534812686, 55.241130469276634, 55.26813929075988, 55.2956794799836, 55.323737337452435, 55.35229900976013, 55.38135047038236, 55.41087751795459, 55.44086580557605, 55.4713008491108, 55.50216803945469, 55.533452613532816, 55.565139694459454, 55.59721429124624, 55.62966132378511, 55.66246558896925, 55.69561179934876, 55.729084582404894, 55.76286849881888, 55.79694803070484, 55.831307599067834, 55.86593157174369, 55.90080427192071, 55.93590998359093, 55.97123295734784, 56.00675742073172, 56.042467583693835, 56.078347644779164, 56.114381804361955, 56.15055426711494, 56.18684925026116, 56.22325097978441, 56.25974372230272, 56.29631177415732, 56.332939473428446, 56.369611191901626, 56.406311367635254, 56.443024501594174, 56.47973516155479, 56.516427979135834, 56.553087665497856, 56.58969903393641, 56.62624698644937, 56.66271651992379, 56.69909271910491, 56.73536081032648, 56.771506128671454, 56.807514134586874, 56.84337038268314, 56.87906060622328, 56.91457066596781, 56.94988657086507, 56.9849944541167, 57.01988062494157, 57.05453156151338, 57.08893390466308, 57.123074450511986, 57.1569401640307, 57.19051821932791, 57.223795965820166, 57.256760936760635, 57.28940082820575, 57.32170358021362, 57.3536573199453, 57.38525038288266, 57.41647126701502, 57.447308737954074, 57.477751762853565, 57.50778953032764, 57.537411421677014, 57.5666070617201, 57.595366318033385, 57.623679283925036, 57.651536265452066, 57.67892779330623, 57.70584468568236, 57.73227798563721, 57.7582189845853, 57.78365918225052, 57.80859032260212, 57.83300445850844, 57.856893871744575, 57.880251102345596, 57.90306889452714, 57.9253402609844, 57.947058525111, 57.968217245842105, 57.988810246441474, 58.00883155533572, 58.02827549075745, 58.04713667028169, 58.06540995581473, 58.083090476842976, 58.100173569231565, 58.11665487469689, 58.132530320556775, 58.14779608526347, 58.16244861574128, 58.17648456107597, 58.189900890612556, 58.202694845347885, 58.21486392040052, 58.22640587775846, 58.23731867276232, 58.24760059450628, 58.25725018737853, 58.26626624988943, 58.27464784322302, 58.28239421295734, 58.28950494712882, 58.29597987058283, 58.30181906019375, 58.307022848963825, 58.31159174479323, 58.31552660209163, 58.31882849248992, 58.32149873528604, 58.323538894567236, 58.32495071239816, 58.3257362577958, 58.32589780905575, 58.32543788293337, 58.32435922749003, 58.322664769915825, 58.320357741973126, 58.31744157691509, 58.31391993473434, 58.30979669180654, 58.3050759016343, 58.29976189976742, 58.293859213303925, 58.28737258273224, 58.28030694886618, 58.27266742595684, 58.264459385928944, 58.25568838104184, 58.246360162157934, 58.23648066362374, 58.22605598767816, 58.2150924685068, 58.203596608272484, 58.191575091726406, 58.17903476958133, 58.16598265253027, 58.152425957306235, 58.138372054914505, 58.1238284818741, 58.108802922485786, 58.09330321076737, 58.077337361155216, 58.06091352730313, 58.044040010375916, 58.02672524064936, 58.0089777857873, 57.990806368442186, 57.972219834298606, 57.95322715775234, 57.93383742340208, 57.91405983899862, 57.893903742027305, 57.8733785759062, 57.8524938933098, 57.83125933427052, 57.809684649905726, 57.78777969796018, 57.7655544227555, 57.74301885816163, 57.72018312350148, 57.697057384438025, 57.67365193036914, 57.64997710649228, 57.626043327132955, 57.60186107187143, 57.577440871577906, 57.5527933030616, 57.527929022366656, 57.502858722168185, 57.47759313943452, 57.45214305143712, 57.42651925564455, 57.400732593666426, 57.37479393794224, 57.34871418005385, 57.32250423076034, 57.29617501549463, 57.26973746522646, 57.24320252527992, 57.21658114070808, 57.189884255072734, 57.163122806348056, 57.13630772290024, 57.109449919351945, 57.0825602923203, 57.05564971652219, 57.028729040615, 57.00180908310098, 56.97490063339665, 56.94801443780325, 56.92116120062937, 56.894351580799615, 56.86759618693861, 56.840905575427335, 56.81429025629724, 56.787760659475076, 56.76132715607899, 56.73500004734798, 56.70878956062799, 56.68270585817127, 56.656759020507465, 56.63095902806587, 56.60531578046394, 56.57983908472163, 56.55453865134628, 56.52942412512556, 56.504505009009726, 56.47979070766072, 56.455290518466526, 56.43101362472699, 56.40696910124041, 56.38316592975561, 56.35961292030909, 56.33631877520281, 56.31329206607995, 56.29054123032082, 56.26807460109166, 56.24590035889748, 56.22402651681598, 56.202460957142804, 56.18121141294791, 56.160285464691654, 56.13969060868841, 56.11943409477863, 56.09952304279667, 56.07996441159965, 56.060764994242696, 56.041931437261546, 56.0234702528686, 56.00538770605511, 55.98768991892561, 55.97038283626322, 55.95347222270804, 55.93696372063372, 55.92086275010432, 55.90517452301242, 55.8899040835784, 55.87505628655372, 55.860635798368556, 55.846647193671515, 55.833094716762126, 55.819982468344186, 55.80731435238057, 55.795094073998534, 55.78332517753779, 55.77201103811626, 55.7611547393467, 55.75075920351068, 55.740827149366375, 55.731361090476575, 55.722363399306644, 55.713836199906694, 55.70578140185945, 55.698200723614995, 55.69109568461807, 55.6844676316616, 55.678317663347805, 55.67264668986648, 55.667455416229345, 55.66274436269319, 55.658513840609885, 55.65476394151043, 55.651494560802455, 55.64870539062421, 55.64639596957014, 55.64456557336241, 55.64321329735319, 55.64233803531523, 55.64193850299946, 55.642013230604896, 55.64256051224265, 55.643578462541946, 55.64506500034802, 55.647017899678474, 55.64943469432075, 55.652312737315356, 55.65564919680823, 55.65944106582119, 55.663685178371416, 55.66837814285089, 55.67351640371727, 55.6790962260626, 55.685113730308515, 55.691564841743734, 55.69844530637923, 55.70575070767625, 55.71347646692868, 55.72161787657257, 55.730170019042745, 55.73912783532524, 55.74848610940089, 55.75823949419958, 55.76838248892094, 55.77890942557821, 55.78981450160074, 55.801091772747284, 55.81273519634652, 55.82473854661085, 55.83709548287004, 55.849799535504125, 55.86284412207366, 55.87622254758217, 55.88992797467201, 55.90395346139952, 55.918291953982305, 55.93293632199326, 55.94787929803419, 55.963113519700855, 55.97863153037658, 55.99442577938887, 56.01048865493659, 56.02681243647274, 56.04338931698547, 56.060211417231436, 56.07727078289989, 56.094559411110076, 56.11206922242775, 56.12979206142038, 56.147719722304124, 56.165843944128724, 56.1841564262388, 56.20264882171065, 56.221312726618976, 56.24013970502423, 56.259121285809, 56.27824897009675, 56.29751423470106, 56.31690852536331, 56.33642327182654, 56.356049888304995, 56.375779777359504, 56.39560433378049, 56.4155149482683, 56.43550301143344, 56.45555991760082, 56.47567706758106, 56.49584586788179, 56.516057748056184, 56.53630415321883, 56.55657655094801, 56.5768664342625, 56.597165311017534, 56.61746474181601, 56.63775631684544, 56.65803166676163, 56.67828246641267, 56.69850041316195, 56.71867728431571, 56.73880490212832, 56.75887514548505, 56.77887995430769, 56.79881130444131, 56.818661265743486, 56.838421975565794, 56.85808564076968, 56.87764454484099, 56.897091022826814, 56.916417510763964, 56.93561653693014, 56.95468070999646, 56.973602729498396, 56.992375363035585, 57.01099148140712, 57.029444072834586, 57.04772621513376, 57.065831089797285, 57.083751962689924, 57.10148220175892, 57.119015317032186, 57.13634491570886, 57.15346471995933, 57.17036855196973, 57.18705033235135, 57.20350414715686, 57.219724185673854, 57.23570476186281, 57.25144030434878, 57.26692533486711, 57.28215456169669, 57.29712280114624, 57.31182500227046, 57.326256242041374, 57.34041168446955, 57.35428669817301, 57.36787676352944, 57.38117750010293, 57.39418466687328, 57.406894103611016, 57.419301869389884, 57.43140413777537, 57.443197226339386, 57.45467759809462, 57.465841804694854, 57.47668660739616, 57.4872088976589, 57.49740571068041, 57.507274229995765, 57.51681174008141, 57.52601571569549, 57.53488378063508, 57.54341369958719, 57.5516033869143, 57.559450868321406, 57.56695434066906, 57.57411216529708, 57.58092284070807, 57.58738501491403, 57.593497455585485, 57.59925908315215, 57.604668994302884, 57.609726418424955, 57.61443073281413, 57.61878144048892, 57.62277817993445, 57.62642077396587, 57.62970917296696, 57.63264347226625, 57.635223896748144, 57.637450790815755, 57.63932468750752, 57.64084624175993, 57.64201624921568, 57.64283563663766, 57.64330543574152, 57.64342686771199, 57.643201269403654, 57.64263011294711, 57.64171500006044, 57.64045761706067, 57.63885985145807, 57.63692369408219, 57.63465126485769, 57.632044811913644, 57.62910668425521, 57.62583934143175, 57.622245417704846, 57.61832764495243, 57.614088875345004, 57.609532080204175, 57.60466029615923, 57.599476718733804, 57.593984663412186, 57.58818754489237, 57.582088887682474, 57.575692321135115, 57.5690015241738, 57.56202035802734, 57.55475275571961, 57.547202750120306, 57.539374472324944, 57.5312721328841, 57.52290002168891, 57.514262560687726, 57.50536424325615, 57.49620965041292, 57.48680344901941, 57.477150359920444, 57.467255207168435, 57.45712290150826, 57.44675842198403, 57.43616682227657, 57.42535322762912, 57.41432279510282, 57.40308080102517, 57.39163256750139, 57.37998347960893, 57.36813898330013, 57.35610457326016, 57.34388578790658, 57.33148824770445, 57.318917611731756, 57.30617958783084, 57.29327993039271, 57.28022442196587, 57.26701889670497, 57.25366923431899, 57.2401813456985, 57.22656117593993, 57.2128147020389, 57.19894791239091, 57.18496684571688, 57.17087755625778, 57.156686120105554, 57.1423986328355, 57.12802120437187, 57.1135599545341 ], "yaxis": "y" }, { "showlegend": false, "type": "scatter", "x": [ 0, 0.1001001001001001, 0.2002002002002002, 0.3003003003003003, 0.4004004004004004, 0.5005005005005005, 0.6006006006006006, 0.7007007007007008, 0.8008008008008008, 0.9009009009009009, 1.001001001001001, 1.1011011011011012, 1.2012012012012012, 1.3013013013013013, 1.4014014014014016, 1.5015015015015016, 1.6016016016016017, 1.7017017017017018, 1.8018018018018018, 1.9019019019019021, 2.002002002002002, 2.1021021021021022, 2.2022022022022023, 2.3023023023023024, 2.4024024024024024, 2.5025025025025025, 2.6026026026026026, 2.702702702702703, 2.802802802802803, 2.902902902902903, 3.0030030030030033, 3.1031031031031033, 3.2032032032032034, 3.3033033033033035, 3.4034034034034035, 3.5035035035035036, 3.6036036036036037, 3.7037037037037037, 3.8038038038038042, 3.9039039039039043, 4.004004004004004, 4.104104104104104, 4.2042042042042045, 4.3043043043043046, 4.404404404404405, 4.504504504504505, 4.604604604604605, 4.704704704704705, 4.804804804804805, 4.904904904904905, 5.005005005005005, 5.105105105105105, 5.205205205205205, 5.305305305305305, 5.405405405405406, 5.505505505505506, 5.605605605605606, 5.705705705705706, 5.805805805805806, 5.9059059059059065, 6.0060060060060065, 6.106106106106107, 6.206206206206207, 6.306306306306307, 6.406406406406407, 6.506506506506507, 6.606606606606607, 6.706706706706707, 6.806806806806807, 6.906906906906907, 7.007007007007007, 7.107107107107107, 7.207207207207207, 7.307307307307307, 7.407407407407407, 7.507507507507508, 7.6076076076076085, 7.7077077077077085, 7.807807807807809, 7.907907907907909, 8.008008008008009, 8.108108108108109, 8.208208208208209, 8.308308308308309, 8.408408408408409, 8.508508508508509, 8.608608608608609, 8.70870870870871, 8.80880880880881, 8.90890890890891, 9.00900900900901, 9.10910910910911, 9.20920920920921, 9.30930930930931, 9.40940940940941, 9.50950950950951, 9.60960960960961, 9.70970970970971, 9.80980980980981, 9.90990990990991, 10.01001001001001, 10.11011011011011, 10.21021021021021, 10.31031031031031, 10.41041041041041, 10.51051051051051, 10.61061061061061, 10.710710710710712, 10.810810810810812, 10.910910910910912, 11.011011011011012, 11.111111111111112, 11.211211211211213, 11.311311311311313, 11.411411411411413, 11.511511511511513, 11.611611611611613, 11.711711711711713, 11.811811811811813, 11.911911911911913, 12.012012012012013, 12.112112112112113, 12.212212212212213, 12.312312312312313, 12.412412412412413, 12.512512512512513, 12.612612612612613, 12.712712712712714, 12.812812812812814, 12.912912912912914, 13.013013013013014, 13.113113113113114, 13.213213213213214, 13.313313313313314, 13.413413413413414, 13.513513513513514, 13.613613613613614, 13.713713713713714, 13.813813813813814, 13.913913913913914, 14.014014014014014, 14.114114114114114, 14.214214214214214, 14.314314314314315, 14.414414414414415, 14.514514514514515, 14.614614614614615, 14.714714714714715, 14.814814814814815, 14.914914914914915, 15.015015015015017, 15.115115115115117, 15.215215215215217, 15.315315315315317, 15.415415415415417, 15.515515515515517, 15.615615615615617, 15.715715715715717, 15.815815815815817, 15.915915915915917, 16.016016016016017, 16.116116116116117, 16.216216216216218, 16.316316316316318, 16.416416416416418, 16.516516516516518, 16.616616616616618, 16.716716716716718, 16.816816816816818, 16.916916916916918, 17.017017017017018, 17.117117117117118, 17.217217217217218, 17.31731731731732, 17.41741741741742, 17.51751751751752, 17.61761761761762, 17.71771771771772, 17.81781781781782, 17.91791791791792, 18.01801801801802, 18.11811811811812, 18.21821821821822, 18.31831831831832, 18.41841841841842, 18.51851851851852, 18.61861861861862, 18.71871871871872, 18.81881881881882, 18.91891891891892, 19.01901901901902, 19.11911911911912, 19.21921921921922, 19.31931931931932, 19.41941941941942, 19.51951951951952, 19.61961961961962, 19.71971971971972, 19.81981981981982, 19.91991991991992, 20.02002002002002, 20.12012012012012, 20.22022022022022, 20.32032032032032, 20.42042042042042, 20.52052052052052, 20.62062062062062, 20.72072072072072, 20.82082082082082, 20.92092092092092, 21.02102102102102, 21.12112112112112, 21.22122122122122, 21.32132132132132, 21.421421421421424, 21.521521521521525, 21.621621621621625, 21.721721721721725, 21.821821821821825, 21.921921921921925, 22.022022022022025, 22.122122122122125, 22.222222222222225, 22.322322322322325, 22.422422422422425, 22.522522522522525, 22.622622622622625, 22.722722722722725, 22.822822822822825, 22.922922922922925, 23.023023023023026, 23.123123123123126, 23.223223223223226, 23.323323323323326, 23.423423423423426, 23.523523523523526, 23.623623623623626, 23.723723723723726, 23.823823823823826, 23.923923923923926, 24.024024024024026, 24.124124124124126, 24.224224224224226, 24.324324324324326, 24.424424424424426, 24.524524524524526, 24.624624624624627, 24.724724724724727, 24.824824824824827, 24.924924924924927, 25.025025025025027, 25.125125125125127, 25.225225225225227, 25.325325325325327, 25.425425425425427, 25.525525525525527, 25.625625625625627, 25.725725725725727, 25.825825825825827, 25.925925925925927, 26.026026026026027, 26.126126126126128, 26.226226226226228, 26.326326326326328, 26.426426426426428, 26.526526526526528, 26.626626626626628, 26.726726726726728, 26.826826826826828, 26.926926926926928, 27.027027027027028, 27.127127127127128, 27.227227227227228, 27.32732732732733, 27.42742742742743, 27.52752752752753, 27.62762762762763, 27.72772772772773, 27.82782782782783, 27.92792792792793, 28.02802802802803, 28.12812812812813, 28.22822822822823, 28.32832832832833, 28.42842842842843, 28.52852852852853, 28.62862862862863, 28.72872872872873, 28.82882882882883, 28.92892892892893, 29.02902902902903, 29.12912912912913, 29.22922922922923, 29.32932932932933, 29.42942942942943, 29.52952952952953, 29.62962962962963, 29.72972972972973, 29.82982982982983, 29.929929929929934, 30.030030030030034, 30.130130130130134, 30.230230230230234, 30.330330330330334, 30.430430430430434, 30.530530530530534, 30.630630630630634, 30.730730730730734, 30.830830830830834, 30.930930930930934, 31.031031031031034, 31.131131131131134, 31.231231231231234, 31.331331331331334, 31.431431431431434, 31.531531531531535, 31.631631631631635, 31.731731731731735, 31.831831831831835, 31.931931931931935, 32.032032032032035, 32.132132132132135, 32.232232232232235, 32.332332332332335, 32.432432432432435, 32.532532532532535, 32.632632632632635, 32.732732732732735, 32.832832832832835, 32.932932932932935, 33.033033033033036, 33.133133133133136, 33.233233233233236, 33.333333333333336, 33.433433433433436, 33.533533533533536, 33.633633633633636, 33.733733733733736, 33.833833833833836, 33.933933933933936, 34.034034034034036, 34.134134134134136, 34.234234234234236, 34.334334334334336, 34.434434434434436, 34.53453453453454, 34.63463463463464, 34.73473473473474, 34.83483483483484, 34.93493493493494, 35.03503503503504, 35.13513513513514, 35.23523523523524, 35.33533533533534, 35.43543543543544, 35.53553553553554, 35.63563563563564, 35.73573573573574, 35.83583583583584, 35.93593593593594, 36.03603603603604, 36.13613613613614, 36.23623623623624, 36.33633633633634, 36.43643643643644, 36.53653653653654, 36.63663663663664, 36.73673673673674, 36.83683683683684, 36.93693693693694, 37.03703703703704, 37.13713713713714, 37.23723723723724, 37.33733733733734, 37.43743743743744, 37.53753753753754, 37.63763763763764, 37.73773773773774, 37.83783783783784, 37.93793793793794, 38.03803803803804, 38.13813813813814, 38.23823823823824, 38.33833833833834, 38.43843843843844, 38.53853853853854, 38.63863863863864, 38.73873873873874, 38.83883883883884, 38.93893893893894, 39.03903903903904, 39.13913913913914, 39.23923923923924, 39.33933933933934, 39.43943943943944, 39.53953953953954, 39.63963963963964, 39.73973973973974, 39.83983983983984, 39.93993993993994, 40.04004004004004, 40.14014014014014, 40.24024024024024, 40.34034034034034, 40.44044044044044, 40.54054054054054, 40.64064064064064, 40.74074074074074, 40.84084084084084, 40.94094094094094, 41.04104104104104, 41.14114114114114, 41.24124124124124, 41.34134134134134, 41.44144144144144, 41.54154154154154, 41.64164164164164, 41.74174174174174, 41.84184184184184, 41.94194194194194, 42.04204204204204, 42.14214214214214, 42.24224224224224, 42.34234234234234, 42.44244244244244, 42.54254254254254, 42.64264264264264, 42.74274274274275, 42.84284284284285, 42.94294294294295, 43.04304304304305, 43.14314314314315, 43.24324324324325, 43.34334334334335, 43.44344344344345, 43.54354354354355, 43.64364364364365, 43.74374374374375, 43.84384384384385, 43.94394394394395, 44.04404404404405, 44.14414414414415, 44.24424424424425, 44.34434434434435, 44.44444444444445, 44.54454454454455, 44.64464464464465, 44.74474474474475, 44.84484484484485, 44.94494494494495, 45.04504504504505, 45.14514514514515, 45.24524524524525, 45.34534534534535, 45.44544544544545, 45.54554554554555, 45.64564564564565, 45.74574574574575, 45.84584584584585, 45.94594594594595, 46.04604604604605, 46.14614614614615, 46.24624624624625, 46.34634634634635, 46.44644644644645, 46.54654654654655, 46.64664664664665, 46.74674674674675, 46.84684684684685, 46.94694694694695, 47.04704704704705, 47.14714714714715, 47.24724724724725, 47.34734734734735, 47.44744744744745, 47.54754754754755, 47.64764764764765, 47.74774774774775, 47.84784784784785, 47.94794794794795, 48.04804804804805, 48.14814814814815, 48.24824824824825, 48.34834834834835, 48.44844844844845, 48.54854854854855, 48.64864864864865, 48.74874874874875, 48.84884884884885, 48.94894894894895, 49.04904904904905, 49.14914914914915, 49.24924924924925, 49.34934934934935, 49.44944944944945, 49.54954954954955, 49.64964964964965, 49.74974974974975, 49.84984984984985, 49.94994994994995, 50.050050050050054, 50.150150150150154, 50.250250250250254, 50.350350350350354, 50.450450450450454, 50.550550550550554, 50.650650650650654, 50.750750750750754, 50.850850850850854, 50.950950950950954, 51.051051051051054, 51.151151151151154, 51.251251251251254, 51.351351351351354, 51.451451451451454, 51.551551551551555, 51.651651651651655, 51.751751751751755, 51.851851851851855, 51.951951951951955, 52.052052052052055, 52.152152152152155, 52.252252252252255, 52.352352352352355, 52.452452452452455, 52.552552552552555, 52.652652652652655, 52.752752752752755, 52.852852852852855, 52.952952952952955, 53.053053053053056, 53.153153153153156, 53.253253253253256, 53.353353353353356, 53.453453453453456, 53.553553553553556, 53.653653653653656, 53.753753753753756, 53.853853853853856, 53.953953953953956, 54.054054054054056, 54.154154154154156, 54.254254254254256, 54.354354354354356, 54.454454454454456, 54.55455455455456, 54.65465465465466, 54.75475475475476, 54.85485485485486, 54.95495495495496, 55.05505505505506, 55.15515515515516, 55.25525525525526, 55.35535535535536, 55.45545545545546, 55.55555555555556, 55.65565565565566, 55.75575575575576, 55.85585585585586, 55.95595595595596, 56.05605605605606, 56.15615615615616, 56.25625625625626, 56.35635635635636, 56.45645645645646, 56.55655655655656, 56.65665665665666, 56.75675675675676, 56.85685685685686, 56.95695695695696, 57.05705705705706, 57.15715715715716, 57.25725725725726, 57.35735735735736, 57.45745745745746, 57.55755755755756, 57.65765765765766, 57.75775775775776, 57.85785785785786, 57.95795795795796, 58.05805805805806, 58.15815815815816, 58.25825825825826, 58.35835835835836, 58.45845845845846, 58.55855855855856, 58.65865865865866, 58.75875875875876, 58.85885885885886, 58.95895895895896, 59.05905905905906, 59.15915915915916, 59.25925925925926, 59.35935935935936, 59.45945945945946, 59.55955955955956, 59.65965965965966, 59.75975975975976, 59.85985985985987, 59.95995995995997, 60.06006006006007, 60.16016016016017, 60.26026026026027, 60.36036036036037, 60.46046046046047, 60.56056056056057, 60.66066066066067, 60.76076076076077, 60.86086086086087, 60.96096096096097, 61.06106106106107, 61.16116116116117, 61.26126126126127, 61.36136136136137, 61.46146146146147, 61.56156156156157, 61.66166166166167, 61.76176176176177, 61.86186186186187, 61.96196196196197, 62.06206206206207, 62.16216216216217, 62.26226226226227, 62.36236236236237, 62.46246246246247, 62.56256256256257, 62.66266266266267, 62.76276276276277, 62.86286286286287, 62.96296296296297, 63.06306306306307, 63.16316316316317, 63.26326326326327, 63.36336336336337, 63.46346346346347, 63.56356356356357, 63.66366366366367, 63.76376376376377, 63.86386386386387, 63.96396396396397, 64.06406406406407, 64.16416416416416, 64.26426426426427, 64.36436436436436, 64.46446446446447, 64.56456456456456, 64.66466466466467, 64.76476476476476, 64.86486486486487, 64.96496496496496, 65.06506506506507, 65.16516516516516, 65.26526526526527, 65.36536536536536, 65.46546546546547, 65.56556556556556, 65.66566566566567, 65.76576576576576, 65.86586586586587, 65.96596596596596, 66.06606606606607, 66.16616616616616, 66.26626626626627, 66.36636636636636, 66.46646646646647, 66.56656656656656, 66.66666666666667, 66.76676676676676, 66.86686686686687, 66.96696696696696, 67.06706706706707, 67.16716716716716, 67.26726726726727, 67.36736736736736, 67.46746746746747, 67.56756756756756, 67.66766766766767, 67.76776776776777, 67.86786786786787, 67.96796796796797, 68.06806806806807, 68.16816816816817, 68.26826826826827, 68.36836836836838, 68.46846846846847, 68.56856856856858, 68.66866866866867, 68.76876876876878, 68.86886886886887, 68.96896896896898, 69.06906906906907, 69.16916916916918, 69.26926926926927, 69.36936936936938, 69.46946946946947, 69.56956956956958, 69.66966966966967, 69.76976976976978, 69.86986986986987, 69.96996996996998, 70.07007007007007, 70.17017017017018, 70.27027027027027, 70.37037037037038, 70.47047047047047, 70.57057057057058, 70.67067067067067, 70.77077077077078, 70.87087087087087, 70.97097097097098, 71.07107107107107, 71.17117117117118, 71.27127127127127, 71.37137137137138, 71.47147147147147, 71.57157157157158, 71.67167167167167, 71.77177177177178, 71.87187187187187, 71.97197197197198, 72.07207207207207, 72.17217217217218, 72.27227227227228, 72.37237237237238, 72.47247247247248, 72.57257257257258, 72.67267267267268, 72.77277277277278, 72.87287287287288, 72.97297297297298, 73.07307307307308, 73.17317317317318, 73.27327327327328, 73.37337337337338, 73.47347347347348, 73.57357357357358, 73.67367367367368, 73.77377377377378, 73.87387387387388, 73.97397397397398, 74.07407407407408, 74.17417417417418, 74.27427427427428, 74.37437437437438, 74.47447447447448, 74.57457457457458, 74.67467467467468, 74.77477477477478, 74.87487487487488, 74.97497497497498, 75.07507507507508, 75.17517517517518, 75.27527527527528, 75.37537537537538, 75.47547547547548, 75.57557557557558, 75.67567567567568, 75.77577577577578, 75.87587587587588, 75.97597597597598, 76.07607607607608, 76.17617617617618, 76.27627627627628, 76.37637637637638, 76.47647647647648, 76.57657657657658, 76.67667667667668, 76.77677677677679, 76.87687687687688, 76.97697697697699, 77.07707707707708, 77.17717717717719, 77.27727727727728, 77.37737737737739, 77.47747747747748, 77.57757757757759, 77.67767767767768, 77.77777777777779, 77.87787787787788, 77.97797797797799, 78.07807807807808, 78.17817817817819, 78.27827827827828, 78.37837837837839, 78.47847847847848, 78.57857857857859, 78.67867867867868, 78.77877877877879, 78.87887887887888, 78.97897897897899, 79.07907907907908, 79.17917917917919, 79.27927927927928, 79.37937937937939, 79.47947947947948, 79.57957957957959, 79.67967967967968, 79.77977977977979, 79.87987987987988, 79.97997997997999, 80.08008008008008, 80.18018018018019, 80.28028028028028, 80.38038038038039, 80.48048048048048, 80.58058058058059, 80.68068068068068, 80.78078078078079, 80.88088088088088, 80.98098098098099, 81.08108108108108, 81.18118118118119, 81.28128128128128, 81.38138138138139, 81.48148148148148, 81.58158158158159, 81.68168168168168, 81.78178178178179, 81.88188188188188, 81.98198198198199, 82.08208208208208, 82.18218218218219, 82.28228228228228, 82.38238238238239, 82.48248248248248, 82.58258258258259, 82.68268268268268, 82.78278278278279, 82.88288288288288, 82.98298298298299, 83.08308308308308, 83.18318318318319, 83.28328328328328, 83.38338338338339, 83.48348348348348, 83.58358358358359, 83.68368368368368, 83.78378378378379, 83.88388388388388, 83.98398398398399, 84.08408408408408, 84.18418418418419, 84.28428428428428, 84.38438438438439, 84.48448448448448, 84.58458458458459, 84.68468468468468, 84.78478478478479, 84.88488488488488, 84.98498498498499, 85.08508508508508, 85.18518518518519, 85.28528528528528, 85.38538538538539, 85.4854854854855, 85.58558558558559, 85.6856856856857, 85.78578578578579, 85.8858858858859, 85.98598598598599, 86.0860860860861, 86.18618618618619, 86.2862862862863, 86.38638638638639, 86.4864864864865, 86.58658658658659, 86.6866866866867, 86.78678678678679, 86.8868868868869, 86.98698698698699, 87.0870870870871, 87.18718718718719, 87.2872872872873, 87.38738738738739, 87.4874874874875, 87.58758758758759, 87.6876876876877, 87.78778778778779, 87.8878878878879, 87.98798798798799, 88.0880880880881, 88.18818818818819, 88.2882882882883, 88.38838838838839, 88.4884884884885, 88.58858858858859, 88.6886886886887, 88.78878878878879, 88.8888888888889, 88.988988988989, 89.0890890890891, 89.1891891891892, 89.2892892892893, 89.3893893893894, 89.4894894894895, 89.5895895895896, 89.6896896896897, 89.7897897897898, 89.8898898898899, 89.98998998999, 90.0900900900901, 90.1901901901902, 90.2902902902903, 90.3903903903904, 90.4904904904905, 90.5905905905906, 90.6906906906907, 90.7907907907908, 90.8908908908909, 90.990990990991, 91.0910910910911, 91.1911911911912, 91.2912912912913, 91.3913913913914, 91.4914914914915, 91.5915915915916, 91.6916916916917, 91.7917917917918, 91.8918918918919, 91.991991991992, 92.0920920920921, 92.1921921921922, 92.2922922922923, 92.3923923923924, 92.4924924924925, 92.5925925925926, 92.6926926926927, 92.7927927927928, 92.8928928928929, 92.992992992993, 93.0930930930931, 93.1931931931932, 93.2932932932933, 93.3933933933934, 93.4934934934935, 93.5935935935936, 93.6936936936937, 93.7937937937938, 93.8938938938939, 93.993993993994, 94.0940940940941, 94.1941941941942, 94.2942942942943, 94.3943943943944, 94.4944944944945, 94.5945945945946, 94.6946946946947, 94.7947947947948, 94.8948948948949, 94.994994994995, 95.0950950950951, 95.1951951951952, 95.2952952952953, 95.3953953953954, 95.4954954954955, 95.5955955955956, 95.6956956956957, 95.7957957957958, 95.8958958958959, 95.995995995996, 96.0960960960961, 96.1961961961962, 96.2962962962963, 96.3963963963964, 96.4964964964965, 96.5965965965966, 96.6966966966967, 96.7967967967968, 96.8968968968969, 96.996996996997, 97.0970970970971, 97.1971971971972, 97.2972972972973, 97.3973973973974, 97.4974974974975, 97.5975975975976, 97.6976976976977, 97.7977977977978, 97.8978978978979, 97.997997997998, 98.0980980980981, 98.1981981981982, 98.2982982982983, 98.3983983983984, 98.4984984984985, 98.5985985985986, 98.6986986986987, 98.7987987987988, 98.8988988988989, 98.998998998999, 99.0990990990991, 99.1991991991992, 99.2992992992993, 99.3993993993994, 99.4994994994995, 99.5995995995996, 99.6996996996997, 99.7997997997998, 99.8998998998999, 100 ], "xaxis": "x2", "y": [ 0.9036356740373742, 0.9360530969066356, 1.0033274039612103, 1.0991747634108535, 1.2174126497952322, 1.3521040037519005, 1.497676684984695, 1.6490181860446989, 1.8015464663308758, 1.9512580882657462, 2.0947552441698436, 2.2292536200060993, 2.352573323358354, 2.4631152511188055, 2.55982539684807, 2.642149599963063, 2.709981194606229, 2.7636038944189245, 2.8036320740439864, 2.830950377088874, 2.8466543644456883, 2.851993659538143, 2.848318685033794, 2.837032137875536, 2.8195455202041764, 2.7972414463753243, 2.7714418347846084, 2.743382036426386, 2.7141907344683855, 2.684875380178677, 2.6563127790297827, 2.6292443404446613, 2.604275495826374, 2.5818787087919692, 2.5623994979440172, 2.5460648990522157, 2.5329938107610586, 2.5232086927537813, 2.5166481206982305, 2.5131797546714654, 2.5126133329441815, 2.5147133531963055, 2.519211151460735, 2.5258161256630003, 2.5342260293054824, 2.5441361046568445, 2.555247011369627, 2.5672715259622554, 2.57994000878733, 2.5930046870884085, 2.606242777383523, 2.6194585628158737, 2.6324844972555104, 2.6451814552483706, 2.6574382393335227, 2.669170457707132, 2.6803188935565565, 2.690847473700879, 2.700740955061278, 2.7100023754840317, 2.7186504788030597, 2.7267170457549246, 2.7342442957211164, 2.741282409673434, 2.74788717235059, 2.7541178140455345, 2.7600350720084674, 2.765699478186413, 2.7711698853692748, 2.7765022420589816, 2.7817485906212416, 2.7869563127911188, 2.7921675872673433, 2.797419042813959, 2.8027415891845484, 2.8081604041039068, 2.8136950611348186, 2.819359769761213, 2.8251636973960403, 2.831111380727867, 2.837203168677243, 2.8434357573528555, 2.849802653404289, 2.8562946979143944, 2.862900574954075, 2.8696073273193057, 2.8764006405117506, 2.8832654211552176, 2.890186403753478, 2.8971480186316914, 2.9041348885081604, 2.9111322007891225, 2.9181257331808945, 2.925102138351725, 2.9320489934780465, 2.9389549135402757, 2.945809579215054, 2.952603818412707, 2.9593295186297475, 2.965979636349908, 2.9725481388568182, 2.9790299364958748, 2.9854208130082878, 2.9917173200262432, 2.997916713358576, 3.0040168153903752, 3.0100160559865548, 3.0159131291123744, 3.021707144745569, 3.0273974377094355, 3.032983515202925, 3.0384649764134135, 3.043841457716222, 3.0491125770844407, 3.054277882285495, 3.059336834627823, 3.0642887639882748, 3.0691328470030603, 3.0738681105506305, 3.078493406281835, 3.0830073846383663, 3.0874085459669582, 3.0916952172124645, 3.095865573401991, 3.09991765670453, 3.103849386226372, 3.1076585768752243, 3.1113429599860427, 3.1149002057876816, 3.11832793888206, 3.121623773376077, 3.1247853127037906, 3.127810190563995, 3.1306960799577768, 3.13344070286877, 3.13604186752794, 3.1384974576508715, 3.1408054529922484, 3.1429639499162536, 3.144971193404928, 3.146825559862356, 3.148525525285512, 3.1500697425223088, 3.151457004646299, 3.152686252848746, 3.153756595261385, 3.1546672788931196, 3.1554177069448075, 3.1560074423951168, 3.156436197548064, 3.156703844449759, 3.1568104042182057, 3.1567560303441025, 3.156541028872965, 3.1561658441480738, 3.155631056773025, 3.154937376186606, 3.1540856448415786, 3.1530768385021997, 3.1519120403764136, 3.1505924566152608, 3.149119422612972, 3.1474943685017966, 3.1457188358625965, 3.143794487160551, 3.1417230695304768, 3.139506429954534, 3.137146526875842, 3.1346453985274505, 3.132005173963534, 3.129228084329081, 3.126316433415994, 3.1232726065326144, 3.1200990828841486, 3.116798407351012, 3.113373197284616, 3.109826161032197, 3.1061600442073614, 3.1023776826096756, 3.098481973455338, 3.094475863031509, 3.090362349774738, 3.0861444983714357, 3.0818254252879718, 3.0774082917519214, 3.072896291238313, 3.0682926565741435, 3.063600651624839, 3.058823566654739, 3.0539647328207207, 3.049027504266672, 3.04401524930242, 3.0389313513939893, 3.0337792049856076, 3.028562211242443, 3.0232837750605848, 3.017947300861009, 3.0125561893278987, 3.0071138398507347, 3.001623640562373, 2.9960889651139446, 2.9905131700684096, 2.984899576132355, 2.9792515332316123, 2.973572287945762, 2.967865097452162, 2.9621331792902974, 2.9563797213419303, 2.9506078776163553, 2.9448207590434943, 2.9390214338429077, 2.9332129280519177, 2.9273982247433104, 2.921580256118878, 2.9157619158839276, 2.9099460355331708, 2.904135411252483, 2.8983327727623327, 2.892540809642644, 2.8867621511099983, 2.880999374742671, 2.875255005466932, 2.869531510830195, 2.8638313060742173, 2.858156752644905, 2.852510152451722, 2.846893754658494, 2.8413097556442946, 2.8357602902793326, 2.8302474478354758, 2.8247732563649364, 2.819339692472457, 2.813948680398656, 2.8086020895516235, 2.8033017368491215, 2.798049386593531, 2.79284675126713, 2.787695491909266, 2.7825972172020177, 2.777553485574461, 2.7725658101585577, 2.767635649187317, 2.762764413566384, 2.7579534715357372, 2.753204141090702, 2.7485176934188975, 2.7438953558888715, 2.7393383121442643, 2.7348477003938423, 2.7304246162734294, 2.7260701122860107, 2.7217851998953377, 2.7175708492529935, 2.7134279897359788, 2.709357511204441, 2.7053602645023047, 2.701437062629192, 2.697588681220148, 2.6938158582084206, 2.6901192957258426, 2.686499660442634, 2.682957587065976, 2.6794936732783126, 2.676108484693949, 2.6728025545392073, 2.669576383638545, 2.6664304414738793, 2.6633651682446104, 2.660380974030734, 2.6574782399749517, 2.65465731142748, 2.651918514259756, 2.649262144075145, 2.6466884696813837, 2.6441977300981137, 2.6417901368851395, 2.639465881579655, 2.637225128407598, 2.635068017251021, 2.6329946586645554, 2.63100514591553, 2.6290995471187184, 2.627277907835914, 2.6255402498533993, 2.623886572522813, 2.6223168565982142, 2.6208310609090213, 2.619429124019032, 2.61811095786788, 2.6168764623942513, 2.6157255156366204, 2.6146579767144438, 2.6136736826681775, 2.612772450537077, 2.6119540845646756, 2.6112183687502983, 2.6105650695923828, 2.6099939281095637, 2.6095046774048893, 2.6090970303898744, 2.6087706831678408, 2.6085253129827146, 2.6083605795939504, 2.6082761300622344, 2.6082715938288894, 2.6083465845413385, 2.6085006957190644, 2.6087335104556906, 2.609044594731086, 2.6094334993166015, 2.609899758078507, 2.610442889056182, 2.611062398317262, 2.611757775943235, 2.6125284974807634, 2.6133740187382424, 2.6142937870415937, 2.615287233279291, 2.6163537740101885, 2.6174928096353356, 2.618703725412379, 2.6199858953480266, 2.6213386779682843, 2.622761417726048, 2.624253441279869, 2.6258140654417823, 2.6274425915114827, 2.6291383067349163, 2.630900483276485, 2.6327283787724416, 2.6346212385072785, 2.6365782930286623, 2.6385987589261535, 2.640681836557116, 2.642826714853426, 2.6450325678711524, 2.6472985556573763, 2.64962382348081, 2.652007502206578, 2.6544487098540515, 2.656946549843259, 2.659500111536509, 2.6621084688423045, 2.6647706831088818, 2.667485801017821, 2.670252855089423, 2.6730708635676117, 2.675938830469171, 2.6788557458132143, 2.681820585348206, 2.6848323106270056, 2.6878898693559488, 2.690992194659769, 2.6941382056096246, 2.697326807091948, 2.700556890569391, 2.7038273337513985, 2.7071369991301673, 2.710484735666848, 2.7138693782972156, 2.7172897506284506, 2.720744659438893, 2.724232898723437, 2.7277532487619482, 2.7313044778579454, 2.7348853412922334, 2.7384945783153283, 2.7421309160352716, 2.7457930682594536, 2.749479737704352, 2.7531896175385944, 2.756921381417775, 2.7606736931515807, 2.764445204023609, 2.7682345544206117, 2.772040380107088, 2.775861293956821, 2.779695901549845, 2.783542797073027, 2.787400563921305, 2.7912677883953543, 2.795143028736812, 2.7990248396520654, 2.802911766087542, 2.806802343449737, 2.810695111228459, 2.8145885861913444, 2.8184812800621994, 2.8223716978847655, 2.8262583372601835, 2.8301397008604776, 2.8340142761049227, 2.8378805425017943, 2.8417369771234537, 2.845582052213729, 2.8494142456547897, 2.8532320292474633, 2.857033864080337, 2.8608182135645395, 2.864583539416368, 2.868328307310967, 2.87205098691216, 2.875750039562725, 2.8794239320312367, 2.8830711348436933, 2.886690130096372, 2.89027939343521, 2.8938374095306525, 2.897362668935983, 2.9008536705541603, 2.9043089190645754, 2.9077269277904465, 2.9111062191277823, 2.914445328678566, 2.9177428017740477, 2.920997193641199, 2.92420707314612, 2.92737102584466, 2.930487655873169, 2.933555575757648, 2.936573417788729, 2.9395398327250364, 2.942453496377601, 2.945313096998354, 2.948117346700859, 2.950864979735221, 2.9535547552617247, 2.9561854551014903, 2.958755886573499, 2.9612648834280124, 2.963711306037133, 2.9660940430782734, 2.9684120128968754, 2.970664163754642, 2.97284947444842, 2.974966954771295, 2.977015649225907, 2.978994635546171, 2.980903026144424, 2.9827399664947354, 2.984504641863449, 2.9861962738906502, 2.9878141226462764, 2.989357482282157, 2.990825690947746, 2.99221812739932, 2.9935342112328516, 2.9947733998847212, 2.995935193203828, 2.9970191387949554, 2.9980248262318283, 2.9989518867531597, 2.999799989163936, 3.000568858933705, 3.0012582631196403, 3.0018680147531747, 3.0023979575970703, 3.002848000373716, 3.0032180923184573, 3.0035082299945035, 3.0037184443971525, 3.0038488225713573, 3.0038995003720825, 3.0038706587615027, 3.0037625180926417, 3.0035753430649734, 3.003309455512828, 3.0029652193382685, 3.002543041334868, 3.002043361624188, 3.0014666837729744, 3.000813549891307, 3.000084547187197, 2.999280286002888, 2.9984014439685267, 2.9974487334061743, 2.9964229091605734, 2.9953247540327106, 2.9941550991393027, 2.992914819260934, 2.991604825204995, 2.9902260589171146, 2.988779494902248, 2.987266155755079, 2.9856870942286102, 2.984043394994543, 2.982336163947186, 2.980566554707428, 2.9787357459463792, 2.976844946276023, 2.9748953798018514, 2.972888311610189, 2.9708250290120994, 2.9687068438884103, 2.9665350852174996, 2.9643111070142005, 2.962036287347608, 2.959712022210769, 2.9573397237222916, 2.95492081870355, 2.952456755080637, 2.9499489932881207, 2.947399006756165, 2.9448082780950067, 2.942178304386616, 2.9395105908908303, 2.9368066511357784, 2.934068005757041, 2.931296181139556, 2.92849270826587, 2.9256591214792786, 2.922796959243793, 2.9199077606739317, 2.916993063593643, 2.9140544053085713, 2.9110933226404874, 2.908111351850175, 2.905110020101447, 2.902090851101125, 2.8990553627965134, 2.8960050733120672, 2.8929414835885763, 2.8898660887314866, 2.886780373772105, 2.8836858216625947, 2.880583896412638, 2.8774760504134322, 2.874363723884159, 2.871248348738604, 2.8681313423343355, 2.865014102130476, 2.8618980122681847, 2.8587844436608614, 2.855674757114136, 2.8525702856625723, 2.849472348632643, 2.846382247516511, 2.843301276878801, 2.8402306985422356, 2.837171759827194, 2.8341256881841224, 2.831093699670812, 2.8280769835664885, 2.8250767081059065, 2.8220940219396153, 2.819130057379902, 2.816185926482032, 2.81326271432659, 2.810361486928708, 2.8074832905196128, 2.8046291555457965, 2.8018000817212343, 2.798997050074217, 2.7962210195344617, 2.7934729359247092, 2.790753712672132, 2.788064244677745, 2.785405404623341, 2.782778048443826, 2.7801830066763613, 2.7776210867848468, 2.775093075341691, 2.772599739512776, 2.770141825901636, 2.7677200556646926, 2.765335129966469, 2.762987729236473, 2.7606785159430394, 2.758408126584012, 2.7561771782435804, 2.7539862669095627, 2.7518359716418526, 2.749726846455503, 2.7476594261388723, 2.7456342250715946, 2.743651739348249, 2.7417124439823746, 2.7398167933092195, 2.7379652223970767, 2.736158147796166, 2.734395967289144, 2.732679057311028, 2.731007776106597, 2.7293824629501673, 2.7278034393861206, 2.72627100854201, 2.724785453713196, 2.723347040616604, 2.7219560168708012, 2.7206126136696334, 2.7193170442924797, 2.718069503204547, 2.7168701682937515, 2.715719200329943, 2.7146167435631816, 2.713562925318621, 2.7125578561154295, 2.711601630236079, 2.7106943257495897, 2.709836004115223, 2.709026711247325, 2.7082664774914322, 2.7075553174710754, 2.706893230405704, 2.7062801994011925, 2.7057161931478864, 2.705201165442237, 2.704735055114159, 2.7043177863496872, 2.70394926786533, 2.703629394939024, 2.703358048518489, 2.703135095361656, 2.702960388306943, 2.702833765704874, 2.70275505303659, 2.7027240620922126, 2.7027405912676206, 2.702804425758315, 2.7029153353772544, 2.703073079683016, 2.703277404408137, 2.7035280425057957, 2.703824714264945, 2.7041671263334344, 2.7045549743949935, 2.7049879413311206, 2.7054656978696245, 2.7059879026130753, 2.7065542012668042, 2.7071642290247104, 2.707817608892271, 2.70851395229105, 2.7092528589822136, 2.7100339163140723, 2.7108567018419687, 2.7117207813772244, 2.712625709663798, 2.7135710302507023, 2.714556275056635, 2.7155809664089237, 2.7166446154848076, 2.717746722881533, 2.7188867785828443, 2.7200642619201885, 2.7212786424255153, 2.7225293792509118, 2.723815921467912, 2.725137708246982, 2.726494168979411, 2.727884723117634, 2.729308780544846, 2.7307657416037103, 2.732254997504907, 2.733775930330626, 2.7353279124455985, 2.736910307389011, 2.738522469747042, 2.7401637457645203, 2.741833473073336, 2.743530980112162, 2.7452555871869513, 2.747006606285364, 2.7487833419589105, 2.7505850906053944, 2.75241114007511, 2.754260770822186, 2.7561332556765037, 2.7580278614952256, 2.7599438470025968, 2.761880462984393, 2.763836953785062, 2.765812556881524, 2.7678065030703394, 2.7698180218857305, 2.7718463296139, 2.77389063901649, 2.7759501569150067, 2.7780240843448274, 2.7801116185777848, 2.782211953549761, 2.7843242731322606, 2.7864477584579657, 2.788581585938742, 2.7907249274412704, 2.7928769551943806, 2.7950368337630898, 2.7972037229609454, 2.7993767802856406, 2.8015551599128785, 2.803738013586208, 2.8059244989473644, 2.8081137590355, 2.8103049394306887, 2.8124971838717068, 2.814689634492137, 2.816881434961056, 2.8190717292183396, 2.821259655374982, 2.8234443536593936, 2.825624964246451, 2.827800627520627, 2.8299704907472405, 2.832133696010719, 2.834289386951926, 2.836436709905075, 2.83857481314302, 2.8407028483065413, 2.842819976020098, 2.844925350329285, 2.8470181325434187, 2.849097487789779, 2.851162585337076, 2.853212602646291, 2.8552467220244617, 2.8572641267697336, 2.859264008273476, 2.8612455640829575, 2.8632079982535625, 2.865150527105068, 2.8670723683318795, 2.86897274874544, 2.8708509038369727, 2.872706077678302, 2.8745375244946145, 2.876344511500432, 2.878126309684727, 2.8798822028603315, 2.8816114855860384, 2.8833134635625606, 2.884987454321358, 2.886632787230328, 2.888248803792617, 2.8898348583928595, 2.8913903185639853, 2.8929145653850883, 2.8944069915778736, 2.8958670069958314, 2.897294035183008, 2.8986875146555544, 2.9000468993457464, 2.9013716578487534, 2.902661273030838, 2.903915248017761, 2.9051331011036226, 2.9063143677373877, 2.9074586008970376, 2.908565366765564, 2.9096342526302643, 2.9106648659441814, 2.91165683134713, 2.912609792508561, 2.9135234120692126, 2.914397360904127, 2.9152313448991007, 2.9160250841147795, 2.916778318806091, 2.917490809726855, 2.918162332737892, 2.9187926800112534, 2.919381677390282, 2.91992916592454, 2.9204350078644783, 2.9208990869060574, 2.9213212980067285, 2.9217015643815114, 2.922039832099646, 2.922336066364084, 2.9225902526370695, 2.922802391985811, 2.922972514282043, 2.923100667690924, 2.9231869215721673, 2.923231363145067, 2.923234101370456, 2.923195268689912, 2.923115017160618, 2.922993519571861, 2.922830960966391, 2.9226275571831795, 2.922383540810398, 2.922099164757809, 2.9217746983418453, 2.92141042849578, 2.921006668069745, 2.9205637464675345, 2.920082012302892, 2.919561824476821, 2.919003568808453, 2.918407647623605, 2.917774480452975, 2.917104502126025, 2.916398159722234, 2.915655925107509, 2.91487828330146, 2.9140657353716453, 2.9132187930708815, 2.912337986486612, 2.911423861556966, 2.910476977453441, 2.9094979067629296, 2.9084872319409607, 2.907445553436866, 2.9063734825529517, 2.9052716428810985, 2.904140667532951, 2.902981201275002, 2.9017939017334835, 2.900579435954048, 2.899338480947821, 2.8980717181859466, 2.896779844108586, 2.8954635614907107, 2.894123581110681, 2.8927606198803733, 2.891375400674379, 2.88996865537864, 2.8885411207029095, 2.8870935388146486, 2.8856266558998147, 2.884141223604713, 2.8826379973925578, 2.8811177361418414, 2.8795812017639095, 2.878029160754969, 2.876462380245723, 2.8748816288260866, 2.8732876768201243, 2.8716812953949122, 2.870063257264767, 2.868434334639688, 2.8667952986173706, 2.8651469198444137, 2.8634899676366836, 2.8618252111447102, 2.8601534175023446, 2.858475349404244, 2.8567917675760692, 2.8551034293887856, 2.853411090561903, 2.851715504528103, 2.8500174157817892, 2.84831756609229, 2.8466166921129816, 2.844915526825364, 2.8432148014709138, 2.8415152342886736, 2.839817540084071, 2.8381224270405987, 2.836430597528348, 2.834742752780395, 2.8330595778626537, 2.831381753625135, 2.8297099530219216, 2.8280448412232366, 2.8263870827565527, 2.8247373235375237, 2.8230962045113226, 2.821464357672301, 2.819842405789305, 2.818230970384904, 2.81663065401003, 2.8150420525507296, 2.813465752367314, 2.8119023297981953, 2.8103523577797973, 2.8088163926073832, 2.8072949808903935, 2.8057886596970767, 2.8042979554821574, 2.8028233893088608, 2.8013654679170292, 2.799924685845315, 2.798501528142139, 2.7970964688359983, 2.795709974807746, 2.7943425007048313, 2.7929944870890124, 2.7916663650860896, 2.7903585545553136, 2.78907146676574, 2.787805502439595, 2.7865610470060225, 2.7853384764822113, 2.7841381555055587, 2.78296043903984, 2.781805672731326, 2.7806741863345628, 2.7795663001916178, 2.778482323261955, 2.7774225540978894, 2.7763872827711595, 2.7753767833271605, 2.7743913204036765, 2.7734311473458257, 2.7724965066564384, 2.7715876329024667, 2.7707047448266175, 2.7698480517943276, 2.7690177520466275, 2.768214032788055, 2.767437073596009, 2.766687038704631, 2.7659640830207057, 2.76526835055884, 2.764599974461372, 2.763959079703357, 2.7633457776012587, 2.7627601695599115, 2.762202346534593, 2.76167238890492, 2.761170368311387, 2.7606963444130934, 2.7602503664957148, 2.759832473850272, 2.759442695522908, 2.7590810515375863, 2.7587475511688, 2.7584421932127623, 2.7581649668789865, 2.757915851489701, 2.757694817250379, 2.7575018245376057, 2.7573368234130693, 2.7571997547169875, 2.7570905497773457, 2.7570091310650717, 2.756955412004067, 2.7569292957457603, 2.7569306767394823, 2.7569594403404705, 2.7570154631014163, 2.7570986129868214, 2.757208748445629, 2.7573457194434257, 2.7575093672607296, 2.7576995246994738, 2.7579160165261927, 2.758158658335165, 2.7584272576715634, 2.7587216138212063, 2.759041517980776, 2.759386754141243, 2.75975709703891, 2.760152313998595, 2.760572164532835, 2.7610164004250337, 2.761484766529335, 2.7619770005675184, 2.7624928314483785, 2.7630319814168187, 2.7635941654980876, 2.7641790915877245, 2.764786461281958, 2.7654159686367277, 2.7660673007886043, 2.7667401383201864, 2.76743415518513, 2.7681490188749045, 2.768884391618019, 2.7696399277207786, 2.7704152759001235, 2.771210078772797, 2.7720239729534426, 2.772856589844785, 2.7737075556749753, 2.774576489403051, 2.7754630051982545, 2.776366711818401, 2.7772872127152595, 2.778224107716769, 2.7791769904557437, 2.780145449247165, 2.781129068063987, 2.7821274262156184, 2.7831400985251404, 2.7841666575949824, 2.7852066688286783, 2.786259694618339, 2.787325293367523, 2.7884030196128236, 2.78949242482553, 2.7905930577297755, 2.791704461687968, 2.792826177621138, 2.7939577433012106, 2.7950986934806057, 2.7962485616369452, 2.7974068775400784, 2.7985731677647134, 2.79974695703389, 2.8009277678253723, 2.8021151205103725, 2.803308536505168, 2.804507531581424, 2.8057116213869913, 2.806920320154198, 2.8081331408486774, 2.809349596114003, 2.810569199020563 ], "yaxis": "y2" }, { "showlegend": false, "type": "scatter", "x": [ 0, 0.1001001001001001, 0.2002002002002002, 0.3003003003003003, 0.4004004004004004, 0.5005005005005005, 0.6006006006006006, 0.7007007007007008, 0.8008008008008008, 0.9009009009009009, 1.001001001001001, 1.1011011011011012, 1.2012012012012012, 1.3013013013013013, 1.4014014014014016, 1.5015015015015016, 1.6016016016016017, 1.7017017017017018, 1.8018018018018018, 1.9019019019019021, 2.002002002002002, 2.1021021021021022, 2.2022022022022023, 2.3023023023023024, 2.4024024024024024, 2.5025025025025025, 2.6026026026026026, 2.702702702702703, 2.802802802802803, 2.902902902902903, 3.0030030030030033, 3.1031031031031033, 3.2032032032032034, 3.3033033033033035, 3.4034034034034035, 3.5035035035035036, 3.6036036036036037, 3.7037037037037037, 3.8038038038038042, 3.9039039039039043, 4.004004004004004, 4.104104104104104, 4.2042042042042045, 4.3043043043043046, 4.404404404404405, 4.504504504504505, 4.604604604604605, 4.704704704704705, 4.804804804804805, 4.904904904904905, 5.005005005005005, 5.105105105105105, 5.205205205205205, 5.305305305305305, 5.405405405405406, 5.505505505505506, 5.605605605605606, 5.705705705705706, 5.805805805805806, 5.9059059059059065, 6.0060060060060065, 6.106106106106107, 6.206206206206207, 6.306306306306307, 6.406406406406407, 6.506506506506507, 6.606606606606607, 6.706706706706707, 6.806806806806807, 6.906906906906907, 7.007007007007007, 7.107107107107107, 7.207207207207207, 7.307307307307307, 7.407407407407407, 7.507507507507508, 7.6076076076076085, 7.7077077077077085, 7.807807807807809, 7.907907907907909, 8.008008008008009, 8.108108108108109, 8.208208208208209, 8.308308308308309, 8.408408408408409, 8.508508508508509, 8.608608608608609, 8.70870870870871, 8.80880880880881, 8.90890890890891, 9.00900900900901, 9.10910910910911, 9.20920920920921, 9.30930930930931, 9.40940940940941, 9.50950950950951, 9.60960960960961, 9.70970970970971, 9.80980980980981, 9.90990990990991, 10.01001001001001, 10.11011011011011, 10.21021021021021, 10.31031031031031, 10.41041041041041, 10.51051051051051, 10.61061061061061, 10.710710710710712, 10.810810810810812, 10.910910910910912, 11.011011011011012, 11.111111111111112, 11.211211211211213, 11.311311311311313, 11.411411411411413, 11.511511511511513, 11.611611611611613, 11.711711711711713, 11.811811811811813, 11.911911911911913, 12.012012012012013, 12.112112112112113, 12.212212212212213, 12.312312312312313, 12.412412412412413, 12.512512512512513, 12.612612612612613, 12.712712712712714, 12.812812812812814, 12.912912912912914, 13.013013013013014, 13.113113113113114, 13.213213213213214, 13.313313313313314, 13.413413413413414, 13.513513513513514, 13.613613613613614, 13.713713713713714, 13.813813813813814, 13.913913913913914, 14.014014014014014, 14.114114114114114, 14.214214214214214, 14.314314314314315, 14.414414414414415, 14.514514514514515, 14.614614614614615, 14.714714714714715, 14.814814814814815, 14.914914914914915, 15.015015015015017, 15.115115115115117, 15.215215215215217, 15.315315315315317, 15.415415415415417, 15.515515515515517, 15.615615615615617, 15.715715715715717, 15.815815815815817, 15.915915915915917, 16.016016016016017, 16.116116116116117, 16.216216216216218, 16.316316316316318, 16.416416416416418, 16.516516516516518, 16.616616616616618, 16.716716716716718, 16.816816816816818, 16.916916916916918, 17.017017017017018, 17.117117117117118, 17.217217217217218, 17.31731731731732, 17.41741741741742, 17.51751751751752, 17.61761761761762, 17.71771771771772, 17.81781781781782, 17.91791791791792, 18.01801801801802, 18.11811811811812, 18.21821821821822, 18.31831831831832, 18.41841841841842, 18.51851851851852, 18.61861861861862, 18.71871871871872, 18.81881881881882, 18.91891891891892, 19.01901901901902, 19.11911911911912, 19.21921921921922, 19.31931931931932, 19.41941941941942, 19.51951951951952, 19.61961961961962, 19.71971971971972, 19.81981981981982, 19.91991991991992, 20.02002002002002, 20.12012012012012, 20.22022022022022, 20.32032032032032, 20.42042042042042, 20.52052052052052, 20.62062062062062, 20.72072072072072, 20.82082082082082, 20.92092092092092, 21.02102102102102, 21.12112112112112, 21.22122122122122, 21.32132132132132, 21.421421421421424, 21.521521521521525, 21.621621621621625, 21.721721721721725, 21.821821821821825, 21.921921921921925, 22.022022022022025, 22.122122122122125, 22.222222222222225, 22.322322322322325, 22.422422422422425, 22.522522522522525, 22.622622622622625, 22.722722722722725, 22.822822822822825, 22.922922922922925, 23.023023023023026, 23.123123123123126, 23.223223223223226, 23.323323323323326, 23.423423423423426, 23.523523523523526, 23.623623623623626, 23.723723723723726, 23.823823823823826, 23.923923923923926, 24.024024024024026, 24.124124124124126, 24.224224224224226, 24.324324324324326, 24.424424424424426, 24.524524524524526, 24.624624624624627, 24.724724724724727, 24.824824824824827, 24.924924924924927, 25.025025025025027, 25.125125125125127, 25.225225225225227, 25.325325325325327, 25.425425425425427, 25.525525525525527, 25.625625625625627, 25.725725725725727, 25.825825825825827, 25.925925925925927, 26.026026026026027, 26.126126126126128, 26.226226226226228, 26.326326326326328, 26.426426426426428, 26.526526526526528, 26.626626626626628, 26.726726726726728, 26.826826826826828, 26.926926926926928, 27.027027027027028, 27.127127127127128, 27.227227227227228, 27.32732732732733, 27.42742742742743, 27.52752752752753, 27.62762762762763, 27.72772772772773, 27.82782782782783, 27.92792792792793, 28.02802802802803, 28.12812812812813, 28.22822822822823, 28.32832832832833, 28.42842842842843, 28.52852852852853, 28.62862862862863, 28.72872872872873, 28.82882882882883, 28.92892892892893, 29.02902902902903, 29.12912912912913, 29.22922922922923, 29.32932932932933, 29.42942942942943, 29.52952952952953, 29.62962962962963, 29.72972972972973, 29.82982982982983, 29.929929929929934, 30.030030030030034, 30.130130130130134, 30.230230230230234, 30.330330330330334, 30.430430430430434, 30.530530530530534, 30.630630630630634, 30.730730730730734, 30.830830830830834, 30.930930930930934, 31.031031031031034, 31.131131131131134, 31.231231231231234, 31.331331331331334, 31.431431431431434, 31.531531531531535, 31.631631631631635, 31.731731731731735, 31.831831831831835, 31.931931931931935, 32.032032032032035, 32.132132132132135, 32.232232232232235, 32.332332332332335, 32.432432432432435, 32.532532532532535, 32.632632632632635, 32.732732732732735, 32.832832832832835, 32.932932932932935, 33.033033033033036, 33.133133133133136, 33.233233233233236, 33.333333333333336, 33.433433433433436, 33.533533533533536, 33.633633633633636, 33.733733733733736, 33.833833833833836, 33.933933933933936, 34.034034034034036, 34.134134134134136, 34.234234234234236, 34.334334334334336, 34.434434434434436, 34.53453453453454, 34.63463463463464, 34.73473473473474, 34.83483483483484, 34.93493493493494, 35.03503503503504, 35.13513513513514, 35.23523523523524, 35.33533533533534, 35.43543543543544, 35.53553553553554, 35.63563563563564, 35.73573573573574, 35.83583583583584, 35.93593593593594, 36.03603603603604, 36.13613613613614, 36.23623623623624, 36.33633633633634, 36.43643643643644, 36.53653653653654, 36.63663663663664, 36.73673673673674, 36.83683683683684, 36.93693693693694, 37.03703703703704, 37.13713713713714, 37.23723723723724, 37.33733733733734, 37.43743743743744, 37.53753753753754, 37.63763763763764, 37.73773773773774, 37.83783783783784, 37.93793793793794, 38.03803803803804, 38.13813813813814, 38.23823823823824, 38.33833833833834, 38.43843843843844, 38.53853853853854, 38.63863863863864, 38.73873873873874, 38.83883883883884, 38.93893893893894, 39.03903903903904, 39.13913913913914, 39.23923923923924, 39.33933933933934, 39.43943943943944, 39.53953953953954, 39.63963963963964, 39.73973973973974, 39.83983983983984, 39.93993993993994, 40.04004004004004, 40.14014014014014, 40.24024024024024, 40.34034034034034, 40.44044044044044, 40.54054054054054, 40.64064064064064, 40.74074074074074, 40.84084084084084, 40.94094094094094, 41.04104104104104, 41.14114114114114, 41.24124124124124, 41.34134134134134, 41.44144144144144, 41.54154154154154, 41.64164164164164, 41.74174174174174, 41.84184184184184, 41.94194194194194, 42.04204204204204, 42.14214214214214, 42.24224224224224, 42.34234234234234, 42.44244244244244, 42.54254254254254, 42.64264264264264, 42.74274274274275, 42.84284284284285, 42.94294294294295, 43.04304304304305, 43.14314314314315, 43.24324324324325, 43.34334334334335, 43.44344344344345, 43.54354354354355, 43.64364364364365, 43.74374374374375, 43.84384384384385, 43.94394394394395, 44.04404404404405, 44.14414414414415, 44.24424424424425, 44.34434434434435, 44.44444444444445, 44.54454454454455, 44.64464464464465, 44.74474474474475, 44.84484484484485, 44.94494494494495, 45.04504504504505, 45.14514514514515, 45.24524524524525, 45.34534534534535, 45.44544544544545, 45.54554554554555, 45.64564564564565, 45.74574574574575, 45.84584584584585, 45.94594594594595, 46.04604604604605, 46.14614614614615, 46.24624624624625, 46.34634634634635, 46.44644644644645, 46.54654654654655, 46.64664664664665, 46.74674674674675, 46.84684684684685, 46.94694694694695, 47.04704704704705, 47.14714714714715, 47.24724724724725, 47.34734734734735, 47.44744744744745, 47.54754754754755, 47.64764764764765, 47.74774774774775, 47.84784784784785, 47.94794794794795, 48.04804804804805, 48.14814814814815, 48.24824824824825, 48.34834834834835, 48.44844844844845, 48.54854854854855, 48.64864864864865, 48.74874874874875, 48.84884884884885, 48.94894894894895, 49.04904904904905, 49.14914914914915, 49.24924924924925, 49.34934934934935, 49.44944944944945, 49.54954954954955, 49.64964964964965, 49.74974974974975, 49.84984984984985, 49.94994994994995, 50.050050050050054, 50.150150150150154, 50.250250250250254, 50.350350350350354, 50.450450450450454, 50.550550550550554, 50.650650650650654, 50.750750750750754, 50.850850850850854, 50.950950950950954, 51.051051051051054, 51.151151151151154, 51.251251251251254, 51.351351351351354, 51.451451451451454, 51.551551551551555, 51.651651651651655, 51.751751751751755, 51.851851851851855, 51.951951951951955, 52.052052052052055, 52.152152152152155, 52.252252252252255, 52.352352352352355, 52.452452452452455, 52.552552552552555, 52.652652652652655, 52.752752752752755, 52.852852852852855, 52.952952952952955, 53.053053053053056, 53.153153153153156, 53.253253253253256, 53.353353353353356, 53.453453453453456, 53.553553553553556, 53.653653653653656, 53.753753753753756, 53.853853853853856, 53.953953953953956, 54.054054054054056, 54.154154154154156, 54.254254254254256, 54.354354354354356, 54.454454454454456, 54.55455455455456, 54.65465465465466, 54.75475475475476, 54.85485485485486, 54.95495495495496, 55.05505505505506, 55.15515515515516, 55.25525525525526, 55.35535535535536, 55.45545545545546, 55.55555555555556, 55.65565565565566, 55.75575575575576, 55.85585585585586, 55.95595595595596, 56.05605605605606, 56.15615615615616, 56.25625625625626, 56.35635635635636, 56.45645645645646, 56.55655655655656, 56.65665665665666, 56.75675675675676, 56.85685685685686, 56.95695695695696, 57.05705705705706, 57.15715715715716, 57.25725725725726, 57.35735735735736, 57.45745745745746, 57.55755755755756, 57.65765765765766, 57.75775775775776, 57.85785785785786, 57.95795795795796, 58.05805805805806, 58.15815815815816, 58.25825825825826, 58.35835835835836, 58.45845845845846, 58.55855855855856, 58.65865865865866, 58.75875875875876, 58.85885885885886, 58.95895895895896, 59.05905905905906, 59.15915915915916, 59.25925925925926, 59.35935935935936, 59.45945945945946, 59.55955955955956, 59.65965965965966, 59.75975975975976, 59.85985985985987, 59.95995995995997, 60.06006006006007, 60.16016016016017, 60.26026026026027, 60.36036036036037, 60.46046046046047, 60.56056056056057, 60.66066066066067, 60.76076076076077, 60.86086086086087, 60.96096096096097, 61.06106106106107, 61.16116116116117, 61.26126126126127, 61.36136136136137, 61.46146146146147, 61.56156156156157, 61.66166166166167, 61.76176176176177, 61.86186186186187, 61.96196196196197, 62.06206206206207, 62.16216216216217, 62.26226226226227, 62.36236236236237, 62.46246246246247, 62.56256256256257, 62.66266266266267, 62.76276276276277, 62.86286286286287, 62.96296296296297, 63.06306306306307, 63.16316316316317, 63.26326326326327, 63.36336336336337, 63.46346346346347, 63.56356356356357, 63.66366366366367, 63.76376376376377, 63.86386386386387, 63.96396396396397, 64.06406406406407, 64.16416416416416, 64.26426426426427, 64.36436436436436, 64.46446446446447, 64.56456456456456, 64.66466466466467, 64.76476476476476, 64.86486486486487, 64.96496496496496, 65.06506506506507, 65.16516516516516, 65.26526526526527, 65.36536536536536, 65.46546546546547, 65.56556556556556, 65.66566566566567, 65.76576576576576, 65.86586586586587, 65.96596596596596, 66.06606606606607, 66.16616616616616, 66.26626626626627, 66.36636636636636, 66.46646646646647, 66.56656656656656, 66.66666666666667, 66.76676676676676, 66.86686686686687, 66.96696696696696, 67.06706706706707, 67.16716716716716, 67.26726726726727, 67.36736736736736, 67.46746746746747, 67.56756756756756, 67.66766766766767, 67.76776776776777, 67.86786786786787, 67.96796796796797, 68.06806806806807, 68.16816816816817, 68.26826826826827, 68.36836836836838, 68.46846846846847, 68.56856856856858, 68.66866866866867, 68.76876876876878, 68.86886886886887, 68.96896896896898, 69.06906906906907, 69.16916916916918, 69.26926926926927, 69.36936936936938, 69.46946946946947, 69.56956956956958, 69.66966966966967, 69.76976976976978, 69.86986986986987, 69.96996996996998, 70.07007007007007, 70.17017017017018, 70.27027027027027, 70.37037037037038, 70.47047047047047, 70.57057057057058, 70.67067067067067, 70.77077077077078, 70.87087087087087, 70.97097097097098, 71.07107107107107, 71.17117117117118, 71.27127127127127, 71.37137137137138, 71.47147147147147, 71.57157157157158, 71.67167167167167, 71.77177177177178, 71.87187187187187, 71.97197197197198, 72.07207207207207, 72.17217217217218, 72.27227227227228, 72.37237237237238, 72.47247247247248, 72.57257257257258, 72.67267267267268, 72.77277277277278, 72.87287287287288, 72.97297297297298, 73.07307307307308, 73.17317317317318, 73.27327327327328, 73.37337337337338, 73.47347347347348, 73.57357357357358, 73.67367367367368, 73.77377377377378, 73.87387387387388, 73.97397397397398, 74.07407407407408, 74.17417417417418, 74.27427427427428, 74.37437437437438, 74.47447447447448, 74.57457457457458, 74.67467467467468, 74.77477477477478, 74.87487487487488, 74.97497497497498, 75.07507507507508, 75.17517517517518, 75.27527527527528, 75.37537537537538, 75.47547547547548, 75.57557557557558, 75.67567567567568, 75.77577577577578, 75.87587587587588, 75.97597597597598, 76.07607607607608, 76.17617617617618, 76.27627627627628, 76.37637637637638, 76.47647647647648, 76.57657657657658, 76.67667667667668, 76.77677677677679, 76.87687687687688, 76.97697697697699, 77.07707707707708, 77.17717717717719, 77.27727727727728, 77.37737737737739, 77.47747747747748, 77.57757757757759, 77.67767767767768, 77.77777777777779, 77.87787787787788, 77.97797797797799, 78.07807807807808, 78.17817817817819, 78.27827827827828, 78.37837837837839, 78.47847847847848, 78.57857857857859, 78.67867867867868, 78.77877877877879, 78.87887887887888, 78.97897897897899, 79.07907907907908, 79.17917917917919, 79.27927927927928, 79.37937937937939, 79.47947947947948, 79.57957957957959, 79.67967967967968, 79.77977977977979, 79.87987987987988, 79.97997997997999, 80.08008008008008, 80.18018018018019, 80.28028028028028, 80.38038038038039, 80.48048048048048, 80.58058058058059, 80.68068068068068, 80.78078078078079, 80.88088088088088, 80.98098098098099, 81.08108108108108, 81.18118118118119, 81.28128128128128, 81.38138138138139, 81.48148148148148, 81.58158158158159, 81.68168168168168, 81.78178178178179, 81.88188188188188, 81.98198198198199, 82.08208208208208, 82.18218218218219, 82.28228228228228, 82.38238238238239, 82.48248248248248, 82.58258258258259, 82.68268268268268, 82.78278278278279, 82.88288288288288, 82.98298298298299, 83.08308308308308, 83.18318318318319, 83.28328328328328, 83.38338338338339, 83.48348348348348, 83.58358358358359, 83.68368368368368, 83.78378378378379, 83.88388388388388, 83.98398398398399, 84.08408408408408, 84.18418418418419, 84.28428428428428, 84.38438438438439, 84.48448448448448, 84.58458458458459, 84.68468468468468, 84.78478478478479, 84.88488488488488, 84.98498498498499, 85.08508508508508, 85.18518518518519, 85.28528528528528, 85.38538538538539, 85.4854854854855, 85.58558558558559, 85.6856856856857, 85.78578578578579, 85.8858858858859, 85.98598598598599, 86.0860860860861, 86.18618618618619, 86.2862862862863, 86.38638638638639, 86.4864864864865, 86.58658658658659, 86.6866866866867, 86.78678678678679, 86.8868868868869, 86.98698698698699, 87.0870870870871, 87.18718718718719, 87.2872872872873, 87.38738738738739, 87.4874874874875, 87.58758758758759, 87.6876876876877, 87.78778778778779, 87.8878878878879, 87.98798798798799, 88.0880880880881, 88.18818818818819, 88.2882882882883, 88.38838838838839, 88.4884884884885, 88.58858858858859, 88.6886886886887, 88.78878878878879, 88.8888888888889, 88.988988988989, 89.0890890890891, 89.1891891891892, 89.2892892892893, 89.3893893893894, 89.4894894894895, 89.5895895895896, 89.6896896896897, 89.7897897897898, 89.8898898898899, 89.98998998999, 90.0900900900901, 90.1901901901902, 90.2902902902903, 90.3903903903904, 90.4904904904905, 90.5905905905906, 90.6906906906907, 90.7907907907908, 90.8908908908909, 90.990990990991, 91.0910910910911, 91.1911911911912, 91.2912912912913, 91.3913913913914, 91.4914914914915, 91.5915915915916, 91.6916916916917, 91.7917917917918, 91.8918918918919, 91.991991991992, 92.0920920920921, 92.1921921921922, 92.2922922922923, 92.3923923923924, 92.4924924924925, 92.5925925925926, 92.6926926926927, 92.7927927927928, 92.8928928928929, 92.992992992993, 93.0930930930931, 93.1931931931932, 93.2932932932933, 93.3933933933934, 93.4934934934935, 93.5935935935936, 93.6936936936937, 93.7937937937938, 93.8938938938939, 93.993993993994, 94.0940940940941, 94.1941941941942, 94.2942942942943, 94.3943943943944, 94.4944944944945, 94.5945945945946, 94.6946946946947, 94.7947947947948, 94.8948948948949, 94.994994994995, 95.0950950950951, 95.1951951951952, 95.2952952952953, 95.3953953953954, 95.4954954954955, 95.5955955955956, 95.6956956956957, 95.7957957957958, 95.8958958958959, 95.995995995996, 96.0960960960961, 96.1961961961962, 96.2962962962963, 96.3963963963964, 96.4964964964965, 96.5965965965966, 96.6966966966967, 96.7967967967968, 96.8968968968969, 96.996996996997, 97.0970970970971, 97.1971971971972, 97.2972972972973, 97.3973973973974, 97.4974974974975, 97.5975975975976, 97.6976976976977, 97.7977977977978, 97.8978978978979, 97.997997997998, 98.0980980980981, 98.1981981981982, 98.2982982982983, 98.3983983983984, 98.4984984984985, 98.5985985985986, 98.6986986986987, 98.7987987987988, 98.8988988988989, 98.998998998999, 99.0990990990991, 99.1991991991992, 99.2992992992993, 99.3993993993994, 99.4994994994995, 99.5995995995996, 99.6996996996997, 99.7997997997998, 99.8998998998999, 100 ], "xaxis": "x3", "y": [ 0, 0.006600574201435355, 0.01267090933563898, 0.01812606069686272, 0.02290786115984147, 0.02698288230115325, 0.03034003787656757, 0.03298793071116365, 0.03495204350270498, 0.036271865330272456, 0.036998031090244084, 0.03718954770769304, 0.03691116641195497, 0.03623094998105041, 0.03521807353838873, 0.03394088614433744, 0.032465250407424796, 0.03085316786050728, 0.02916168865859945, 0.02744209709460654, 0.025739357877634376, 0.024091802579370613, 0.0225310338915546, 0.021082016838265823, 0.019763333610019296, 0.01858757001541928, 0.017561806456625036, 0.016688184446650992, 0.01596452529442158, 0.01538497574183081, 0.014940660488590995, 0.014620323696315938, 0.014410943727855063, 0.01429830878966294, 0.01426754390368111, 0.01430358243882145, 0.014391577606746433, 0.01451725156687981, 0.01466718174915883, 0.014829025855414306, 0.014991688255800422, 0.015145431614724758, 0.015281938502746723, 0.01539432880986273, 0.015477138200009427, 0.015526263450848858, 0.015538881102105943, 0.015513345234809038, 0.015449069850449464, 0.015346400553477302, 0.01520648099297839, 0.015031117493943601, 0.014822646087817973, 0.014583804636166528, 0.014317612651312518, 0.014027260867072297, 0.013716011769790403, 0.013387112187845857, 0.013043718348153127, 0.012688833465845284, 0.01232525808108154, 0.011955551913471328, 0.011582007101919279, 0.011206631568989664, 0.010831141694425084, 0.010456963199870975, 0.010085238926108304, 0.009716842216940027, 0.009352395291220507, 0.008992290911946869, 0.008636716581610675, 0.008285680479693861, 0.007939038173960921, 0.007596519111663992, 0.007257752585869882, 0.006922292681924856, 0.006589641114128821, 0.006259267900141877, 0.00593063145975085, 0.005603195049081559, 0.005276440850297083, 0.004949883066852598, 0.004623076020079761, 0.004295622291193785, 0.003967177944665838, 0.0036374557083842106, 0.0033062265828741216, 0.0029733197122244885, 0.002638625464438313, 0.0023020849054229456, 0.001963690566331415, 0.0016234851654690421, 0.0012815533040094634, 0.0009380185095523052, 0.0005930376718778777, 0.00024679607165458393, -0.00010049752536951282, -0.00044861587115701575, -0.000797317611058099, -0.0011463520280901936, -0.0014954623299922485, -0.0018443895659641285, -0.002192875379303138, -0.0025406646741435376, -0.0028875079993385833, -0.0032331634261315453, -0.0035773963315263017, -0.003919983803793409, -0.004260712419915055, -0.004599378837698077, -0.004935790871102834, -0.005269766981282179, -0.00560113595497744, -0.005929736133713372, -0.006255415487002655, -0.006578029107073473, -0.006897440215503922, -0.007213518768798105, -0.007526139925937479, -0.00783518385937883, -0.008140535855415786, -0.00844208345009483, -0.008739716911044679, -0.009033328190513562, -0.009322810473176492, -0.00960805767318495, -0.009888963980116693, -0.010165423484780145, -0.010437329904515355, -0.010704576346603675, -0.010967055151833625, -0.01122465794397507, -0.01147727550482298, -0.011724797955141147, -0.011967114759139742, -0.012204115102648684, -0.0124356877410846, -0.01266172122688981, -0.01288210468335936, -0.013096727461611373, -0.013305479713645233, -0.013508252982192239, -0.013704940051940145, -0.013895435418831745, -0.014079635581126326, -0.014257439302917743, -0.014428747838737765, -0.014593465255674601, -0.014751498803414568, -0.01490275863286874, -0.015047159075425063, -0.015184617876769538, -0.0153150566207633, -0.015438401066396162, -0.015554581246871865, -0.015663531599672407, -0.01576519118805364, -0.015859503574568713, -0.015946416811316293, -0.0160258841845621, -0.016097863769395607, -0.016162318241002213, -0.01621921561970233, -0.01626852893197181, -0.016310236012259605, -0.01634431996911823, -0.016370769015845627, -0.016389576337401127, -0.01640074026751472, -0.01640426424575754, -0.016400156771564735, -0.01638843137788064, -0.016369106651398003, -0.016342206259642715, -0.016307758779276652, -0.0162657977455557, -0.01621636180735079, -0.01615949414361714, -0.01609524306599707, -0.01602366169073201, -0.01594480769204251, -0.015858743363599957, -0.015765535854341983, -0.015665256952369578, -0.015557982937282222, -0.015443794244207143, -0.015322775800118626, -0.01519501683180263, -0.01506061076522189, -0.014919654848126577, -0.014772250285241853, -0.014618502229733005, -0.014458519619448653, -0.014292414988910098, -0.014120304258310337, -0.013942306890053503, -0.013758545692612593, -0.013569146668423019, -0.013374238400295852, -0.013173952450509986, -0.012968423209902144, -0.012757787696448794, -0.012542184657796173, -0.012321757057702677, -0.012096647223670024, -0.011867001109760673, -0.011632966328319195, -0.01139469212356662, -0.01115232888266423, -0.010906028495452502, -0.010655943996997192, -0.010402229461001547, -0.010145039972998196, -0.009884530993979708, -0.009620859353577786, -0.009354181177802496, -0.009084654310386301, -0.008812435202599177, -0.008537681705038682, -0.00826055059932966, -0.007981198776806505, -0.0076997828890821044, -0.007416458634616827, -0.007131381727054637, -0.006844706748967788, -0.0065565872944967855, -0.006267176117619962, -0.005976625116819575, -0.0056850842970971125, -0.005392703478802757, -0.005099630346316363, -0.004806011481787914, -0.00451199213172529, -0.004217715862728528, -0.003923324544561519, -0.0036289584260436013, -0.003334755943929067, -0.0030408536685259113, -0.002747386184613421, -0.002454486101591268, -0.0021622844173623573, -0.0018709095196386195, -0.001580487771784561, -0.001291143909508723, -0.0010030001206557423, -0.0007161762892856215, -0.0004307903098797586, -0.00014695799204484576, 0.0001352074920371524, 0.0004155951330706742, 0.0006940959632219246, 0.0009706036661379033, 0.0012450141930527808, 0.0015172256504046844, 0.0017871386528478107, 0.002054656229520879, 0.0023196835558123626, 0.0025821281109639055, 0.0028419001338173644, 0.003098912130463843, 0.0033530790431292165, 0.0036043170823659423, 0.0038525461810783833, 0.004097688209828574, 0.004339667424593042, 0.0045784099527289256, 0.004813844039091425, 0.00504590101520656, 0.00527451417529794, 0.005499619111126886, 0.0057211527775026545, 0.005939055403342738, 0.006153269074005866, 0.006363738065218403, 0.006570408631453183, 0.006773229086151252, 0.006972150164675774, 0.007167124572330326, 0.007358107099949399, 0.007545054263988875, 0.00772792499736184, 0.007906680111662115, 0.008081282405304382, 0.008251696511669232, 0.00841788894044461, 0.008579828306702258, 0.00873748502117272, 0.008890831355515032, 0.009039841150476399, 0.009184490349599173, 0.009324756568067683, 0.009460619168348726, 0.009592059194051514, 0.009719059365196805, 0.009841604134668483, 0.009959679569816905, 0.010073273355668865, 0.010182374818063274, 0.010286974799187417, 0.010387065705542771, 0.010482641465424583, 0.010573697551430925, 0.010660230934562608, 0.010742239970931785, 0.010819724480250995, 0.010892685691031204, 0.010961126339392313, 0.011025050392939753, 0.01108446321245141, 0.011139371484024062, 0.011189783246069895, 0.011235707844157377, 0.011277155813618385, 0.011314138966856761, 0.0113466703384833, 0.011374764319408976, 0.01139843631432009, 0.011417702955449038, 0.011432582024951373, 0.011443092510107026, 0.011449254549086305, 0.01145108926626456, 0.01144861891924399, 0.011441866829530334, 0.01143085756790393, 0.011415616515074993, 0.011396170151160234, 0.011372545963746481, 0.011344772506760588, 0.011312879349284164, 0.01127689691184442, 0.011236856618954714, 0.011192790832307009, 0.011144733011669824, 0.011092717335812956, 0.011036778953103515, 0.010976953902881444, 0.010913279166567078, 0.010845792624416373, 0.010774532914825712, 0.010699539566404424, 0.010620852940986724, 0.010538514380823726, 0.010452565866264236, 0.010363050244003046, 0.01027001115728738, 0.010173493091976002, 0.010073541339471827, 0.009970201872900111, 0.009863521465132606, 0.009753547639297304, 0.009640328784875274, 0.009523913886963623, 0.009404352706221426, 0.009281695723615738, 0.009155994169573911, 0.009027299997550359, 0.00889566579883469, 0.0087611448805037, 0.008623791230448328, 0.00848365957787045, 0.008340805242389617, 0.008195284229318645, 0.00804715319658987, 0.007896469466886161, 0.007743291006404153, 0.007587676379900084, 0.007429684789123108, 0.007269376050226352, 0.007106810589064727, 0.006942049435497675, 0.006775154200514995, 0.006606187082665356, 0.006435210856055542, 0.0062622888627683415, 0.006087485006119558, 0.005910863739481686, 0.005732490061224861, 0.0055524295060999625, 0.0053707481327990945, 0.005187512379071751, 0.0050027893685127885, 0.004816646656193878, 0.004629152285254887, 0.004440374778319559, 0.004250382932032408, 0.004059246205449993, 0.0038670344550127958, 0.0036738179532274104, 0.0034796673945150284, 0.003284653676741043, 0.0030888482438568197, 0.0028923229558025275, 0.002695149990307126, 0.002497401879129638, 0.002299151287565842, 0.0021004712544668734, 0.0019014352851205697, 0.00170211707745786, 0.0015025906021994993, 0.0013029299584338563, 0.0011032093718188448, 0.0009035035057228236, 0.0007038871115546134, 0.000504435081461436, 0.0003052223028844122, 0.00010632397534783019, -9.218467208012382e-05, -0.0002902283302245313, -0.0004877318561462207, -0.0006846198595952203, -0.0008808170017977304, -0.001076247974983362, -0.0012708376806349385, -0.0014645110459938424, -0.001657193017063718, -0.0018488087249050435, -0.002039283538593565, -0.002228543115664956, -0.0024165131574509606, -0.0026031196911886797, -0.0027882890522007552, -0.002971948120533027, -0.003154023846812977, -0.003334443667964651, -0.003513135436164958, -0.0036900277283540015, -0.0038650493698243883, -0.004038129753649044, -0.004209198862261133, -0.004378187429498913, -0.004545026814746904, -0.004709648951647799, -0.004871986555925928, -0.005031973154474318, -0.005189543164965684, -0.005344631702874636, -0.005497174823639176, -0.005647109511596496, -0.005794373829568604, -0.005938906705214121, -0.006080648159021991, -0.006219539294073487, -0.006355522407842814, -0.0064885409059725315, -0.006618539400785837, -0.006745463759490657, -0.006869261164237144, -0.006989880127014075, -0.007107270499452884, -0.0072213835561220465, -0.007332172010900088, -0.00743959004198319, -0.007543593387845185, -0.007644139338666246, -0.007741186783369155, -0.007834696084428805, -0.00792462946551553, -0.008010950790895803, -0.008093625668900033, -0.008172621271611365, -0.008247906717356075, -0.008319452982625703, -0.00838723287167375, -0.008451220917671363, -0.00851139351347008, -0.008567729203694686, -0.008620208403103454, -0.008668813430004224, -0.008713528307759316, -0.008754339507492001, -0.008791235385775968, -0.00882420636845186, -0.008853244381805193, -0.008878344082331624, -0.008899501998685288, -0.008916716773353909, -0.008929988723642026, -0.00893932052756074, -0.008944717104155281, -0.00894618539768573, -0.008943734199140938, -0.008937374235252466, -0.008927118807683253, -0.008912983127415819, -0.008894984395120849, -0.008873141334212022, -0.00884747548507814, -0.008818010170951395, -0.008784770768891524, -0.008747783926094963, -0.008707079076037967, -0.00866268740664662, -0.00861464204367775, -0.008562977565656747, -0.008507730643072427, -0.00844894003052113, -0.008386646185456216, -0.008320891125203258, -0.00825171837825508, -0.008179173730976295, -0.008103304449695302, -0.008024159386983682, -0.007941788457185135, -0.007856243845200195, -0.007767579010343042, -0.0076758489052411736, -0.007581109383005923, -0.007483418201849387, -0.00738283435857922, -0.00727941811139476, -0.007173230685820984, -0.007064334565313139, -0.006952793557208624, -0.006838672460046021, -0.006722037003444314, -0.0066029537358962, -0.00648149043085493, -0.006357715624228676, -0.0062316986610897514, -0.0061035094354330004, -0.005973218830726252, -0.005840898296885447, -0.005706619896112563, -0.005570456141886929, -0.0054324801424803365, -0.005292765448168369, -0.005151385994944302, -0.00500841605809958, -0.004863930206605858, -0.004718003256472563, -0.004570710210661536, -0.004422126237629606, -0.0042723266521439655, -0.004121386724558763, -0.003969381751950504, -0.003816386984350591, -0.003662477768058661, -0.0035077290749418706, -0.003352215768359707, -0.0031960124743537384, -0.0030391937673933805, -0.0028818337379375642, -0.0027240061071174076, -0.002565784230703863, -0.0024072411877244784, -0.0022484496186421098, -0.002089481469696165, -0.0019304082276340303, -0.0017713008791488093, -0.0016122300421742741, -0.0014532653412266958, -0.0012944758597887328, -0.0011359299769305024, -0.0009776957672660974, -0.0008198400597366497, -0.0006624290688947054, -0.0005055281932970449, -0.00034920230830202666, -0.00019351523892576451, -3.852986988635854e-05, 0.00011569175263683147, 0.0002690883236083694, 0.00042159938592561697, 0.0005731657043520674, 0.0007237288986868615, 0.0008732315079277085, 0.0010216167750442162, 0.0011688293614468225, 0.0013148148056007986, 0.001459519692032435, 0.0016028912543701974, 0.0017448782209064, 0.001885430250790554, 0.0020244980782084324, 0.0021620332818280555, 0.0022979886476304583, 0.002432318146764525, 0.0025649767920166823, 0.002695920541992005, 0.002825106367716918, 0.002952492664308174, 0.0030780388131522326, 0.0032017053270882506, 0.0033234535968324303, 0.0034432460969000185, 0.0035610467651906595, 0.0036768205078616966, 0.0037905333654419146, 0.003902152203051383, 0.004011645056899414, 0.004118981358373105, 0.004224131507404939, 0.004327067022096483, 0.004427760245096279, 0.004526184743257513, 0.0046223153452175985, 0.004716127867805296, 0.004807599219725934, 0.00489670716609433, 0.004983430693570381, 0.005067749927969796, 0.005149645998730639, 0.005229101097026777, 0.00530609826673347, 0.005380621760006044, 0.005452656882448326, 0.0055221899334318356, 0.00558920823911862, 0.005653699947964856, 0.0057156544042931525, 0.005775061930439423, 0.005831913817754002, 0.005886202343877989, 0.005937920588395628, 0.005987062787421785, 0.006033624086843094, 0.006077600571177626, 0.006118989267075054, 0.006157787979148896, 0.006193995618056561, 0.006227611942768765, 0.006258637613819174, 0.006287074184163505, 0.006312924024462568, 0.006336190467214133, 0.0063568776804523545, 0.006374990690386052, 0.006390535368967256, 0.0064035183897795285, 0.006413947308907109, 0.006421830485005034, 0.0064271770896673725, 0.006429997093080955, 0.006430301230489065, 0.006428101064392037, 0.0064234089169842405, 0.00641623787718862, 0.00640660178774274, 0.006394515227202656, 0.00637999353280237, 0.006363052763909144, 0.006343709700629456, 0.006321981836442818, 0.006297887370897737, 0.0062714451918359955, 0.006242674874449213, 0.006211596670003827, 0.0061782315024811576, 0.006142600960889559, 0.006104727270419042, 0.006064633303368063, 0.0060223425644536045, 0.00597787918585532, 0.005931267917001897, 0.005882534106667418, 0.005831703704289414, 0.005778803248055578, 0.005723859855588592, 0.005666901215499443, 0.0056079555792440785, 0.005547051751367088, 0.00548421908097032, 0.00541948744956857, 0.005352887265878733, 0.005284449459205763, 0.0052142054661314975, 0.005142187223182363, 0.005068427151062533, 0.004992958156127087, 0.004915813621205302, 0.004837027390532222, 0.004756633763379049, 0.0046746674847524105, 0.004591163696675949, 0.004506158020619194, 0.004419686476335137, 0.004331785492172688, 0.004242491896025729, 0.004151842882273828, 0.0040598759992160486, 0.003966629228448986, 0.003872140883672181, 0.003776449629081643, 0.003679594470041054, 0.0035816146834560425, 0.0034825499129598333, 0.003382440124709938, 0.003281325569260162, 0.003179246787291163, 0.003076244588096275, 0.0029723598999728314, 0.002867634116964651, 0.002762108797527538, 0.0026558257337778363, 0.0025488269412325855, 0.00244115456954012, 0.0023328509330445193, 0.002223958672870452, 0.0021145205369324997, 0.002004579435151633, 0.0018941784284601773, 0.0017833605596077214, 0.0016721691464340422, 0.0015606476110436845, 0.0014488394472396177, 0.0013367882346561383, 0.00122453759562748, 0.001112131036377949, 0.0009996123734017412, 0.000887025347332613, 0.0007744137145176552, 0.0006618212344417058, 0.0005492915346302288, 0.0004368682186985354, 0.0003245949911232641, 0.0002125154218479592, 0.00010067300802106273, -1.0888839524888015e-05, -0.00012212704853248866, -0.00023299840219607846, -0.00034345987916374165, -0.00045346863218080044, -0.0005629819816690513, -0.0006719574807256154, -0.0007803530333530971, -0.0008881265048704741, -0.0009952361019755095, -0.0011016402839060587, -0.0012072977778487743, -0.001312167729020485, -0.0014162095366219317, -0.00151938282457779, -0.001621647618016085, -0.0017229642992910813, -0.0018232936242728616, -0.0019225969107350485, -0.0020208356739212074, -0.0021179719299183725, -0.0022139681458662585, -0.002308787252795207, -0.002402392684617196, -0.002494748410134463, -0.0025858188417973494, -0.002675568958493917, -0.002763964291615023, -0.002850970942266535, -0.0029365555994597036, -0.0030206855557569604, -0.003103328724757601, -0.0031844536590079683, -0.003264029566908144, -0.0033420263269853014, -0.0034184144247238865, -0.0034931651614496474, -0.0035662505179206955, -0.0036376432126779775, -0.0037073167189510437, -0.003775245208292834, -0.0038414035790566804, -0.0039057676926764965, -0.003968314149148766, -0.004029020377126175, -0.004087864650051742, -0.004144825906186431, -0.004199884079747741, -0.004253020010835933, -0.00430421538700547, -0.0043534527713293076, -0.004400715505772349, -0.004445988027272853, -0.004489255635731549, -0.004530504572036005, -0.00456972188601595, -0.0046068956107918795, -0.004642014846153324, -0.004675069604006312, -0.004706050868032807, -0.004734950331443042, -0.004761761001750851, -0.004786476759855961, -0.0048090924844721794, -0.004829603948710922, -0.004848007864697614, -0.004864302132971123, -0.004878485581699499, -0.004890558053065944, -0.0049005200990971986, -0.004908373578478805, -0.004914121299891866, -0.004917767057061768, -0.004919315554048025, -0.0049187722867333646, -0.0049161440910516505, -0.0049114386572517675, -0.004904664665630391, -0.0048958315006044735, -0.0048849496963127995, -0.0048720308125298015, -0.004857087303081328, -0.004840132527162036, -0.004821180488536391, -0.004800246509971683, -0.004777346684458072, -0.004752498013709105, -0.004725718215046099, -0.00469702591022246, -0.004666440741815274, -0.004633983127897346, -0.0045996743282115055, -0.004563536103526788, -0.0045255914165834125, -0.004485863887953188, -0.004444377921998671, -0.00440115857147906, -0.004356231549753096, -0.0043096235226522525, -0.004261361771752719, -0.004211474276481623, -0.004159989361309157, -0.004106936350590948, -0.004052345144330988, -0.003996246228265867, -0.003938670690668078, -0.003879649911806076, -0.003819216053260818, -0.0037574018531088956, -0.0036942405010243836, -0.0036297656828889074, -0.003564011360666055, -0.003497012030491629, -0.003428802730259324, -0.0033594188269609666, -0.0032888960714114166, -0.003217270477679773, -0.003144578390832243, -0.0030708565903301436, -0.0029961420880114708, -0.0029204721667676413, -0.00284388432367268, -0.0027664162525990917, -0.0026881059284128562, -0.0026089914739537046, -0.002529111172291833, -0.002448503441251992, -0.0023672068068444356, -0.002285259906259038, -0.0022027014441849528, -0.002119570177713984, -0.002035904904177251, -0.0019517444796288558, -0.0018671276811852305, -0.0017820932831510094, -0.0016966800092907929, -0.0016109265194842153, -0.0015248715229019903, -0.0014385534392049983, -0.0013520106287228802, -0.0012652813054467526, -0.0011784035167228676, -0.0010914153454357613, -0.0010043544193076995, -0.0009172582297331336, -0.0008301640417605034, -0.0007431088678157635, -0.0006561296821554312, -0.0005692629582224639, -0.00048254489453581153, -0.00039601140836803675, -0.0003096980879308329, -0.0002236403938950148, -0.0001378732874724375, -5.2431306347883937e-05, 3.265133553520656e-05, 0.00011734081999708682, 0.0002016035492358582, 0.0002854063970076497, 0.00036871680583431594, 0.00045150257459697634, 0.000533731954710629, 0.0006153735085910215, 0.0006963962271542144, 0.0007767698032851677, 0.0008564643111239757, 0.000935450324191945, 0.001013698812100141, 0.0010911811248694738, 0.0011678694269910935, 0.0012437362843889565, 0.0013187547996998973, 0.0013928985473428087, 0.0014661414384260995, 0.0015384582844098957, 0.001609824315882348, 0.001680215328642818, 0.0017496076534071036, 0.0018179779229423147, 0.0018853037295409902, 0.0019515631001347333, 0.0020167346472476, 0.002080797567760669, 0.0021437313355409616, 0.002205516419500535, 0.0022661337359811805, 0.002325564799850527, 0.0023837917295351876, 0.0024407969720992547, 0.0024965638828920588, 0.0025510763419873163, 0.00260431881737786, 0.002656276385231357, 0.0027069345191330194, 0.0027562794832331552, 0.0028042981486674536, 0.002850977956138212, 0.002896306953287042, 0.0029402736390694425, 0.0029828672037053613, 0.0030240775006456317, 0.003063894935347764, 0.0031023105139139627, 0.0031393157328424514, 0.0031749026992710047, 0.003209064216068365, 0.0032417936213879274, 0.0032730848434063377, 0.0033029323251509216, 0.0033313310562175387, 0.0033582767354494287, 0.003383765580015465, 0.0034077943826787, 0.0034303604633475868, 0.0034514616371499325, 0.0034710964268885817, 0.00348926385605814, 0.0035059635059767487, 0.003521195488050393, 0.0035349603699026326, 0.003547259409458951, 0.003558094348550983, 0.0035674674664018555, 0.003575381564065552, 0.0035818398499826605, 0.003586846232098601, 0.003590405070352993, 0.0035925212402872983, 0.003593200129556261, 0.003592447571393026, 0.003590269866300414, 0.00358667393370827, 0.0035816671267577, 0.0035752572850126212, 0.0035674527303732047, 0.0035582621363356285, 0.003547694751556392, 0.0035357603049432826, 0.0035224689544527334, 0.0035078313112117472, 0.003491858427353755, 0.0034745616786494896, 0.0034559530403037515, 0.0034360448540744328, 0.003414849885152846, 0.0033923813169961176, 0.0033686527113778956, 0.0033436780062739394, 0.003317471620888182, 0.0032900483308138688, 0.0032614232990366937, 0.00323161207040113, 0.0032006304981285903, 0.0031684948536255995, 0.0031352217876873087, 0.0031008282874558832, 0.0030653316892825643, 0.0030287496699365726, 0.002991100142510206, 0.002952401482890317, 0.002912672337964816, 0.0028719316695086164, 0.0028301987479314055, 0.0027874931161234015, 0.0027438345745606487, 0.002699243295356818, 0.0026537396929540184, 0.002607344454334001, 0.0025600785324134934, 0.0025119630815919067, 0.002463019542929329, 0.002413269623822992, 0.0023627352479257784, 0.002311438567281155, 0.0022594019553923246, 0.0022066479096940765, 0.0021531992499518775, 0.0020990789494922764, 0.002044310171285394, 0.001988916260710355, 0.0019329207143653944, 0.0018763471547708814 ], "yaxis": "y3" }, { "showlegend": false, "type": "scatter", "x": [ 0, 0.1001001001001001, 0.2002002002002002, 0.3003003003003003, 0.4004004004004004, 0.5005005005005005, 0.6006006006006006, 0.7007007007007008, 0.8008008008008008, 0.9009009009009009, 1.001001001001001, 1.1011011011011012, 1.2012012012012012, 1.3013013013013013, 1.4014014014014016, 1.5015015015015016, 1.6016016016016017, 1.7017017017017018, 1.8018018018018018, 1.9019019019019021, 2.002002002002002, 2.1021021021021022, 2.2022022022022023, 2.3023023023023024, 2.4024024024024024, 2.5025025025025025, 2.6026026026026026, 2.702702702702703, 2.802802802802803, 2.902902902902903, 3.0030030030030033, 3.1031031031031033, 3.2032032032032034, 3.3033033033033035, 3.4034034034034035, 3.5035035035035036, 3.6036036036036037, 3.7037037037037037, 3.8038038038038042, 3.9039039039039043, 4.004004004004004, 4.104104104104104, 4.2042042042042045, 4.3043043043043046, 4.404404404404405, 4.504504504504505, 4.604604604604605, 4.704704704704705, 4.804804804804805, 4.904904904904905, 5.005005005005005, 5.105105105105105, 5.205205205205205, 5.305305305305305, 5.405405405405406, 5.505505505505506, 5.605605605605606, 5.705705705705706, 5.805805805805806, 5.9059059059059065, 6.0060060060060065, 6.106106106106107, 6.206206206206207, 6.306306306306307, 6.406406406406407, 6.506506506506507, 6.606606606606607, 6.706706706706707, 6.806806806806807, 6.906906906906907, 7.007007007007007, 7.107107107107107, 7.207207207207207, 7.307307307307307, 7.407407407407407, 7.507507507507508, 7.6076076076076085, 7.7077077077077085, 7.807807807807809, 7.907907907907909, 8.008008008008009, 8.108108108108109, 8.208208208208209, 8.308308308308309, 8.408408408408409, 8.508508508508509, 8.608608608608609, 8.70870870870871, 8.80880880880881, 8.90890890890891, 9.00900900900901, 9.10910910910911, 9.20920920920921, 9.30930930930931, 9.40940940940941, 9.50950950950951, 9.60960960960961, 9.70970970970971, 9.80980980980981, 9.90990990990991, 10.01001001001001, 10.11011011011011, 10.21021021021021, 10.31031031031031, 10.41041041041041, 10.51051051051051, 10.61061061061061, 10.710710710710712, 10.810810810810812, 10.910910910910912, 11.011011011011012, 11.111111111111112, 11.211211211211213, 11.311311311311313, 11.411411411411413, 11.511511511511513, 11.611611611611613, 11.711711711711713, 11.811811811811813, 11.911911911911913, 12.012012012012013, 12.112112112112113, 12.212212212212213, 12.312312312312313, 12.412412412412413, 12.512512512512513, 12.612612612612613, 12.712712712712714, 12.812812812812814, 12.912912912912914, 13.013013013013014, 13.113113113113114, 13.213213213213214, 13.313313313313314, 13.413413413413414, 13.513513513513514, 13.613613613613614, 13.713713713713714, 13.813813813813814, 13.913913913913914, 14.014014014014014, 14.114114114114114, 14.214214214214214, 14.314314314314315, 14.414414414414415, 14.514514514514515, 14.614614614614615, 14.714714714714715, 14.814814814814815, 14.914914914914915, 15.015015015015017, 15.115115115115117, 15.215215215215217, 15.315315315315317, 15.415415415415417, 15.515515515515517, 15.615615615615617, 15.715715715715717, 15.815815815815817, 15.915915915915917, 16.016016016016017, 16.116116116116117, 16.216216216216218, 16.316316316316318, 16.416416416416418, 16.516516516516518, 16.616616616616618, 16.716716716716718, 16.816816816816818, 16.916916916916918, 17.017017017017018, 17.117117117117118, 17.217217217217218, 17.31731731731732, 17.41741741741742, 17.51751751751752, 17.61761761761762, 17.71771771771772, 17.81781781781782, 17.91791791791792, 18.01801801801802, 18.11811811811812, 18.21821821821822, 18.31831831831832, 18.41841841841842, 18.51851851851852, 18.61861861861862, 18.71871871871872, 18.81881881881882, 18.91891891891892, 19.01901901901902, 19.11911911911912, 19.21921921921922, 19.31931931931932, 19.41941941941942, 19.51951951951952, 19.61961961961962, 19.71971971971972, 19.81981981981982, 19.91991991991992, 20.02002002002002, 20.12012012012012, 20.22022022022022, 20.32032032032032, 20.42042042042042, 20.52052052052052, 20.62062062062062, 20.72072072072072, 20.82082082082082, 20.92092092092092, 21.02102102102102, 21.12112112112112, 21.22122122122122, 21.32132132132132, 21.421421421421424, 21.521521521521525, 21.621621621621625, 21.721721721721725, 21.821821821821825, 21.921921921921925, 22.022022022022025, 22.122122122122125, 22.222222222222225, 22.322322322322325, 22.422422422422425, 22.522522522522525, 22.622622622622625, 22.722722722722725, 22.822822822822825, 22.922922922922925, 23.023023023023026, 23.123123123123126, 23.223223223223226, 23.323323323323326, 23.423423423423426, 23.523523523523526, 23.623623623623626, 23.723723723723726, 23.823823823823826, 23.923923923923926, 24.024024024024026, 24.124124124124126, 24.224224224224226, 24.324324324324326, 24.424424424424426, 24.524524524524526, 24.624624624624627, 24.724724724724727, 24.824824824824827, 24.924924924924927, 25.025025025025027, 25.125125125125127, 25.225225225225227, 25.325325325325327, 25.425425425425427, 25.525525525525527, 25.625625625625627, 25.725725725725727, 25.825825825825827, 25.925925925925927, 26.026026026026027, 26.126126126126128, 26.226226226226228, 26.326326326326328, 26.426426426426428, 26.526526526526528, 26.626626626626628, 26.726726726726728, 26.826826826826828, 26.926926926926928, 27.027027027027028, 27.127127127127128, 27.227227227227228, 27.32732732732733, 27.42742742742743, 27.52752752752753, 27.62762762762763, 27.72772772772773, 27.82782782782783, 27.92792792792793, 28.02802802802803, 28.12812812812813, 28.22822822822823, 28.32832832832833, 28.42842842842843, 28.52852852852853, 28.62862862862863, 28.72872872872873, 28.82882882882883, 28.92892892892893, 29.02902902902903, 29.12912912912913, 29.22922922922923, 29.32932932932933, 29.42942942942943, 29.52952952952953, 29.62962962962963, 29.72972972972973, 29.82982982982983, 29.929929929929934, 30.030030030030034, 30.130130130130134, 30.230230230230234, 30.330330330330334, 30.430430430430434, 30.530530530530534, 30.630630630630634, 30.730730730730734, 30.830830830830834, 30.930930930930934, 31.031031031031034, 31.131131131131134, 31.231231231231234, 31.331331331331334, 31.431431431431434, 31.531531531531535, 31.631631631631635, 31.731731731731735, 31.831831831831835, 31.931931931931935, 32.032032032032035, 32.132132132132135, 32.232232232232235, 32.332332332332335, 32.432432432432435, 32.532532532532535, 32.632632632632635, 32.732732732732735, 32.832832832832835, 32.932932932932935, 33.033033033033036, 33.133133133133136, 33.233233233233236, 33.333333333333336, 33.433433433433436, 33.533533533533536, 33.633633633633636, 33.733733733733736, 33.833833833833836, 33.933933933933936, 34.034034034034036, 34.134134134134136, 34.234234234234236, 34.334334334334336, 34.434434434434436, 34.53453453453454, 34.63463463463464, 34.73473473473474, 34.83483483483484, 34.93493493493494, 35.03503503503504, 35.13513513513514, 35.23523523523524, 35.33533533533534, 35.43543543543544, 35.53553553553554, 35.63563563563564, 35.73573573573574, 35.83583583583584, 35.93593593593594, 36.03603603603604, 36.13613613613614, 36.23623623623624, 36.33633633633634, 36.43643643643644, 36.53653653653654, 36.63663663663664, 36.73673673673674, 36.83683683683684, 36.93693693693694, 37.03703703703704, 37.13713713713714, 37.23723723723724, 37.33733733733734, 37.43743743743744, 37.53753753753754, 37.63763763763764, 37.73773773773774, 37.83783783783784, 37.93793793793794, 38.03803803803804, 38.13813813813814, 38.23823823823824, 38.33833833833834, 38.43843843843844, 38.53853853853854, 38.63863863863864, 38.73873873873874, 38.83883883883884, 38.93893893893894, 39.03903903903904, 39.13913913913914, 39.23923923923924, 39.33933933933934, 39.43943943943944, 39.53953953953954, 39.63963963963964, 39.73973973973974, 39.83983983983984, 39.93993993993994, 40.04004004004004, 40.14014014014014, 40.24024024024024, 40.34034034034034, 40.44044044044044, 40.54054054054054, 40.64064064064064, 40.74074074074074, 40.84084084084084, 40.94094094094094, 41.04104104104104, 41.14114114114114, 41.24124124124124, 41.34134134134134, 41.44144144144144, 41.54154154154154, 41.64164164164164, 41.74174174174174, 41.84184184184184, 41.94194194194194, 42.04204204204204, 42.14214214214214, 42.24224224224224, 42.34234234234234, 42.44244244244244, 42.54254254254254, 42.64264264264264, 42.74274274274275, 42.84284284284285, 42.94294294294295, 43.04304304304305, 43.14314314314315, 43.24324324324325, 43.34334334334335, 43.44344344344345, 43.54354354354355, 43.64364364364365, 43.74374374374375, 43.84384384384385, 43.94394394394395, 44.04404404404405, 44.14414414414415, 44.24424424424425, 44.34434434434435, 44.44444444444445, 44.54454454454455, 44.64464464464465, 44.74474474474475, 44.84484484484485, 44.94494494494495, 45.04504504504505, 45.14514514514515, 45.24524524524525, 45.34534534534535, 45.44544544544545, 45.54554554554555, 45.64564564564565, 45.74574574574575, 45.84584584584585, 45.94594594594595, 46.04604604604605, 46.14614614614615, 46.24624624624625, 46.34634634634635, 46.44644644644645, 46.54654654654655, 46.64664664664665, 46.74674674674675, 46.84684684684685, 46.94694694694695, 47.04704704704705, 47.14714714714715, 47.24724724724725, 47.34734734734735, 47.44744744744745, 47.54754754754755, 47.64764764764765, 47.74774774774775, 47.84784784784785, 47.94794794794795, 48.04804804804805, 48.14814814814815, 48.24824824824825, 48.34834834834835, 48.44844844844845, 48.54854854854855, 48.64864864864865, 48.74874874874875, 48.84884884884885, 48.94894894894895, 49.04904904904905, 49.14914914914915, 49.24924924924925, 49.34934934934935, 49.44944944944945, 49.54954954954955, 49.64964964964965, 49.74974974974975, 49.84984984984985, 49.94994994994995, 50.050050050050054, 50.150150150150154, 50.250250250250254, 50.350350350350354, 50.450450450450454, 50.550550550550554, 50.650650650650654, 50.750750750750754, 50.850850850850854, 50.950950950950954, 51.051051051051054, 51.151151151151154, 51.251251251251254, 51.351351351351354, 51.451451451451454, 51.551551551551555, 51.651651651651655, 51.751751751751755, 51.851851851851855, 51.951951951951955, 52.052052052052055, 52.152152152152155, 52.252252252252255, 52.352352352352355, 52.452452452452455, 52.552552552552555, 52.652652652652655, 52.752752752752755, 52.852852852852855, 52.952952952952955, 53.053053053053056, 53.153153153153156, 53.253253253253256, 53.353353353353356, 53.453453453453456, 53.553553553553556, 53.653653653653656, 53.753753753753756, 53.853853853853856, 53.953953953953956, 54.054054054054056, 54.154154154154156, 54.254254254254256, 54.354354354354356, 54.454454454454456, 54.55455455455456, 54.65465465465466, 54.75475475475476, 54.85485485485486, 54.95495495495496, 55.05505505505506, 55.15515515515516, 55.25525525525526, 55.35535535535536, 55.45545545545546, 55.55555555555556, 55.65565565565566, 55.75575575575576, 55.85585585585586, 55.95595595595596, 56.05605605605606, 56.15615615615616, 56.25625625625626, 56.35635635635636, 56.45645645645646, 56.55655655655656, 56.65665665665666, 56.75675675675676, 56.85685685685686, 56.95695695695696, 57.05705705705706, 57.15715715715716, 57.25725725725726, 57.35735735735736, 57.45745745745746, 57.55755755755756, 57.65765765765766, 57.75775775775776, 57.85785785785786, 57.95795795795796, 58.05805805805806, 58.15815815815816, 58.25825825825826, 58.35835835835836, 58.45845845845846, 58.55855855855856, 58.65865865865866, 58.75875875875876, 58.85885885885886, 58.95895895895896, 59.05905905905906, 59.15915915915916, 59.25925925925926, 59.35935935935936, 59.45945945945946, 59.55955955955956, 59.65965965965966, 59.75975975975976, 59.85985985985987, 59.95995995995997, 60.06006006006007, 60.16016016016017, 60.26026026026027, 60.36036036036037, 60.46046046046047, 60.56056056056057, 60.66066066066067, 60.76076076076077, 60.86086086086087, 60.96096096096097, 61.06106106106107, 61.16116116116117, 61.26126126126127, 61.36136136136137, 61.46146146146147, 61.56156156156157, 61.66166166166167, 61.76176176176177, 61.86186186186187, 61.96196196196197, 62.06206206206207, 62.16216216216217, 62.26226226226227, 62.36236236236237, 62.46246246246247, 62.56256256256257, 62.66266266266267, 62.76276276276277, 62.86286286286287, 62.96296296296297, 63.06306306306307, 63.16316316316317, 63.26326326326327, 63.36336336336337, 63.46346346346347, 63.56356356356357, 63.66366366366367, 63.76376376376377, 63.86386386386387, 63.96396396396397, 64.06406406406407, 64.16416416416416, 64.26426426426427, 64.36436436436436, 64.46446446446447, 64.56456456456456, 64.66466466466467, 64.76476476476476, 64.86486486486487, 64.96496496496496, 65.06506506506507, 65.16516516516516, 65.26526526526527, 65.36536536536536, 65.46546546546547, 65.56556556556556, 65.66566566566567, 65.76576576576576, 65.86586586586587, 65.96596596596596, 66.06606606606607, 66.16616616616616, 66.26626626626627, 66.36636636636636, 66.46646646646647, 66.56656656656656, 66.66666666666667, 66.76676676676676, 66.86686686686687, 66.96696696696696, 67.06706706706707, 67.16716716716716, 67.26726726726727, 67.36736736736736, 67.46746746746747, 67.56756756756756, 67.66766766766767, 67.76776776776777, 67.86786786786787, 67.96796796796797, 68.06806806806807, 68.16816816816817, 68.26826826826827, 68.36836836836838, 68.46846846846847, 68.56856856856858, 68.66866866866867, 68.76876876876878, 68.86886886886887, 68.96896896896898, 69.06906906906907, 69.16916916916918, 69.26926926926927, 69.36936936936938, 69.46946946946947, 69.56956956956958, 69.66966966966967, 69.76976976976978, 69.86986986986987, 69.96996996996998, 70.07007007007007, 70.17017017017018, 70.27027027027027, 70.37037037037038, 70.47047047047047, 70.57057057057058, 70.67067067067067, 70.77077077077078, 70.87087087087087, 70.97097097097098, 71.07107107107107, 71.17117117117118, 71.27127127127127, 71.37137137137138, 71.47147147147147, 71.57157157157158, 71.67167167167167, 71.77177177177178, 71.87187187187187, 71.97197197197198, 72.07207207207207, 72.17217217217218, 72.27227227227228, 72.37237237237238, 72.47247247247248, 72.57257257257258, 72.67267267267268, 72.77277277277278, 72.87287287287288, 72.97297297297298, 73.07307307307308, 73.17317317317318, 73.27327327327328, 73.37337337337338, 73.47347347347348, 73.57357357357358, 73.67367367367368, 73.77377377377378, 73.87387387387388, 73.97397397397398, 74.07407407407408, 74.17417417417418, 74.27427427427428, 74.37437437437438, 74.47447447447448, 74.57457457457458, 74.67467467467468, 74.77477477477478, 74.87487487487488, 74.97497497497498, 75.07507507507508, 75.17517517517518, 75.27527527527528, 75.37537537537538, 75.47547547547548, 75.57557557557558, 75.67567567567568, 75.77577577577578, 75.87587587587588, 75.97597597597598, 76.07607607607608, 76.17617617617618, 76.27627627627628, 76.37637637637638, 76.47647647647648, 76.57657657657658, 76.67667667667668, 76.77677677677679, 76.87687687687688, 76.97697697697699, 77.07707707707708, 77.17717717717719, 77.27727727727728, 77.37737737737739, 77.47747747747748, 77.57757757757759, 77.67767767767768, 77.77777777777779, 77.87787787787788, 77.97797797797799, 78.07807807807808, 78.17817817817819, 78.27827827827828, 78.37837837837839, 78.47847847847848, 78.57857857857859, 78.67867867867868, 78.77877877877879, 78.87887887887888, 78.97897897897899, 79.07907907907908, 79.17917917917919, 79.27927927927928, 79.37937937937939, 79.47947947947948, 79.57957957957959, 79.67967967967968, 79.77977977977979, 79.87987987987988, 79.97997997997999, 80.08008008008008, 80.18018018018019, 80.28028028028028, 80.38038038038039, 80.48048048048048, 80.58058058058059, 80.68068068068068, 80.78078078078079, 80.88088088088088, 80.98098098098099, 81.08108108108108, 81.18118118118119, 81.28128128128128, 81.38138138138139, 81.48148148148148, 81.58158158158159, 81.68168168168168, 81.78178178178179, 81.88188188188188, 81.98198198198199, 82.08208208208208, 82.18218218218219, 82.28228228228228, 82.38238238238239, 82.48248248248248, 82.58258258258259, 82.68268268268268, 82.78278278278279, 82.88288288288288, 82.98298298298299, 83.08308308308308, 83.18318318318319, 83.28328328328328, 83.38338338338339, 83.48348348348348, 83.58358358358359, 83.68368368368368, 83.78378378378379, 83.88388388388388, 83.98398398398399, 84.08408408408408, 84.18418418418419, 84.28428428428428, 84.38438438438439, 84.48448448448448, 84.58458458458459, 84.68468468468468, 84.78478478478479, 84.88488488488488, 84.98498498498499, 85.08508508508508, 85.18518518518519, 85.28528528528528, 85.38538538538539, 85.4854854854855, 85.58558558558559, 85.6856856856857, 85.78578578578579, 85.8858858858859, 85.98598598598599, 86.0860860860861, 86.18618618618619, 86.2862862862863, 86.38638638638639, 86.4864864864865, 86.58658658658659, 86.6866866866867, 86.78678678678679, 86.8868868868869, 86.98698698698699, 87.0870870870871, 87.18718718718719, 87.2872872872873, 87.38738738738739, 87.4874874874875, 87.58758758758759, 87.6876876876877, 87.78778778778779, 87.8878878878879, 87.98798798798799, 88.0880880880881, 88.18818818818819, 88.2882882882883, 88.38838838838839, 88.4884884884885, 88.58858858858859, 88.6886886886887, 88.78878878878879, 88.8888888888889, 88.988988988989, 89.0890890890891, 89.1891891891892, 89.2892892892893, 89.3893893893894, 89.4894894894895, 89.5895895895896, 89.6896896896897, 89.7897897897898, 89.8898898898899, 89.98998998999, 90.0900900900901, 90.1901901901902, 90.2902902902903, 90.3903903903904, 90.4904904904905, 90.5905905905906, 90.6906906906907, 90.7907907907908, 90.8908908908909, 90.990990990991, 91.0910910910911, 91.1911911911912, 91.2912912912913, 91.3913913913914, 91.4914914914915, 91.5915915915916, 91.6916916916917, 91.7917917917918, 91.8918918918919, 91.991991991992, 92.0920920920921, 92.1921921921922, 92.2922922922923, 92.3923923923924, 92.4924924924925, 92.5925925925926, 92.6926926926927, 92.7927927927928, 92.8928928928929, 92.992992992993, 93.0930930930931, 93.1931931931932, 93.2932932932933, 93.3933933933934, 93.4934934934935, 93.5935935935936, 93.6936936936937, 93.7937937937938, 93.8938938938939, 93.993993993994, 94.0940940940941, 94.1941941941942, 94.2942942942943, 94.3943943943944, 94.4944944944945, 94.5945945945946, 94.6946946946947, 94.7947947947948, 94.8948948948949, 94.994994994995, 95.0950950950951, 95.1951951951952, 95.2952952952953, 95.3953953953954, 95.4954954954955, 95.5955955955956, 95.6956956956957, 95.7957957957958, 95.8958958958959, 95.995995995996, 96.0960960960961, 96.1961961961962, 96.2962962962963, 96.3963963963964, 96.4964964964965, 96.5965965965966, 96.6966966966967, 96.7967967967968, 96.8968968968969, 96.996996996997, 97.0970970970971, 97.1971971971972, 97.2972972972973, 97.3973973973974, 97.4974974974975, 97.5975975975976, 97.6976976976977, 97.7977977977978, 97.8978978978979, 97.997997997998, 98.0980980980981, 98.1981981981982, 98.2982982982983, 98.3983983983984, 98.4984984984985, 98.5985985985986, 98.6986986986987, 98.7987987987988, 98.8988988988989, 98.998998998999, 99.0990990990991, 99.1991991991992, 99.2992992992993, 99.3993993993994, 99.4994994994995, 99.5995995995996, 99.6996996996997, 99.7997997997998, 99.8998998998999, 100 ], "xaxis": "x4", "y": [ 0.014638376146811736, 0.014972730007146306, 0.01594208840412878, 0.01748889199731872, 0.01954843425023264, 0.02205144260200237, 0.02492643793157554, 0.028101839686418585, 0.03150779722371794, 0.03507773561406139, 0.03874961433024686, 0.042466903031136545, 0.04617928665065232, 0.04984311684003736, 0.05342163131716803, 0.056884965916681886, 0.060209986422824185, 0.0633799684631759, 0.06638415418333236, 0.06921721355345956, 0.07187863735746557, 0.07437208727970873, 0.0767047243446854, 0.07888654031373606, 0.0809297034827698, 0.08284793835988281, 0.08465594911548478, 0.08636889668872723, 0.08800193475320767, 0.08956980951943484, 0.091086524727001, 0.09256507123118413, 0.09401721978920091, 0.09545337352377133, 0.09688247561863685, 0.09831196699009813, 0.0997477882020904, 0.10119441948701947, 0.1026549525517137, 0.10413118792618734, 0.10562375191159339, 0.10713222746806815, 0.10865529370152321, 0.11019086873407792, 0.11173625324989452, 0.11328826977129638, 0.11484339497386371, 0.11639788276248932, 0.11794787625624945, 0.11948950775206224, 0.12101898513333738, 0.12253266510466135, 0.12402711276934894, 0.12549914820863442, 0.12694588064547724, 0.12836473098251877, 0.12975344389617116, 0.1311100905265134, 0.1324330631810479, 0.13372106264178144, 0.1349730807614413, 0.13618837786980548, 0.13736645720775734, 0.13850703748835388, 0.13961002383240645, 0.14067547852720094, 0.14170359232489252, 0.142694656812512, 0.14364903823628736, 0.14456715349822194, 0.1454494482610027, 0.14629637775731025, 0.14710839017149185, 0.14788591272737162, 0.14862934035008624, 0.1493390267907119, 0.15001527839503717, 0.1506583501471314, 0.15126844303793946, 0.15184570394247426, 0.152390226757164, 0.15290205516060648, 0.15338118616349863, 0.1538275744852746, 0.15424113777076492, 0.15462176265208327, 0.1549693081395911, 0.15528361378939406, 0.15556450708304495, 0.15581180545159004, 0.1560253229912866, 0.15620487618626522, 0.15635028735157513, 0.1564613897831923, 0.15653803052732357, 0.15658007386740014, 0.15658740357782658, 0.15655992596535312, 0.15649757030601463, 0.15640029077971593, 0.15626806691135783, 0.15610090411379304, 0.1558988337519235, 0.1556619126785655, 0.15539022324082138, 0.15508387205445168, 0.1547429904949039, 0.15436773150722635, 0.15395827090261582, 0.1535148048473103, 0.15303754952713663, 0.15252673973207298, 0.15198262810333174, 0.15140548367271014, 0.15079559225535388, 0.15015325246160563, 0.1494787781135815, 0.14877249671147177, 0.1480347472840184, 0.14726588129535378, 0.14646626409595745, 0.14563627071586543, 0.14477628766354778, 0.1438867118665716, 0.1429679513179024, 0.14202042465172196, 0.14104456109739552, 0.14004080048150233, 0.1390095932570385, 0.13795140050969007, 0.13686669409871477, 0.13575595665808143, 0.13461968174769037, 0.13345837389410586, 0.13227254862493096, 0.13106273259683546, 0.12982946356101444, 0.12857329039684956, 0.12729477299816772, 0.12599448252951298, 0.12467300118772691, 0.12333092189038432, 0.12196884868309125, 0.12058739610395307, 0.11918718910256983, 0.11776886314410888, 0.1163330633490217, 0.11488044462806514, 0.11341167137832771, 0.11192741734824034, 0.11042836473257091, 0.10891520455528624, 0.10738863543362634, 0.10584936385256011, 0.10429810348592486, 0.10273557477139623, 0.10116250401522464, 0.09957962391177697, 0.09798767357296834, 0.09638739508994022, 0.09477953559901975, 0.09316484810974696, 0.09154408653063585, 0.08991800811139149, 0.08828737482060368, 0.0866529480009786, 0.08501549061439335, 0.0833757689461424, 0.08173454723356666, 0.08009258960999902, 0.07845066208854706, 0.07680952722776774, 0.07516994575126186, 0.073532678807558, 0.07189848274223715, 0.07026811036244321, 0.06864231431613904, 0.06702183773972074, 0.06540742337603114, 0.06379980861935705, 0.06219972380910013, 0.060607892655348695, 0.05902503436973869, 0.057451861376013956, 0.05588907856312097, 0.054337382487630384, 0.052797460757071986, 0.05126999127108929, 0.049755641678155146, 0.04825507391851642, 0.04676893992301901, 0.04529787979175212, 0.04384252265092763, 0.04240348676546482, 0.040981379782352216, 0.039576796883306946, 0.038190320943614825, 0.03682252226270998, 0.03547395928350297, 0.03414517711676529, 0.03283670725762293, 0.03154906741152429, 0.030282760706890087, 0.02903828098847745, 0.027816101162196412, 0.026616682835747852, 0.025440472345726446, 0.024287902117394528, 0.023159389118357052, 0.022055335018387603, 0.020976126228773952, 0.019922133800603734, 0.018893713416637377, 0.01789120497005281, 0.016914933228045378, 0.015965206637473583, 0.015042318644536359, 0.014146546315590437, 0.013278151422617712, 0.01243737979124896, 0.011624461516826598, 0.010839611089768608, 0.010083027327247234, 0.009354893300883186, 0.008655376973316399, 0.00798463039551714, 0.007342790494169825, 0.006729979103756501, 0.006146302539987751, 0.005591852618999543, 0.005066705860296667, 0.004570924204473138, 0.004104555098807034, 0.003667631319931367, 0.0032601716195670696, 0.002882180393499592, 0.002533648248429329, 0.002214552111556076, 0.0019248549805526115, 0.0016645065346923573, 0.001433443903531893, 0.0012315903761020276, 0.0010588566043789626, 0.0009151412999485577, 0.0008003303517490721, 0.0007142973868750005, 0.0006569043924913589, 0.0006280018529442685, 0.0006274283786787322, 0.0006550114899200588, 0.0007105679688125674, 0.000793903499501243, 0.0009048132989138431, 0.001043082428404957, 0.001208485756227497, 0.0014007882746445788, 0.0016197455074804638, 0.001865103649934486, 0.002136599537467965, 0.002433961176155217, 0.002756907881449982, 0.003105151019448163, 0.0034783931824505948, 0.0038763291969024605, 0.004298646166255584, 0.004745023774345323, 0.00521513448665594, 0.005708643652870211, 0.006225209895187741, 0.006764485297477418, 0.007326115174404393, 0.007909739268781088, 0.008514991278180352, 0.00914149926069941, 0.009788885491300168, 0.01045676686577988, 0.011144755829055632, 0.011852459792188285, 0.012579481601942891, 0.013325418673995167, 0.014089865466159045, 0.014872412046204602, 0.015672644712861478, 0.016490145761436488, 0.01732449390556856, 0.018175265336181436, 0.019042032951671825, 0.019924366860880033, 0.02082183334533588, 0.021733997629270838, 0.022660422199295444, 0.023600667461619016, 0.02455429138906776, 0.025520849967533843, 0.026499898426162235, 0.027490990227759044, 0.028493677616961515, 0.029507510369554204, 0.030532038935484004, 0.031566812449040034, 0.0326113794326018, 0.03366528742407623, 0.03472808339823939, 0.03579931497543413, 0.03687852938963305, 0.03796527401378432, 0.03905909522754435, 0.04015954124617421, 0.04126616032398515, 0.04237850138287126, 0.04349611367765385, 0.04461854716764184, 0.04574535359578281, 0.04687608556259103, 0.048010296992785195, 0.04914754209208992, 0.050287377929688785, 0.05142936278891579, 0.05257305673458951, 0.05371802130522692, 0.05486381984306837, 0.05601001846972002, 0.05715618523978498, 0.058301890559089395, 0.05944670628507509, 0.06059020795631662, 0.06173197337146195, 0.06287158307862402, 0.06400862012754327, 0.065142670346958, 0.06627332315931152, 0.06740017088526727, 0.06852280909568037, 0.06964083588136007, 0.0707538536856156, 0.07186146814829973, 0.07296328851237611, 0.07405892742482749, 0.07514800117095397, 0.07623013035649702, 0.07730493933628053, 0.07837205651166526, 0.07943111373104701, 0.08048174781356705, 0.08152359959803585, 0.08255631428458723, 0.08357954127964776, 0.0845929343931489, 0.08559615240348363, 0.08658885859729883, 0.08757072101936686, 0.08854141199762389, 0.08950060937798376, 0.0904479957671682, 0.09138325881510251, 0.09230609109638008, 0.09321619027713277, 0.09411325958283306, 0.09499700743055618, 0.09586714763958684, 0.09672339903717271, 0.09756548650084271, 0.09839314032781055, 0.09920609647661492, 0.10000409641490131, 0.10078688733482073, 0.10155422262799156, 0.10230586144786884, 0.1030415689399409, 0.10376111610297818, 0.1044642797147571, 0.10515084337076668, 0.10582059662424022, 0.1064733353203164, 0.10710886153447947, 0.10772698312545588, 0.10832751532507537, 0.10891027951745218, 0.10947510365287838, 0.11002182228227847, 0.11055027581333084, 0.11106031242092024, 0.1115517866598526, 0.11202455990498215, 0.11247850040832164, 0.11291348254559304, 0.11332938850770553, 0.11372610730207425, 0.114103534921988, 0.11446157446314013, 0.11480013544353412, 0.11511913509243714, 0.11541849798040392, 0.11569815576123373, 0.11595804738570713, 0.11619811848169026, 0.11641832220219817, 0.1166186196044334, 0.11679897885998673, 0.11695937559328205, 0.11709979251177569, 0.11722021948253086, 0.11732065458820762, 0.11740110311489141, 0.11746157779527781, 0.11750209841710968, 0.11752269294492454, 0.11752339667965635, 0.11750425250878233, 0.1174653102583432, 0.11740662799114067, 0.11732827120408583, 0.11723031296712393, 0.11711283339615407, 0.1169759203700003, 0.11681966964294944, 0.11664418436383975, 0.1164495748910934, 0.11623595867838762, 0.11600346150630565, 0.1157522163113935, 0.1154823633883838, 0.11519404946543933, 0.11488742989007762, 0.11456266692069404, 0.11421993014835365, 0.11385939535902588, 0.11348124653840033, 0.11308567469446523, 0.1126728778710599, 0.112243060441837, 0.11179643387627312, 0.11133321713074709, 0.11085363573683887, 0.11035792161741602, 0.10984631267423806, 0.1093190546387413, 0.10877639931006045, 0.10821860485992897, 0.1076459343781351, 0.10705865892294607, 0.10645705509411645, 0.10584140556053939, 0.10521199764028706, 0.10456912550783891, 0.10391308901752172, 0.10324419344843469, 0.10256274875357925, 0.10186907014219894, 0.10116347880278598, 0.1004463005960667, 0.09971786592778119, 0.09897850902544662, 0.09822857013439787, 0.09746839341297303, 0.09669832729143059, 0.09591872276914296, 0.09512993662089726, 0.09433232878078725, 0.09352626282824049, 0.09271210468240716, 0.09189022429742841, 0.09106099484861661, 0.09022479222615867, 0.08938199445337064, 0.08853298187734335, 0.0876781379466171, 0.08681784790122443, 0.08595249870904823, 0.08508247830495254, 0.0842081772434493, 0.08332998700489225, 0.08244830021497458, 0.08156350942356339, 0.08067600901663478, 0.0797861934912765, 0.07889445764639116, 0.07800119588341597, 0.07710680274266142, 0.07621167255476187, 0.07531619898651166, 0.07442077478025132, 0.07352579159554877, 0.07263164016992625, 0.07173870972293497, 0.07084738784892165, 0.0699580602503515, 0.06907111069589947, 0.0681869206813865, 0.06730586925728001, 0.06642833305701328, 0.06555468563244936, 0.06468529755695579, 0.06382053616238079, 0.06296076569382308, 0.06210634662863422, 0.061257635470214906, 0.06041498481580188, 0.05957874337250857, 0.058749255795510956, 0.05792686157316568, 0.05711189573893434, 0.056304688569586425, 0.05550556626492008, 0.054714848608014496, 0.05393285046664078, 0.05315988117797219, 0.0523962457407355, 0.051642242103277364, 0.05089816253577564, 0.05016429331783035, 0.04944091549142565, 0.04872830356698, 0.048026725001589624, 0.04733644104748358, 0.046657706847447744, 0.04599077163260308, 0.045335876327399584, 0.04469325549977907, 0.044063136828226976, 0.0434457426679846, 0.042841286041685626, 0.042249973500689056, 0.041672004256090266, 0.04110757189706955, 0.04055686109652998, 0.040020049194137486, 0.039497306190850276, 0.03898879561780202, 0.03849467339764282, 0.03801508688641854, 0.03755017628451639, 0.03710007465721533, 0.03666490853895158, 0.036244795035379154, 0.0358398442716457, 0.035450158773652804, 0.03507583534797301, 0.03471696088941524, 0.03437361547352002, 0.034045871545283886, 0.033733795456427663, 0.03343744490059568, 0.033156869979072454, 0.032892113531830344, 0.032643211778919615, 0.03241019372453236, 0.03219308007805757, 0.031991884699318365, 0.03180661454265379, 0.03163727040310081, 0.03148384449891523, 0.03134632256150973, 0.03122468334361947, 0.031118900173388107, 0.031028937865130623, 0.030954755074307602, 0.03089630376891671, 0.030853530231028062, 0.030826373675900437, 0.030814766722509695, 0.03081863584000434, 0.030837901700094098, 0.03087247905087769, 0.030922275928688247, 0.03098719470554721, 0.031067132041867764, 0.031161979475294723, 0.03127162202772681, 0.03139593948942534, 0.03153480618879087, 0.031688091838805894, 0.031855660121723216, 0.0320373698392209, 0.03223307477381412, 0.032442624155407926, 0.03266586223030008, 0.0329026284138387, 0.03315275762710963, 0.03341608050809681, 0.033692423446818914, 0.03398160820460355, 0.03428345255713819, 0.03459777023490445, 0.03492437126823325, 0.035263061911410515, 0.03561364440768842, 0.03597591755562741, 0.03634967666967057, 0.036734713905522354, 0.03713081813234606, 0.03753777488948892, 0.03795536679255116, 0.03838337354153148, 0.03882157208949142, 0.039269736673710524, 0.03972763891865817, 0.040195048000685234, 0.04067173073788417, 0.041157451566992756, 0.041651972862499366, 0.04215505500076473, 0.042666456393864356, 0.043185933633763655, 0.04371324133254128, 0.0442481326999268, 0.044790359454306136, 0.045339671857982065, 0.04589581887349414, 0.04645854790276496, 0.04702760559043468, 0.04760273753841835, 0.04818368840495092, 0.04877020205200316, 0.049362021162663965, 0.049958888330499565, 0.05056054550647386, 0.05116673419865725, 0.05177719560267183, 0.05239167009303032, 0.05300989862654758, 0.05363162187024689, 0.05425658053722857, 0.054884515464205336, 0.0555151670555875, 0.056148276871866735, 0.056783586568280905, 0.05742083829279363, 0.05805977471559177, 0.05870013855294625, 0.05934167408584552, 0.05998412611217553, 0.06062724034011428, 0.06127076337488184, 0.06191444235802389, 0.06255802634016461, 0.06320126530418252, 0.06384391053909418, 0.06448571458028188, 0.0651264309658239, 0.06576581547118225, 0.06640362519435353, 0.06703961891294499, 0.0676735569730228, 0.0683052011707705, 0.06893431584544453, 0.06956066702527877, 0.07018402276848353, 0.07080415300055486, 0.07142082953548341, 0.07203382699597224, 0.07264292204368669, 0.0732478936979883, 0.07384852312391742, 0.0744445938004042, 0.07503589224461017, 0.07562220734618857, 0.07620333065841582, 0.07677905613497167, 0.07734918044996712, 0.07791350352181599, 0.07847182795362366, 0.07902395929641623, 0.07956970572830538, 0.08010887853695814, 0.08064129243948406, 0.08116676512642558, 0.08168511749842755, 0.0821961731615399, 0.08269975933069897, 0.08319570686332482, 0.08368384981165634, 0.08416402568563688, 0.08463607549518509, 0.08509984246060476, 0.08555517515426907, 0.08600192511479338, 0.08643994755200785, 0.08686910139767486, 0.08728924887533654, 0.0877002554806247, 0.08810199180312814, 0.088494331731555, 0.08887715305413407, 0.08925033750376607, 0.08961376975061774, 0.08996733927169819, 0.09031093978723437, 0.09064446880309338, 0.09096782791881479, 0.09128092276193618, 0.09158366178563276, 0.09187595947088918, 0.09215773377775036, 0.09242890688505981, 0.09268940522465699, 0.09293915888649146, 0.09317810197786638, 0.09340617402985589, 0.09362331836160827, 0.09382948263586847, 0.09402461888732178, 0.09420868214938594, 0.09438163317818614, 0.09454343706489493, 0.09469406307296663, 0.09483348488909676, 0.09496168039102659, 0.09507863047951057, 0.09518432264444839, 0.09527874795783878, 0.09536190193134353, 0.09543378453128475, 0.09549439923376657, 0.0955437539846906, 0.09558186229078224, 0.09560874148894465, 0.09562441334345778, 0.09562890405357054, 0.09562224231512313, 0.0956044633763177, 0.09557560638414374, 0.0955357146762575, 0.09548483595112134, 0.09542302180898508, 0.09535032680943215, 0.09526681214084852, 0.09517254230005466, 0.09506758603041227, 0.09495201631317671, 0.09482590898229977, 0.09468934455006836, 0.09454240865503283, 0.09438519040698594, 0.09421778298532116, 0.09404028362138109, 0.0938527909883133, 0.09365541091863952, 0.09344825206196342, 0.09323142686275464, 0.09300505159468982, 0.09276924561477404, 0.09252413084481154, 0.09226983526609923, 0.09200648944494308, 0.09173422751012077, 0.09145318711614449, 0.0911635076853061, 0.09086533312784986, 0.0905588113243087, 0.09024409286031626, 0.08992133152794617, 0.08959068418837547, 0.08925230824394734, 0.08890636750827559, 0.08855302741748723, 0.08819245625350365, 0.08782482508795801, 0.0874503068377913, 0.08706907634945757, 0.08668131300250097, 0.08628719772649415, 0.08588691383227531, 0.08548064694651071, 0.08506858367733586, 0.08465091358717979, 0.0842278284401026, 0.08379952165389394, 0.08336618837537292, 0.08292802496819074, 0.08248523011608923, 0.08203800378077138, 0.08158654737333801, 0.08113106349385786, 0.08067175604362567, 0.08020883022676578, 0.07974249226242558, 0.07927294935144036, 0.07880040906003603, 0.07832508038569386, 0.07784717279420468, 0.0773668963535835, 0.07688446140408932, 0.07640007854436759, 0.0759139590549072, 0.07542631423200091, 0.07493735546308763, 0.07444729380951878, 0.07395634052206998, 0.07346470656936552, 0.07297260257182282, 0.07248023871185562, 0.07198782461633832, 0.07149556934177682, 0.07100368120020353, 0.07051236768080556, 0.07002183544556227, 0.06953229008243562, 0.0690439360473697, 0.06855697660877419, 0.06807161376209515, 0.06758804830988815, 0.06710647929559357, 0.06662710428262104, 0.0661501191584847, 0.06567571825021148, 0.06520409400835543, 0.06473543677282233, 0.06426993494725212, 0.0638077748246954, 0.06334914105848032, 0.06289421536430403, 0.062443177336666225, 0.06199620412737278, 0.061553470633409, 0.06111514935627299, 0.06068140963878819, 0.06025241830112735, 0.05982833934454839, 0.05940933479936557, 0.05899556280642255, 0.05858717866117222, 0.05818433466533034, 0.05778717996008083, 0.057395861652021006, 0.05701052267385229, 0.05663130247873251, 0.05625833740837431, 0.05589176036916197, 0.05553170189782221, 0.05517828854458045, 0.054831642661502575, 0.05449188342628806, 0.05415912636618752, 0.053833484237758536, 0.05351506615496596, 0.05320397638562542, 0.052900315988791434, 0.052604182213230016, 0.05231566916544588, 0.05203486769351929, 0.05176186325360898, 0.0514967380902775, 0.051239570531666265, 0.0509904354553284, 0.05074940488714762, 0.050516545000371234, 0.05029191879817538, 0.050075585315610086, 0.049867599891073346, 0.04966801542376987, 0.04947687860762644, 0.04929423304324239, 0.049120118365153224, 0.0489545703313602, 0.048797622632787814, 0.04864930255856574, 0.048509634396017604, 0.04837863851882662, 0.048256331381931666, 0.04814272742736546, 0.048037835038980105, 0.04794165945019197, 0.04785420214012939, 0.04777546077725324, 0.04770543072066493, 0.047644102184023256, 0.04759146181011296, 0.04754749275789662, 0.04751217452377253, 0.04748548408721725, 0.04746739409684063, 0.047457873367852066, 0.047456887502638864, 0.04746439862462199, 0.047480366220430364, 0.047504746156279504, 0.04753749035338528, 0.04757854778859548, 0.047627864174225466, 0.04768538254768627, 0.04775104293146669, 0.04782478143335705, 0.04790653147913997, 0.04799622347032465, 0.04809378517253383, 0.04819914183796838, 0.048312214962795454, 0.04843292361569356, 0.04856118410211468, 0.04869691020184343, 0.04884001358747137, 0.04899040244109651, 0.04914798276531462, 0.049312658076667994, 0.04948432953815657, 0.049662896531932024, 0.049848255297297854, 0.050040300137961034, 0.050238923160693734, 0.05044401434159916, 0.050655462138251124, 0.050873152273376604, 0.051096968775377845, 0.05132679377297392, 0.05156250755028827, 0.05180398899138504, 0.05205111483600379, 0.05230376027522514, 0.05256179892564916, 0.05282510286330731, 0.0530935428923707, 0.05336698821779373, 0.053645306687197435, 0.05392836488849021, 0.05421602817366706, 0.05450816080535278, 0.054804625882879855, 0.05510528541772138, 0.0554100004552876, 0.0557186311076279, 0.05603103662221644, 0.05634707543121359, 0.05666660520370419, 0.056989482918736276, 0.05731556492013063, 0.05764470694238221, 0.057976764184536046, 0.058311591442842065, 0.05864904308470491, 0.05898897313402819, 0.059331235280530865, 0.059675682906507446, 0.060022169371579864, 0.06037054785465057, 0.0607206714746798, 0.061072393303012576, 0.06142556629289195, 0.06178004376176168, 0.062135679082891755, 0.06249232584349987, 0.06284983786781412, 0.06320806897527954, 0.0635668738277298, 0.0639261073311792, 0.0642856248709354, 0.06464528236699751, 0.06500493610503641, 0.06536444288142217, 0.06572366061087209, 0.06608244773498054, 0.06644066347766375, 0.0667981678984295, 0.06715482141621038, 0.06751048581425538, 0.06786502391374422, 0.0682182994301031, 0.06857017714419014, 0.06892052290715102, 0.06926920299889054, 0.06961608590217135, 0.06996104095137604, 0.07030393876157497, 0.07064465127636807, 0.07098305152987613, 0.07131901371967518, 0.07165241416026105, 0.07198313034737851, 0.0723110413031318, 0.07263602762081804, 0.07295797089113415, 0.07327675479712895, 0.07359226485619959, 0.07390438812343746, 0.07421301340394491, 0.07451803126690835, 0.07481933315577396, 0.07511681363364324, 0.07541036866168094, 0.07569989611279775, 0.0759852958098044, 0.07626646925228148, 0.07654331956476451, 0.0768157527872725, 0.07708367663242778, 0.07734700090319617, 0.07760563752737219, 0.07785949990077896, 0.07810850401856322, 0.07835256834573712, 0.07859161333211218, 0.07882556167072222, 0.0790543383284063, 0.07927786939355284, 0.07949608478746621, 0.07970891618198396, 0.07991629759164104, 0.08011816540028519, 0.08031445807295519, 0.08050511594518177 ], "yaxis": "y4" }, { "showlegend": false, "type": "scatter", "x": [ 0, 6.176753889479675, 12.35323284997724, 18.529174380463715, 24.704275012553392, 30.878185247581754, 37.0505131834927, 43.220834684913676, 49.38870764528615, 55.553687986910106, 61.715345491455, 67.87327780297278, 74.02712154174888, 80.1765599222759, 86.32132669744516, 92.46120661312503, 98.59603282459724, 104.72568188638478, 110.85006702333924, 116.9691303761878, 123.08283487190832, 129.1911562759972, 135.2940758280491, 141.39157385384664, 147.48362441053771, 153.570191147343, 159.6512243451002, 165.72665904674915, 171.79641416834363, 177.8603924416411, 183.918481036165, 189.9705527029252, 196.01646730237675, 202.05607358950175, 208.0892111518462, 214.11571241676683, 220.13540466076594, 226.14811196991002, 232.1536571130274, 238.1518633007058, 244.14255581046913, 250.12556346397392, 256.10071994552044, 262.0678649551236, 268.0268451973173, 273.9775151952398, 279.919737934969, 285.8533853440931, 291.7783386092333, 297.69448834012945, 303.60173459161433, 309.49998675595293, 315.3891633411818, 321.2691916518338, 327.14000738997163, 333.00155419457394, 338.85378313767177, 344.69665219476997, 350.53012570712553, 356.3541738434699, 362.16877209298866, 367.9739007769348, 373.76954460335946, 379.5556922699802, 385.33233611340233, 391.09947181296013, 396.85709814898735, 402.6052168128889, 408.3438322678723, 414.0729516570408, 419.79258475201704, 425.5027439427163, 431.20344425895195, 436.89470341791696, 442.576541893468, 448.2489830017022, 453.9120529964222, 459.56578116982956, 465.2101999592157, 470.8453450493685, 476.47125546790966, 482.0879736828497, 487.6955456717025, 493.29402099277024, 498.8834528393484, 504.4638980797254, 510.0354172777939, 515.5980747064865, 521.1519383881804, 526.6970800021738, 532.2335748925082, 537.7615020514706, 543.2809440354583, 548.7919869268187, 554.294720255772, 559.7892369302267, 565.2756331531156, 570.7540083480588, 576.224465059224, 581.6871088660293, 587.1420482934021, 592.5893947174036, 598.0292622767387, 603.4617677783808, 608.887030611159, 614.3051726333784, 619.7163181984816, 625.1205938511476, 630.5181284578989, 635.9090530312452, 641.2935006665195, 646.6716064602479, 652.0435074645393, 657.4093425656202, 662.7692525675137, 668.1233797609532, 673.4718682227932, 678.8148636575214, 684.1525131500156, 689.4849652718577, 694.8123702459019, 700.1348794135071, 705.452645432988, 710.7658221167886, 716.0745644330332, 721.3790284202071, 726.679371121863, 731.9757505214943, 737.26832546909, 742.5572556298775, 747.8427013752589, 753.1248237802728, 758.4037844886842, 763.6797456697293, 768.9528699835064, 774.2233204213966, 779.4912603556601, 784.7568534424064, 790.0202634555493, 795.2816542269642, 800.5411896315352, 805.7990336189687, 811.0553499764276, 816.3103023292385, 821.5640540711443, 826.8167682853043, 832.0686076875955, 837.3197345543546, 842.5703106321254, 847.8204972004045, 853.0704547620758, 858.3203432122139, 863.5703216765191, 868.8205484581099, 874.0711809821779, 879.3223757333973, 884.5742881439351, 889.8270726584584, 895.0808827382107, 900.3358704454935, 905.5921866930087, 910.8499813452016, 916.1094026629337, 921.3705975724438, 926.633711818286, 931.8988894227107, 937.1662729081471, 942.4360034667526, 947.7082204614296, 952.9830616033196, 958.2606631333823, 963.5411593650448, 968.8246828205394, 974.111364421398, 979.4013330720306, 984.6947157586851, 989.9916378090822, 995.2922222064609, 1000.5965902512314, 1005.9048612015139, 1011.2171521712903, 1016.5335781558125, 1021.8542521706357, 1027.1792850961215, 1032.5087856408588, 1037.8428603348202, 1043.1816134163664, 1048.5251468026754, 1053.8735600595348, 1059.2269507876395, 1064.5854142790954, 1069.9490433785525, 1075.3179285653387, 1080.6921579733632, 1086.0718174216274, 1091.4569902751828, 1096.847757468787, 1102.244197495413, 1107.6463864711136, 1113.054398030225, 1118.4683033127155, 1123.8881709599968, 1129.3140670818323, 1134.74605551656, 1140.1841972514976, 1145.628550899706, 1151.0791725037739, 1156.5361155936732, 1161.9994311304204, 1167.4691674982375, 1172.9453705063333, 1178.428083386353, 1183.917346790144, 1189.4131987637397, 1194.9156747887216, 1200.4248077022871, 1205.9406277880746, 1211.4631626716232, 1216.9924374083039, 1222.528474418089, 1228.071293512798, 1233.6209118954987, 1239.1773441465173, 1244.7406022360235, 1250.3106955332878, 1255.8876307740354, 1261.47141209777, 1267.0620410491933, 1272.6595165423782, 1278.2638349382078, 1283.874989971748, 1289.4929728073505, 1295.1177720398857, 1300.7493736767203, 1306.3877611802056, 1312.032915441549, 1317.6848148200313, 1323.343435147671, 1329.0087497000466, 1334.6807292469919, 1340.3593421295325, 1346.0445541086904, 1351.7363284882667, 1357.4346261998958, 1363.1394056722704, 1368.8506228923166, 1374.5682314883834, 1380.2921827367063, 1386.0224254687657, 1391.7589061979868, 1397.501569199771, 1403.2503563435132, 1409.0052072423794, 1414.7660593337525, 1420.5328477695655, 1426.305505482118, 1432.0839633137632, 1437.868149986159, 1443.657991958799, 1449.453413641375, 1455.254337359366, 1461.0606838332512, 1466.872371260816, 1472.6893160342925, 1478.5114325964644, 1484.33863369948, 1490.170830324157, 1496.0079312766786, 1501.849843719206, 1507.6964730495997, 1513.5477234830144, 1519.4034969488953, 1525.2636939586216, 1531.1282134361845, 1536.996952941806, 1542.86980862094, 1548.7466748888103, 1554.6274448772292, 1560.5120103505162, 1566.4002621797365, 1572.2920894865156, 1578.187380342489, 1584.0860216509097, 1589.9878993553264, 1595.8928984067313, 1601.8009024959797, 1607.7117944598856, 1613.6254562184536, 1619.541769197477, 1625.460613599998, 1631.3818690231635, 1637.305414368412, 1643.2311280105625, 1649.158887792594, 1655.0885708489366, 1661.0200539188324, 1666.9532133188543, 1672.8879252146858, 1678.8240652201569, 1684.7615087821969, 1690.700131153359, 1696.639807501317, 1702.5804129370317, 1708.5218224618295, 1714.4639111452473, 1720.4065541424904, 1726.3496268160663, 1732.2930046529846, 1738.2365634206742, 1744.1801791977443, 1750.1237284234344, 1756.0670879553572, 1762.0101351350238, 1767.9527478313134, 1773.8948044992617, 1779.8361841371352, 1785.776766543625, 1791.716432224748, 1797.6550624842373, 1803.5925394060214, 1809.5287459405406, 1815.4635660955264, 1821.3968848319744, 1827.3285881647312, 1833.258562957788, 1839.1866975073167, 1845.1128812056886, 1851.0370046864418, 1856.9589597453364, 1862.8786394486394, 1868.7959384321969, 1874.7107526643024, 1880.622979580473, 1886.5325177388852, 1892.4392676763587, 1898.3431313643641, 1904.2440123970016, 1910.1418158582694, 1916.0364484453344, 1921.927818855545, 1927.815837435212, 1933.7004163400718, 1939.5814690763518, 1945.4589115707558, 1951.332661458359, 1957.2026383013983, 1963.0687634140852, 1968.930959992962, 1974.7891535654237, 1980.6432715512854, 1986.493243438699, 1992.3390002432564, 1998.1804757203445, 2004.017605534864, 2009.85032749695, 2015.6785813573854, 2021.5023089372796, 2027.321454609496, 2033.1359648034352, 2038.9457881858345, 2044.7508750769548, 2050.55117872186, 2056.3466544013986, 2062.137259669533, 2067.922954062671, 2073.7036993152465, 2079.4794599325046, 2085.250202507391, 2091.0158959564924, 2096.776511242187, 2102.53202118539, 2108.2824018423244, 2114.0276312131755, 2119.767689628798, 2125.5025595868874, 2131.232225063185, 2136.956673596292, 2142.6758945453494, 2148.3898795736086, 2154.0986226172104, 2159.802118848093, 2165.5003670672036, 2171.1933678359055, 2176.881123969023, 2182.5636405329024, 2188.2409239582694, 2193.9129838231584, 2199.5798316979563, 2205.2414812660577, 2210.897948386814, 2216.549250427267, 2222.1954073713055, 2227.8364414313305, 2233.4723767609707, 2239.103239593657, 2244.729057743565, 2250.3498611789296, 2255.9656822527204, 2261.5765550794717, 2267.182515736308, 2272.783602010517, 2278.379853403753, 2283.9713116993034, 2289.558020340363, 2295.140024544614, 2300.7173711079126, 2306.2901088316175, 2311.858288141313, 2317.421961154947, 2322.9811814997006, 2328.5360045863945, 2334.086487389994, 2339.6326884514788, 2345.1746677126757, 2350.7124866667473, 2356.2462083556015, 2361.7758972170095, 2367.301619010664, 2372.8234407594405, 2378.3414310170124, 2383.8556595529217, 2389.3661973785697, 2394.87311655147, 2400.3764905325856, 2405.876393851239, 2411.372902148783, 2416.866092022657, 2422.3560412114193, 2427.8428284344977, 2433.3265333611694, 2438.8072365287176, 2444.28501936493, 2449.7599641831684, 2455.2321540821144, 2460.7016729046723, 2466.1686051792717, 2471.633036195907, 2477.095051867094, 2482.554738713576, 2488.0121837656493, 2493.467474661435, 2498.9206995056907, 2504.371946857792, 2509.821305667458, 2515.268865280304, 2520.714715378253, 2526.158945937686, 2531.6016471972744, 2537.0429096165694, 2542.482823834026, 2547.9214806331356, 2553.3589709113103, 2558.7953856551303, 2564.230815849504, 2569.6653524841972, 2575.0990865054373, 2580.532108838577, 2585.9645102210434, 2591.3963812602974, 2596.8278123719087, 2602.2588938099834, 2607.6897155219776, 2613.1203671503454, 2618.5509380161875, 2623.981517123405, 2629.412193092541, 2634.8430540450863, 2640.2741876639416, 2645.7056811567068, 2651.1376212895248, 2656.5700941364153, 2662.003185223096, 2667.436979445258, 2672.871561205405, 2678.3070140330606, 2683.743420804683, 2689.180863647695, 2694.6194240327072, 2700.059182560559, 2705.500218967904, 2710.942612158885, 2716.386440224239, 2721.8317803908935, 2727.278708826854, 2732.727300789281, 2738.1776305764038, 2743.6297716235454, 2749.083796135182, 2754.539775330382, 2759.9977793444227, 2765.457877413208, 2770.9201374372597, 2776.384626233072, 2781.8514094566385, 2787.3205517124443, 2792.7921163473675, 2798.266165425777, 2803.7427598091986, 2809.2219591734292, 2814.7038219955703, 2820.1884053057684, 2825.675764889944, 2831.165955233183, 2836.659029660612, 2842.1550399200323, 2847.6540364747107, 2853.1560684048295, 2858.6611835953454, 2864.169428338184, 2869.6808475471094, 2875.1954847198763, 2880.713382038601, 2886.2345802089494, 2891.759118398603, 2897.2870343518657, 2902.818364399443, 2908.3531434847228, 2913.8914048921692, 2919.433180474941, 2924.9785005957287, 2930.5273942956974, 2936.0798888708455, 2941.6360101785967, 2947.1957825479217, 2952.7592289568097, 2958.326370697996, 2963.897227542619, 2969.471817741706, 2975.0501581113217, 2980.632263923541, 2986.218148814971, 2991.8078249255254, 2997.401302904147, 3002.998591971646, 3008.599699630162, 3014.2046319120595, 3019.8133933196455, 3025.4259870219594, 3031.0424144222675, 3036.6626754805193, 3042.2867686312447, 3047.914690951778, 3053.5464378870524, 3059.1820033668505, 3064.82137984364, 3070.4645583706006, 3076.111528534672, 3081.762278333699, 3087.416794345738, 3093.0750617289495, 3098.737064318595, 3104.402784320306, 3110.072202578558, 3115.7452985160303, 3121.4220503570245, 3127.1024346868758, 3132.786426789896, 3138.4740005749627, 3144.165128738132, 3149.859782538783, 3155.557931876092, 3161.259545361604, 3166.9645903883334, 3172.6730331056137, 3178.3848382700194, 3184.0999694399356, 3189.8183889707125, 3195.540058140529, 3201.2649368386456, 3206.9929838447974, 3212.7241567742, 3218.458412294954, 3224.1957057427135, 3229.935991419026, 3235.6792225462395, 3241.425351408209, 3247.17432919361, 3252.926106032133, 3258.680631091479, 3264.4378526531605, 3270.1977181033626, 3275.960173745482, 3281.72516505166, 3287.492636613041, 3293.262532300806, 3299.034795181507, 3304.8093673395374, 3310.5861901673347, 3316.3652043019993, 3322.146349822001, 3327.9295660812786, 3333.7147916109693, 3339.5019643806836, 3345.2910217413764, 3351.081900614919, 3356.8745372964186, 3362.6688674587863, 3368.464826331118, 3374.2623486663383, 3380.0613689049487, 3385.8618209862384, 3391.663638422179, 3397.4667544025147, 3403.271101786188, 3409.076613245015, 3414.8832210884298, 3420.6908573765445, 3426.499453979459, 3432.3089425842068, 3438.119254819714, 3443.9303221019222, 3449.7420757652117, 3455.5544470927225, 3461.367367333955, 3467.1807677922766, 3472.9945797351984, 3478.8087345024055, 3484.6231635231516, 3490.43779834199, 3496.252570657277, 3502.0674123305457, 3507.8822554305443, 3513.697032258874, 3519.511675376642, 3525.3261175716652, 3531.140292029151, 3536.954132250938, 3542.7675721132136, 3548.5805458844984, 3554.3929881581967, 3560.2048341221835, 3566.016019394766, 3571.8264801041473, 3577.63615289217, 3583.444974835626, 3589.2528837788022, 3595.0598181086284, 3600.8657168502623, 3606.6705196499374, 3612.474166701692, 3618.276599125262, 3624.0777586879785, 3629.877587914835, 3635.6760300432356, 3641.473028975098, 3647.268529676912, 3653.062477859743, 3658.8548201011954, 3664.6455037662954, 3670.4344770077637, 3676.2216891544936, 3682.0070903702936, 3687.7906317826455, 3693.5722653655894, 3699.351944009138, 3705.1296218614825, 3710.9052539893205, 3716.6787965075564, 3722.450206420675, 3728.219441779131, 3733.9864619458617, 3739.7512272775534, 3745.5136992503676, 3751.273840256459, 3757.0316138630983, 3762.7869849781564, 3768.539919568792, 3774.2903847790153, 3780.0383486069095, 3785.7837804263063, 3791.52665098682, 3797.2669321252556, 3803.0045969031416, 3808.7396196118066, 3814.4719749644896, 3820.201639993327, 3825.928592572308, 3831.652811826873, 3837.3742781441574, 3843.092972892028, 3848.808878386692, 3854.5219789754747, 3860.2322599294616, 3865.939707786604, 3871.644310358586, 3877.3460561098664, 3883.044935252777, 3888.7409393912785, 3894.4340612279475, 3900.1242947276587, 3905.8116350625687, 3911.496077924714, 3917.17762128907, 3922.8562639770835, 3928.532006049751, 3934.2048488081773, 3939.874794476891, 3945.5418463683195, 3951.20600957532, 3956.8672901296477, 3962.525695265395, 3968.1812334166025, 3973.8339135784317, 3979.4837465288183, 3985.1307441830822, 3990.774919504759, 3996.4162866042802, 4002.0548606315883, 4007.6906572928087, 4013.323694268662, 4018.9539899923993, 4024.5815639801745, 4030.2064368229453, 4035.8286298479316, 4041.4481654358506, 4047.0650673832683, 4052.6793602935354, 4058.291069769128, 4063.900222401, 4069.5068451990237, 4075.1109667440533, 4080.7126164129513, 4086.3118244495886, 4091.9086220008944, 4097.5030409906585, 4103.095113873964, 4108.684874530508, 4114.272357431814, 4119.857597860056, 4125.440631893081, 4131.021496120611, 4136.600227987489, 4142.176865867876, 4147.751448728748, 4153.3240162334705, 4158.894608725066, 4164.4632668037075, 4170.030032207659, 4175.594947119652, 4181.158054305966, 4186.719397107827, 4192.279019334649, 4197.836965185282, 4203.393279663677, 4208.948008135967, 4214.501196436017, 4220.052890846026, 4225.603137920151, 4231.151984716547, 4236.699478734108, 4242.245667781028, 4247.790600004483, 4253.334323864891, 4258.8768879666795, 4264.418341393135, 4269.958733401475, 4275.498113478771, 4281.036531321094, 4286.574036786162, 4292.110679876663, 4297.646510798696, 4303.18157985364, 4308.715937443742, 4314.249634050989, 4319.782720216954, 4325.31524652006, 4330.847263554977, 4336.378821911862, 4341.909972159092, 4347.440764840195, 4352.97125040341, 4358.501479220732, 4364.031501556324, 4369.561367588964, 4375.091127342699, 4380.620830644768, 4386.150527154771, 4391.680266329392, 4397.2100974740715, 4402.740069566, 4408.270231352919, 4413.800631302812, 4419.331317615498, 4424.86233819279, 4430.393740551297, 4435.925571878095, 4441.457878989177, 4446.990708407808, 4452.524106159996, 4458.0581178693255, 4463.592788728803, 4469.128163509524, 4474.664286583536, 4480.201201722023, 4485.738952241927, 4491.277580943145, 4496.817130194507, 4502.357641756133, 4507.899156807087, 4513.441715975744, 4518.985359320186, 4524.530126413329, 4530.076056061288, 4535.623186501441, 4541.171555330952, 4546.7211995756925, 4552.272155588297, 4557.8244589786345, 4563.378144706068, 4568.93324703274, 4574.4897996797745, 4580.047835450741, 4585.607386491944, 4591.168484209973, 4596.73115932675, 4602.295441854549, 4607.861360919354, 4613.428944925091, 4618.998221490724, 4624.569217632559, 4630.141959372342, 4635.716471960254, 4641.292779850419, 4646.870906672577, 4652.450875441805, 4658.032708172669, 4663.616426010214, 4669.202049301463, 4674.789597540684, 4680.379089558894, 4685.970543245892, 4691.563975517174, 4697.159402496123, 4702.756839434847, 4708.356300860691, 4713.957800437268, 4719.561350771406, 4725.166963683169, 4730.774650110936, 4736.384420217286, 4741.9962833737745, 4747.610247834173, 4753.226321073888, 4758.844509683846, 4764.464819443517, 4770.087255414092, 4775.711821487265, 4781.338520793493, 4786.967355583903, 4792.598327274319, 4798.23143663962, 4803.866683242144, 4809.504065908803, 4815.143582600647, 4820.78523042947, 4826.429005942036, 4832.074904448297, 4837.722920553087, 4843.373048016931, 4849.025279757925, 4854.679608159477, 4860.336024425546, 4865.994519048744, 4871.65508171638, 4877.317701304146, 4882.982366128988, 4888.64906347912, 4894.3177798790975, 4899.988501107009, 4905.6612121673425, 4911.33589749513, 4917.012540639274, 4922.691124352622, 4928.371630703702, 4934.05404103243, 4939.738336110629, 4945.424495959443, 4951.1124997905945, 4956.802326196691, 4962.4939530933125, 4968.187357840266, 4973.882517174508, 4979.579407029701, 4985.278002787703, 4990.978279211071, 4996.680210529781, 5002.383770469378, 5008.088931978208, 5013.795667521398, 5019.503949007987, 5025.213747848671, 5030.925035057366, 5036.637780916292, 5042.351955293754, 5048.067527570073, 5053.784466672138, 5059.502741226411, 5065.2223191913245, 5070.943168181038, 5076.665255394008, 5082.388547630208, 5088.113011473756, 5093.838612921443, 5099.565317695192, 5105.29309117695, 5111.021898422514, 5116.751704311569, 5122.482473281921, 5128.214169532403, 5133.946757008392, 5139.680199408228, 5145.414460287752, 5151.149502911265, 5156.885290344645, 5162.621785487117, 5168.358951071583, 5174.096749732549, 5179.8351439417365, 5185.57409603332, 5191.313568256993, 5197.053522777573, 5202.793921715154, 5208.5347271343, 5214.275901041003, 5220.017405433948, 5225.75920230818, 5231.50125367603, 5237.243521580797, 5242.985968101594, 5248.72855538208, 5254.471245642432, 5260.214001188965, 5265.956784425978, 5271.699557900271, 5277.442284289577, 5283.184926426303, 5288.927447303086, 5294.669810059796, 5300.411978094378, 5306.153914996553, 5311.895584586039, 5317.636950918497, 5323.377978216349, 5329.118631108496, 5334.858874460035, 5340.598673438355, 5346.337993528263, 5352.076800474645, 5357.815060326531, 5363.5527396305, 5369.289805236964, 5375.026224379873, 5380.761964691155, 5386.496994027905, 5392.2312808233655, 5397.964793967084, 5403.697502749708, 5409.429376919109, 5415.160386676269, 5420.890502422356, 5426.619695435603, 5432.347937345209, 5438.075200290514, 5443.801456933408, 5449.526680352764, 5455.250844067207, 5460.973922421422, 5466.695890192542, 5472.416722725305, 5478.136395943227, 5483.854886095179, 5489.572170215744, 5495.288226006879, 5501.003031703013, 5506.7165661538775, 5512.428808822383, 5518.139739391159, 5523.849338726497, 5529.557588124769, 5535.264469526612, 5540.969965525244, 5546.674059240022, 5552.376734285803, 5558.077975323371, 5563.777767513224, 5569.476096688189, 5575.172949360146, 5580.868312430734, 5586.562173667732, 5592.254521641575, 5597.945345509601, 5603.63463511866, 5609.322381010169, 5615.0085739308315, 5620.693205958022, 5626.376269621803, 5632.057758144663, 5637.737665444911, 5643.415986013708, 5649.092714823194 ], "xaxis": "x5", "y": [ 0, 0.1828862538390479, 0.37486636423536357, 0.5828613203684796, 0.8127860383173054, 1.0695301890000994, 1.3569673887099718, 1.6779892003463468, 2.034559811440412, 2.427787325199308, 2.8580078438411856, 3.324878413297455, 3.827475254118809, 4.3643940063522475, 4.933849038692465, 5.533769308452495, 6.1618886723378115, 6.8158289806060335, 7.493174735091659, 8.191538484813746, 8.908616492241471, 9.642234545195471, 10.39038405549141, 11.151248843898552, 11.923223224524461, 12.704922061386654, 13.495183654416289, 14.293066407728013, 15.097840167768613, 15.908973226288204, 16.726115897799183, 17.549081572953362, 18.377826082864807, 19.212426146329225, 20.053057583710622, 20.89997388453398, 21.753485633223153, 22.61394120781022, 23.481709078841345, 24.35716194058943, 25.240662829650883, 26.132553316311782, 27.033143792268852, 27.942705818483493, 28.86146640242072, 29.78960415307948, 30.72724712297049, 31.67447215294132, 32.631305535274095, 33.59772480320742, 34.57366144399363, 35.5590043446993, 36.5536037794521, 37.55727576967488, 38.56980665619186, 39.59095774014431, 40.62046987323676, 41.65806789026473, 42.70346479371127, 43.756365657990614, 44.816471110672786, 45.88348047675239, 46.957094483997736, 48.03701753982137, 49.12295960841641, 50.21463767399139, 51.31177682194898, 52.41411097738066, 53.5213833144025, 54.63334638728232, 55.749762026399054, 56.87040100988215, 57.99504256750452, 59.123473761715914, 60.25548876793866, 61.39088808586837, 62.529477727567475, 63.67106840401044, 64.81547467997264, 65.9625141914196, 67.11200692105285, 68.26377445345075, 69.41763943803653, 70.573425018363, 71.7309543696698, 72.8900503058457, 74.05053506848903, 75.21223002339099, 76.37495522360238, 77.53852987087, 78.70277203352188, 79.86749850995382, 81.0325251361802, 82.19766676120479, 83.36273745850326, 84.5275506764881, 85.69191944262063, 86.85565653577883, 88.01857474718281, 89.1804870908243, 90.34120700532452, 91.50054858502224, 92.65832676943884, 93.81435755341417, 94.96845815851078, 96.12044724542605, 97.27014486726333, 98.41737300364714, 99.56195531669103, 100.70371738627604, 101.842486814637, 102.97809329460434, 104.1103686938904, 105.2391470547223, 106.36426483315279, 107.48556045346602, 108.60287479588905, 109.71605111278156, 110.82493476301497, 111.92937346987645, 113.02921765749059, 114.12431979093722, 115.21453473565396, 116.299719597664, 117.37973383780866, 118.45443923349141, 119.52369987652149, 120.58738217220328, 121.6453548437651, 122.69748893417552, 123.7436578195861, 124.78373721214481, 125.81760518081236, 126.84514216823912, 127.86623099791086, 128.88075692425767, 129.88860761533667, 130.8896731849724, 131.88384627174966, 132.87102202787312, 133.85109815709748, 134.82397494477843, 135.78955529306938, 136.74774476581692, 137.69845162123704, 138.64158683810342, 139.57706416790822, 140.50480016294648, 141.42471422438717, 142.33672857700967, 143.2407684321538, 144.13676189952514, 145.02464008285443, 145.90433709812993, 146.77579011220624, 147.63893937492648, 148.49372827884852, 149.34010332488361, 150.17801412029505, 151.0074136007542, 151.82825789700755, 152.6405062802695, 153.4441214459215, 154.2390693772822, 155.02531926782427, 155.80284378229763, 156.57161895059434, 157.33162408650173, 158.08284200739106, 158.82525895788808, 159.55886453151638, 160.28365184934708, 160.99961750837247, 161.70676150914255, 162.4050873922776, 163.09460220769466, 163.77531643926253, 164.44724416671386, 165.1104029179566, 165.76481374914266, 166.41050123105393, 167.04749345248618, 167.67582201500977, 168.29552205008298, 168.90663219334806, 169.50919448734828, 170.103254539797, 170.6888614810076, 171.26606795107992, 171.83492984712052, 172.39550649986052, 172.94786072987375, 173.49205877376204, 174.0281702058747, 174.5562678443936, 175.07642790736185, 175.58872992887342, 176.09325671972627, 176.59009414787545, 177.07933131637918, 177.56106052546022, 178.0353772147416, 178.50237967491685, 178.9621696812226, 179.41485132759757, 179.8605320826742, 180.29932226431018, 180.73133486745365, 181.15668569151575, 181.57549328146285, 181.98787880187422, 182.3939660323313, 182.79388134644748, 183.18775345052316, 183.57571379044333, 183.95789569280248, 184.33443537299993, 184.70547059806555, 185.0711419082615, 185.4315914837568, 185.7869637028255, 186.13740493711114, 186.48306320151138, 186.82408866367396, 187.1606329122928, 187.49284921588097, 187.82089241073714, 188.1449188836335, 188.46508614745923, 188.7815534518134, 189.09448099723855, 189.40403026883357, 189.71036389224696, 190.01364551648493, 190.31403960489163, 190.61171159259118, 190.90682760903545, 191.19955442274045, 191.49005946992665, 191.7785106677015, 192.06507635551523, 192.34992521668627, 192.63322619068794, 192.9151484368856, 193.19586118696594, 193.47553368442775, 193.75433512366547, 194.03243456341283, 194.3100008188138, 194.5872024039381, 194.8642074461275, 195.1411835990002, 195.4182979645302, 195.69571703211653, 195.97360656735728, 196.25213154129207, 196.53145610640092, 196.81174348877815, 197.0931558109817, 197.3758541238039, 197.6599982923332, 197.94574724557202, 198.23325821660885, 198.52268716416907, 198.81418857195678, 199.1079155669021, 199.40401975137462, 199.70265076384126, 200.00395662564011, 200.3080835398725, 200.6151763983368, 200.92537751146955, 201.23882741701422, 201.55566459485314, 201.87602565457908, 202.20004514860605, 202.5278550254898, 202.85958512029322, 203.19536292268882, 203.5353142330002, 203.8795616153071, 204.22822542639332, 204.5814234905004, 204.9392713597212, 205.30188211046283, 205.66936568964195, 206.04182955315306, 206.4193784049412, 206.802115011629, 207.1901383667668, 207.58354495271607, 207.98242837549842, 208.386879680024, 208.79698714186708, 209.2128355455746, 209.6345069303677, 210.06208031527436, 210.4956325914416, 210.93523657060942, 211.38096235583194, 211.83287696877596, 212.29104469274927, 212.7555268742839, 213.22638118804028, 213.70366242897708, 214.18742224304305, 214.6777100494798, 215.17457107425196, 215.6780477568139, 216.1881793882629, 216.70500246602154, 217.22855051317373, 217.75885336165095, 218.29593795480028, 218.83982809467912, 219.3905453443652, 219.94810714944967, 220.51252820522376, 221.08382012373582, 221.66199177733208, 222.24704914540789, 222.83899465838533, 223.43782796057963, 224.043545688264, 224.656142298001, 225.2756083847884, 225.90193192869967, 226.53509800895947, 227.17508911819695, 227.8218850427831, 228.47546229940784, 229.13579481885054, 229.80285376470766, 230.47660825145533, 231.15702392894684, 231.84406405489398, 232.53768926651827, 233.23785785194426, 233.94452566720523, 234.65764568696196, 235.37716858047312, 236.1030425769443, 236.83521404461044, 237.57362639401632, 238.31822093458868, 239.0689367108865, 239.82571072066793, 240.58847786952322, 241.35717065024895, 242.1317195895631, 242.91205316332207, 243.69809822285893, 244.48977923751815, 245.28701891638696, 246.08973811025953, 246.89785597227225, 247.7112899479096, 248.52995558464934, 249.3537668423797, 250.18263605719181, 251.0164742113206, 251.85519051421093, 252.6986927857951, 253.54688742150742, 254.3996795125547, 255.25697284453685, 256.11866980975896, 256.9846716229931, 257.8548783151782, 258.72918882193267, 259.6075010592501, 260.48971177794766, 261.37571679554765, 262.26541099078116, 263.1586883599555, 264.0554420991111, 264.95556454992277, 265.8589473336122, 266.76548137551123, 267.675056950186, 268.5875636395128, 269.5028905876129, 270.4209263869698, 271.3415591689238, 272.26467665132964, 273.1901659919377, 274.1179142277811, 275.04780806977897, 275.9797339773005, 276.9135782200648, 277.8492267139002, 278.7865654230642, 279.7254802852343, 280.6658571687052, 281.6075819653331, 282.5505404458805, 283.49461853275966, 284.43970243941425, 285.38567847735334, 286.3324331839908, 287.27985325502453, 288.2278255973032, 289.1762376460605, 290.1249771239038, 291.07393213997466, 292.0229911226687, 292.9720431385226, 293.9209777104001, 294.86968491396397, 295.8180552748555, 296.7659800758581, 297.7133512214936, 298.6600613009719, 299.6060035189908, 300.55107187053903, 301.49516119692504, 302.4381671251899, 303.3799860704493, 304.32051524890363, 305.25965293797094, 306.19729829530206, 307.13335143277783, 308.0677133021169, 309.00028607927703, 309.9309729243945, 310.8596780833085, 311.7863067680904, 312.71076545995766, 313.63296178447274, 314.5528045468171, 315.47020368405913, 316.3850703874194, 317.297317180807, 318.20685784740783, 319.11360744497085, 320.0174822938758, 320.91840020924127, 321.81628034346585, 322.71104325235456, 323.6026107800549, 324.49090639991675, 325.3758550010124, 326.2573829736798, 327.13541809723597, 328.00988979672917, 328.8807290554166, 329.74786842099553, 330.6112419687458, 331.47078538696303, 332.32643607545265, 333.1781330555335, 334.02581698904686, 334.8694301417367, 335.70891662162666, 336.5442222122548, 337.3752944374775, 338.2020824173308, 339.0245372337903, 339.8426116917696, 340.65626040233167, 341.4654396624339, 342.27010769119636, 343.0702245680749, 343.86575220757015, 344.65665431143486, 345.4428964337784, 346.22444612869015, 347.0012728044046, 347.7733477444798, 348.54064401896215, 349.30313681761066, 350.0608031979174, 350.8136221677107, 351.5615744551802, 352.3046430101004, 353.0428126562719, 353.77607019104653, 354.5044042199186, 355.22780541956524, 355.94626649406615, 356.6597820945036, 357.3683487553925, 358.07196492971656, 358.77063122863024, 359.4643501757734, 360.15312623832943, 360.8369656523378, 361.5158769139824, 362.1898703904265, 362.8589584241675, 363.52315502499744, 364.182476471554, 364.8369409051411, 365.4865684041689, 366.1313807814552, 366.7714018554983, 367.4066574493286, 368.0371752321547, 368.66298465217426, 369.28411691715604, 369.9006053373634, 370.51248497395517, 371.119792686017, 371.72256686975663, 372.32084807288555, 372.91467849564924, 373.5041021053784, 374.08916429939194, 374.6699124935903, 375.24639574266445, 375.8186647597425, 376.3867717183822, 376.950770465663, 377.51071657899234, 378.06666714559003, 378.61868070898765, 379.1668171887193, 379.7111382603164, 380.2517069638929, 380.7885877568859, 381.3218462232605, 381.8515496655695, 382.3777666090853, 382.90056689660236, 383.4200214028012, 383.9362024618963, 384.449183601254, 384.95903950104696, 385.4658458448401, 385.96967942631744, 386.47061823274277, 386.96874122310624, 387.4641282931053, 387.95686016628775, 388.4470186889269, 388.9346865085889, 389.41994710758564, 389.90288457191514, 390.3835839815485, 390.8621310552949, 391.3386121951153, 391.81311431137624, 392.2857250117635, 392.75653246833957, 393.225625349733, 393.6930927383954, 394.1590241363038, 394.62350950649113, 395.0866391273362, 395.5485035646747, 396.0091935907536, 396.4688002819441, 396.92741486176794, 397.38512869031285, 397.84203317099406, 398.29821981717856, 398.753780131374, 399.2088055836939, 399.6633875641572, 400.1176173503677, 400.57158606324185, 401.0253846228909, 401.4791037224398, 401.93283378050984, 402.38666487365384, 402.84068672438264, 403.2949886643587, 403.74965963433436, 404.20478802391546, 404.6604617276926, 405.11676807898107, 405.5737939256878, 406.0316253591018, 406.49034783636677, 406.95004610519123, 407.4108042635745, 407.8727055818187, 408.33583247823606, 408.80026654331675, 409.26608856851277, 409.7333784789386, 410.20221508058205, 410.6726762641571, 411.1448388955641, 411.6187789610452, 412.09457139478485, 412.5722897864927, 413.05200669349347, 413.5337934958379, 414.0177206295733, 414.50385726396837, 414.992271082452, 415.48302861488907, 415.9761950816106, 416.47183469731743, 416.97001018991165, 417.4707827293465, 417.97421220884854, 418.48035709890866, 418.9892748161838, 419.5010210773268, 420.01565000917265, 420.53321434874294, 421.05376531597057, 421.5773530602327, 422.1040258176433, 422.6338302338192, 423.16681146937844, 423.7030130937587, 424.2424776187913, 424.78524543075736, 425.3313553609661, 425.88084467771046, 426.43374900542807, 426.9901029383664, 427.54993875062024, 428.11328723024604, 428.68017753983594, 429.25063716666665, 429.8246926108944, 430.4023678781814, 430.9836855852083, 431.5686666781243, 432.157330442489, 432.74969511872615, 433.34577647177014, 433.945588888725, 434.54914508423775, 435.1564561536363, 435.7675320787046, 436.38238044777194, 437.0010074732468, 437.6234177190006, 438.2496141893092, 438.8795987205165, 439.51337086245405, 440.1509288068736, 440.792269139108, 441.43738696012275, 442.08627615937405, 442.7389284753329, 443.39533431874645, 444.05548255285174, 444.71936064394316, 445.3869548173272, 446.0582493058375, 446.7332270569771, 447.4118695447582, 448.0941569434099, 448.78006817521316, 449.469580343011, 450.162669319416, 450.8593095910066, 451.55947444933673, 452.263135943732, 452.97026448566464, 453.68082932402535, 454.3947984209067, 455.1121386531536, 455.83281568647755, 456.55679373513647, 457.28403592987536, 458.01450422393015, 458.7481595972832, 459.4849618719303, 460.22486960587497, 460.96784036284225, 461.71383064656993, 462.4627961468167, 463.2146914216083, 463.96946992774167, 464.72708424395796, 465.4874860096517, 466.25062595094363, 467.0164543440408, 467.7849200236905, 468.55597120646365, 469.3295552992456, 470.1056189225377, 470.8841080573806, 471.66496808675635, 472.4481433635564, 473.2335777083437, 474.02121429133825, 474.8109956571492, 475.6028639307571, 476.39676052807937, 477.1926262855339, 477.99040157133976, 478.7900262649819, 479.59143978938397, 480.3945812132042, 481.1993890814176, 482.00580160066966, 482.8137566217636, 483.6231916656747, 484.434043954433, 485.24625043462026, 486.05974779275607, 486.8744724942423, 487.69036080533823, 488.5073488192196, 489.3253724427358, 490.14436749805526, 490.96426970901797, 491.78501472183524, 492.60653813738946, 493.42877552097764, 494.2516623526326, 495.0751342780406, 495.89912694209454, 496.7235760678319, 497.5484174818719, 498.3735870468581, 499.1990207784527, 500.0246549750259, 500.85042607396826, 501.6762707335357, 502.50212585756964, 503.3279283859874, 504.15361580677006, 504.9791258603674, 505.804396598636, 506.62936642912666, 507.4539740793218, 508.27815849813464, 509.1018593559422, 509.9250166374786, 510.74757078739157, 511.5694627329309, 512.3906337177818, 513.2110255764055, 514.030580819365, 514.8492424301425, 515.6669539711028, 516.4836596049469, 517.2993037460574, 518.1138319007156, 518.9271900711648, 519.7393249191721, 520.5501837949028, 521.3597146492332, 522.1678659801568, 522.9745873810313, 523.7798290436973, 524.5835419292308, 525.3856777866004, 526.1861888985943, 526.9850285373191, 527.7821509066532, 528.5775109662538, 529.3710645354746, 530.1627682951662, 530.9525793865411, 531.7404564255264, 532.5263587205693, 533.3102465037673, 534.0920809463655, 534.8718240119313, 535.6494384974851, 536.4248885349848, 537.198139071986, 537.9691560492736, 538.7379064146487, 539.5043578753186, 540.2684793315623, 541.0302407489472, 541.7896130727318, 542.5465682677062, 543.3010792268872, 544.053120061707, 544.8026658855607, 545.5496928839415, 546.2941782337817, 547.0361002141492, 547.775438260129, 548.5121728681065, 549.2462856337447, 549.977759054601, 550.7065769867423, 551.4327243125899, 552.1561870352085, 552.8769521900232, 553.5950078823737, 554.3103434991444, 555.0229494867122, 555.7328174240046, 556.439939810034, 557.1443104824154, 557.8459243681373, 558.5447775086593, 559.2408670197311, 559.9341910228048, 560.6247489676424, 561.3125413482672, 561.9975697835494, 562.679836850065, 563.3593463449962, 564.0361032141303, 564.7101134754537, 565.3813842238741, 566.04992346356, 566.715740545517, 567.378845813559, 568.0392506950548, 568.6969675641503, 569.3520098785096, 570.0043922641851, 570.6541303414479, 571.3012407734628, 571.9457410097712, 572.5876498198836, 573.2269868823994, 573.8637728824369, 574.4980294119244, 575.1297789805295, 575.7590452362313, 576.3858527146901, 577.0102269025773, 577.6321939727909, 578.2517812812531, 578.8690170481401, 579.4839303673709, 580.0965512211762, 580.7069101994942, 581.3150389535199, 581.9209700121387, 582.524736671717, 583.1263730414735, 583.7259137933485, 584.3233944749906, 584.9188515277643, 585.5123220454099, 586.1038438475596, 586.6934553004293, 587.2811954458756, 587.8671041888387, 588.4512219846588, 589.033589920536, 589.6142495976677, 590.1932431249713, 590.770613399866, 591.3464037752154, 591.9206581368163, 592.4934208250851, 593.0647365406593, 593.634650685156, 594.2032090148986, 594.7704577153846, 595.3364433510485, 595.9012127109785, 596.4648131847331, 597.027292412368, 597.5886983549381, 598.1490792654595, 598.7084835110626, 599.266959926743, 599.8245574999004, 600.3813254279397, 600.9373130974205, 601.4925699456539, 602.0471456883877, 602.6010901197687, 603.1544531283265, 603.7072846792764, 604.2596347432026, 604.8115533692279, 605.3630906112558, 605.9142965037648, 606.4652210464567, 607.0159141787367, 607.5664257639606, 608.1168055660543, 608.6671032257252, 609.2173682396038, 609.7676499642203, 610.3179975624919, 610.8684599709609, 611.4190859087633, 611.9699238450064, 612.5210220198567, 613.0724283946652, 613.6241905593644, 614.1763558026428, 614.7289710618993, 615.2820829500158, 615.8357377458802, 616.3899811988111, 616.9448586835008, 617.500415128071, 618.0566950359697, 618.6137425471414, 619.1716011080491, 619.7303137266022, 620.2899228759317, 620.850470502902, 621.4119981813711, 621.974546629256, 622.5381560704569, 623.1028661138588, 623.668715742401, 624.2357435717885, 624.803987206016, 625.3734837076829, 625.9442694528917, 626.5163801147966, 627.089850945067, 627.664716145959, 628.2410092673878, 628.8187631285826, 629.3980097854384, 629.9787807884833, 630.5611066719497, 631.14501717714, 631.7305412896997, 632.317707181664, 632.9065424373734, 633.4970736800461, 634.0893266043768, 634.6833261351788, 635.2790963438182, 635.8766606363941, 636.4760415283008, 637.0772604818654, 637.6803381846137, 638.2852944413773, 638.8921483218805, 639.5009180845767, 640.1116208263529, 640.7242728724057, 641.338889646595, 641.9554857781001, 642.5740751682227, 643.1946704677445, 643.8172835659665, 644.4419254427054, 645.0686062353913, 645.6973354362518, 646.3281212211382, 646.9609710204005, 647.5958913569613, 648.2328878847463, 648.8719657504644, 649.5131286259348, 650.1563795049916, 650.8017204830362, 651.4491527559944, 652.0986768460508, 652.7502925100345, 653.4039981803093, 654.0597916174091, 654.7176697068406, 655.3776284601906, 656.039663482906, 656.7037691365906, 657.3699388747602, 658.0381654175561, 658.7084406489133, 659.3807556530187, 660.0551012172035, 660.7314665916967, 661.4098405046519, 662.0902108924889, 662.7725649053295, 663.4568890801311, 664.1431693314013, 664.8313904253523, 665.5215365623153, 666.2135912077861, 666.907537099626, 667.6033565606409, 668.3010309874065, 669.0005410069623, 669.7018666525829, 670.4049872883057, 671.1098816293651, 671.8165281447781, 672.5249041344202, 673.2349864832657, 673.9467514705975, 674.660174780262, 675.3752316196312, 676.0918967612783, 676.8101441158665, 677.5299471897769, 678.2512789627999, 678.9741118996719, 679.6984181494513, 680.4241692590203, 681.1513362291691, 681.8798896673077, 682.6097997381505, 683.3410361763098, 684.0735685371809, 684.807365669466, 685.5423961534422, 686.2786282004188, 687.016029666128, 687.7545681092495, 688.494210838831 ], "yaxis": "y5" }, { "showlegend": false, "type": "scatter", "x": [ 0, 0.1001001001001001, 0.2002002002002002, 0.3003003003003003, 0.4004004004004004, 0.5005005005005005, 0.6006006006006006, 0.7007007007007008, 0.8008008008008008, 0.9009009009009009, 1.001001001001001, 1.1011011011011012, 1.2012012012012012, 1.3013013013013013, 1.4014014014014016, 1.5015015015015016, 1.6016016016016017, 1.7017017017017018, 1.8018018018018018, 1.9019019019019021, 2.002002002002002, 2.1021021021021022, 2.2022022022022023, 2.3023023023023024, 2.4024024024024024, 2.5025025025025025, 2.6026026026026026, 2.702702702702703, 2.802802802802803, 2.902902902902903, 3.0030030030030033, 3.1031031031031033, 3.2032032032032034, 3.3033033033033035, 3.4034034034034035, 3.5035035035035036, 3.6036036036036037, 3.7037037037037037, 3.8038038038038042, 3.9039039039039043, 4.004004004004004, 4.104104104104104, 4.2042042042042045, 4.3043043043043046, 4.404404404404405, 4.504504504504505, 4.604604604604605, 4.704704704704705, 4.804804804804805, 4.904904904904905, 5.005005005005005, 5.105105105105105, 5.205205205205205, 5.305305305305305, 5.405405405405406, 5.505505505505506, 5.605605605605606, 5.705705705705706, 5.805805805805806, 5.9059059059059065, 6.0060060060060065, 6.106106106106107, 6.206206206206207, 6.306306306306307, 6.406406406406407, 6.506506506506507, 6.606606606606607, 6.706706706706707, 6.806806806806807, 6.906906906906907, 7.007007007007007, 7.107107107107107, 7.207207207207207, 7.307307307307307, 7.407407407407407, 7.507507507507508, 7.6076076076076085, 7.7077077077077085, 7.807807807807809, 7.907907907907909, 8.008008008008009, 8.108108108108109, 8.208208208208209, 8.308308308308309, 8.408408408408409, 8.508508508508509, 8.608608608608609, 8.70870870870871, 8.80880880880881, 8.90890890890891, 9.00900900900901, 9.10910910910911, 9.20920920920921, 9.30930930930931, 9.40940940940941, 9.50950950950951, 9.60960960960961, 9.70970970970971, 9.80980980980981, 9.90990990990991, 10.01001001001001, 10.11011011011011, 10.21021021021021, 10.31031031031031, 10.41041041041041, 10.51051051051051, 10.61061061061061, 10.710710710710712, 10.810810810810812, 10.910910910910912, 11.011011011011012, 11.111111111111112, 11.211211211211213, 11.311311311311313, 11.411411411411413, 11.511511511511513, 11.611611611611613, 11.711711711711713, 11.811811811811813, 11.911911911911913, 12.012012012012013, 12.112112112112113, 12.212212212212213, 12.312312312312313, 12.412412412412413, 12.512512512512513, 12.612612612612613, 12.712712712712714, 12.812812812812814, 12.912912912912914, 13.013013013013014, 13.113113113113114, 13.213213213213214, 13.313313313313314, 13.413413413413414, 13.513513513513514, 13.613613613613614, 13.713713713713714, 13.813813813813814, 13.913913913913914, 14.014014014014014, 14.114114114114114, 14.214214214214214, 14.314314314314315, 14.414414414414415, 14.514514514514515, 14.614614614614615, 14.714714714714715, 14.814814814814815, 14.914914914914915, 15.015015015015017, 15.115115115115117, 15.215215215215217, 15.315315315315317, 15.415415415415417, 15.515515515515517, 15.615615615615617, 15.715715715715717, 15.815815815815817, 15.915915915915917, 16.016016016016017, 16.116116116116117, 16.216216216216218, 16.316316316316318, 16.416416416416418, 16.516516516516518, 16.616616616616618, 16.716716716716718, 16.816816816816818, 16.916916916916918, 17.017017017017018, 17.117117117117118, 17.217217217217218, 17.31731731731732, 17.41741741741742, 17.51751751751752, 17.61761761761762, 17.71771771771772, 17.81781781781782, 17.91791791791792, 18.01801801801802, 18.11811811811812, 18.21821821821822, 18.31831831831832, 18.41841841841842, 18.51851851851852, 18.61861861861862, 18.71871871871872, 18.81881881881882, 18.91891891891892, 19.01901901901902, 19.11911911911912, 19.21921921921922, 19.31931931931932, 19.41941941941942, 19.51951951951952, 19.61961961961962, 19.71971971971972, 19.81981981981982, 19.91991991991992, 20.02002002002002, 20.12012012012012, 20.22022022022022, 20.32032032032032, 20.42042042042042, 20.52052052052052, 20.62062062062062, 20.72072072072072, 20.82082082082082, 20.92092092092092, 21.02102102102102, 21.12112112112112, 21.22122122122122, 21.32132132132132, 21.421421421421424, 21.521521521521525, 21.621621621621625, 21.721721721721725, 21.821821821821825, 21.921921921921925, 22.022022022022025, 22.122122122122125, 22.222222222222225, 22.322322322322325, 22.422422422422425, 22.522522522522525, 22.622622622622625, 22.722722722722725, 22.822822822822825, 22.922922922922925, 23.023023023023026, 23.123123123123126, 23.223223223223226, 23.323323323323326, 23.423423423423426, 23.523523523523526, 23.623623623623626, 23.723723723723726, 23.823823823823826, 23.923923923923926, 24.024024024024026, 24.124124124124126, 24.224224224224226, 24.324324324324326, 24.424424424424426, 24.524524524524526, 24.624624624624627, 24.724724724724727, 24.824824824824827, 24.924924924924927, 25.025025025025027, 25.125125125125127, 25.225225225225227, 25.325325325325327, 25.425425425425427, 25.525525525525527, 25.625625625625627, 25.725725725725727, 25.825825825825827, 25.925925925925927, 26.026026026026027, 26.126126126126128, 26.226226226226228, 26.326326326326328, 26.426426426426428, 26.526526526526528, 26.626626626626628, 26.726726726726728, 26.826826826826828, 26.926926926926928, 27.027027027027028, 27.127127127127128, 27.227227227227228, 27.32732732732733, 27.42742742742743, 27.52752752752753, 27.62762762762763, 27.72772772772773, 27.82782782782783, 27.92792792792793, 28.02802802802803, 28.12812812812813, 28.22822822822823, 28.32832832832833, 28.42842842842843, 28.52852852852853, 28.62862862862863, 28.72872872872873, 28.82882882882883, 28.92892892892893, 29.02902902902903, 29.12912912912913, 29.22922922922923, 29.32932932932933, 29.42942942942943, 29.52952952952953, 29.62962962962963, 29.72972972972973, 29.82982982982983, 29.929929929929934, 30.030030030030034, 30.130130130130134, 30.230230230230234, 30.330330330330334, 30.430430430430434, 30.530530530530534, 30.630630630630634, 30.730730730730734, 30.830830830830834, 30.930930930930934, 31.031031031031034, 31.131131131131134, 31.231231231231234, 31.331331331331334, 31.431431431431434, 31.531531531531535, 31.631631631631635, 31.731731731731735, 31.831831831831835, 31.931931931931935, 32.032032032032035, 32.132132132132135, 32.232232232232235, 32.332332332332335, 32.432432432432435, 32.532532532532535, 32.632632632632635, 32.732732732732735, 32.832832832832835, 32.932932932932935, 33.033033033033036, 33.133133133133136, 33.233233233233236, 33.333333333333336, 33.433433433433436, 33.533533533533536, 33.633633633633636, 33.733733733733736, 33.833833833833836, 33.933933933933936, 34.034034034034036, 34.134134134134136, 34.234234234234236, 34.334334334334336, 34.434434434434436, 34.53453453453454, 34.63463463463464, 34.73473473473474, 34.83483483483484, 34.93493493493494, 35.03503503503504, 35.13513513513514, 35.23523523523524, 35.33533533533534, 35.43543543543544, 35.53553553553554, 35.63563563563564, 35.73573573573574, 35.83583583583584, 35.93593593593594, 36.03603603603604, 36.13613613613614, 36.23623623623624, 36.33633633633634, 36.43643643643644, 36.53653653653654, 36.63663663663664, 36.73673673673674, 36.83683683683684, 36.93693693693694, 37.03703703703704, 37.13713713713714, 37.23723723723724, 37.33733733733734, 37.43743743743744, 37.53753753753754, 37.63763763763764, 37.73773773773774, 37.83783783783784, 37.93793793793794, 38.03803803803804, 38.13813813813814, 38.23823823823824, 38.33833833833834, 38.43843843843844, 38.53853853853854, 38.63863863863864, 38.73873873873874, 38.83883883883884, 38.93893893893894, 39.03903903903904, 39.13913913913914, 39.23923923923924, 39.33933933933934, 39.43943943943944, 39.53953953953954, 39.63963963963964, 39.73973973973974, 39.83983983983984, 39.93993993993994, 40.04004004004004, 40.14014014014014, 40.24024024024024, 40.34034034034034, 40.44044044044044, 40.54054054054054, 40.64064064064064, 40.74074074074074, 40.84084084084084, 40.94094094094094, 41.04104104104104, 41.14114114114114, 41.24124124124124, 41.34134134134134, 41.44144144144144, 41.54154154154154, 41.64164164164164, 41.74174174174174, 41.84184184184184, 41.94194194194194, 42.04204204204204, 42.14214214214214, 42.24224224224224, 42.34234234234234, 42.44244244244244, 42.54254254254254, 42.64264264264264, 42.74274274274275, 42.84284284284285, 42.94294294294295, 43.04304304304305, 43.14314314314315, 43.24324324324325, 43.34334334334335, 43.44344344344345, 43.54354354354355, 43.64364364364365, 43.74374374374375, 43.84384384384385, 43.94394394394395, 44.04404404404405, 44.14414414414415, 44.24424424424425, 44.34434434434435, 44.44444444444445, 44.54454454454455, 44.64464464464465, 44.74474474474475, 44.84484484484485, 44.94494494494495, 45.04504504504505, 45.14514514514515, 45.24524524524525, 45.34534534534535, 45.44544544544545, 45.54554554554555, 45.64564564564565, 45.74574574574575, 45.84584584584585, 45.94594594594595, 46.04604604604605, 46.14614614614615, 46.24624624624625, 46.34634634634635, 46.44644644644645, 46.54654654654655, 46.64664664664665, 46.74674674674675, 46.84684684684685, 46.94694694694695, 47.04704704704705, 47.14714714714715, 47.24724724724725, 47.34734734734735, 47.44744744744745, 47.54754754754755, 47.64764764764765, 47.74774774774775, 47.84784784784785, 47.94794794794795, 48.04804804804805, 48.14814814814815, 48.24824824824825, 48.34834834834835, 48.44844844844845, 48.54854854854855, 48.64864864864865, 48.74874874874875, 48.84884884884885, 48.94894894894895, 49.04904904904905, 49.14914914914915, 49.24924924924925, 49.34934934934935, 49.44944944944945, 49.54954954954955, 49.64964964964965, 49.74974974974975, 49.84984984984985, 49.94994994994995, 50.050050050050054, 50.150150150150154, 50.250250250250254, 50.350350350350354, 50.450450450450454, 50.550550550550554, 50.650650650650654, 50.750750750750754, 50.850850850850854, 50.950950950950954, 51.051051051051054, 51.151151151151154, 51.251251251251254, 51.351351351351354, 51.451451451451454, 51.551551551551555, 51.651651651651655, 51.751751751751755, 51.851851851851855, 51.951951951951955, 52.052052052052055, 52.152152152152155, 52.252252252252255, 52.352352352352355, 52.452452452452455, 52.552552552552555, 52.652652652652655, 52.752752752752755, 52.852852852852855, 52.952952952952955, 53.053053053053056, 53.153153153153156, 53.253253253253256, 53.353353353353356, 53.453453453453456, 53.553553553553556, 53.653653653653656, 53.753753753753756, 53.853853853853856, 53.953953953953956, 54.054054054054056, 54.154154154154156, 54.254254254254256, 54.354354354354356, 54.454454454454456, 54.55455455455456, 54.65465465465466, 54.75475475475476, 54.85485485485486, 54.95495495495496, 55.05505505505506, 55.15515515515516, 55.25525525525526, 55.35535535535536, 55.45545545545546, 55.55555555555556, 55.65565565565566, 55.75575575575576, 55.85585585585586, 55.95595595595596, 56.05605605605606, 56.15615615615616, 56.25625625625626, 56.35635635635636, 56.45645645645646, 56.55655655655656, 56.65665665665666, 56.75675675675676, 56.85685685685686, 56.95695695695696, 57.05705705705706, 57.15715715715716, 57.25725725725726, 57.35735735735736, 57.45745745745746, 57.55755755755756, 57.65765765765766, 57.75775775775776, 57.85785785785786, 57.95795795795796, 58.05805805805806, 58.15815815815816, 58.25825825825826, 58.35835835835836, 58.45845845845846, 58.55855855855856, 58.65865865865866, 58.75875875875876, 58.85885885885886, 58.95895895895896, 59.05905905905906, 59.15915915915916, 59.25925925925926, 59.35935935935936, 59.45945945945946, 59.55955955955956, 59.65965965965966, 59.75975975975976, 59.85985985985987, 59.95995995995997, 60.06006006006007, 60.16016016016017, 60.26026026026027, 60.36036036036037, 60.46046046046047, 60.56056056056057, 60.66066066066067, 60.76076076076077, 60.86086086086087, 60.96096096096097, 61.06106106106107, 61.16116116116117, 61.26126126126127, 61.36136136136137, 61.46146146146147, 61.56156156156157, 61.66166166166167, 61.76176176176177, 61.86186186186187, 61.96196196196197, 62.06206206206207, 62.16216216216217, 62.26226226226227, 62.36236236236237, 62.46246246246247, 62.56256256256257, 62.66266266266267, 62.76276276276277, 62.86286286286287, 62.96296296296297, 63.06306306306307, 63.16316316316317, 63.26326326326327, 63.36336336336337, 63.46346346346347, 63.56356356356357, 63.66366366366367, 63.76376376376377, 63.86386386386387, 63.96396396396397, 64.06406406406407, 64.16416416416416, 64.26426426426427, 64.36436436436436, 64.46446446446447, 64.56456456456456, 64.66466466466467, 64.76476476476476, 64.86486486486487, 64.96496496496496, 65.06506506506507, 65.16516516516516, 65.26526526526527, 65.36536536536536, 65.46546546546547, 65.56556556556556, 65.66566566566567, 65.76576576576576, 65.86586586586587, 65.96596596596596, 66.06606606606607, 66.16616616616616, 66.26626626626627, 66.36636636636636, 66.46646646646647, 66.56656656656656, 66.66666666666667, 66.76676676676676, 66.86686686686687, 66.96696696696696, 67.06706706706707, 67.16716716716716, 67.26726726726727, 67.36736736736736, 67.46746746746747, 67.56756756756756, 67.66766766766767, 67.76776776776777, 67.86786786786787, 67.96796796796797, 68.06806806806807, 68.16816816816817, 68.26826826826827, 68.36836836836838, 68.46846846846847, 68.56856856856858, 68.66866866866867, 68.76876876876878, 68.86886886886887, 68.96896896896898, 69.06906906906907, 69.16916916916918, 69.26926926926927, 69.36936936936938, 69.46946946946947, 69.56956956956958, 69.66966966966967, 69.76976976976978, 69.86986986986987, 69.96996996996998, 70.07007007007007, 70.17017017017018, 70.27027027027027, 70.37037037037038, 70.47047047047047, 70.57057057057058, 70.67067067067067, 70.77077077077078, 70.87087087087087, 70.97097097097098, 71.07107107107107, 71.17117117117118, 71.27127127127127, 71.37137137137138, 71.47147147147147, 71.57157157157158, 71.67167167167167, 71.77177177177178, 71.87187187187187, 71.97197197197198, 72.07207207207207, 72.17217217217218, 72.27227227227228, 72.37237237237238, 72.47247247247248, 72.57257257257258, 72.67267267267268, 72.77277277277278, 72.87287287287288, 72.97297297297298, 73.07307307307308, 73.17317317317318, 73.27327327327328, 73.37337337337338, 73.47347347347348, 73.57357357357358, 73.67367367367368, 73.77377377377378, 73.87387387387388, 73.97397397397398, 74.07407407407408, 74.17417417417418, 74.27427427427428, 74.37437437437438, 74.47447447447448, 74.57457457457458, 74.67467467467468, 74.77477477477478, 74.87487487487488, 74.97497497497498, 75.07507507507508, 75.17517517517518, 75.27527527527528, 75.37537537537538, 75.47547547547548, 75.57557557557558, 75.67567567567568, 75.77577577577578, 75.87587587587588, 75.97597597597598, 76.07607607607608, 76.17617617617618, 76.27627627627628, 76.37637637637638, 76.47647647647648, 76.57657657657658, 76.67667667667668, 76.77677677677679, 76.87687687687688, 76.97697697697699, 77.07707707707708, 77.17717717717719, 77.27727727727728, 77.37737737737739, 77.47747747747748, 77.57757757757759, 77.67767767767768, 77.77777777777779, 77.87787787787788, 77.97797797797799, 78.07807807807808, 78.17817817817819, 78.27827827827828, 78.37837837837839, 78.47847847847848, 78.57857857857859, 78.67867867867868, 78.77877877877879, 78.87887887887888, 78.97897897897899, 79.07907907907908, 79.17917917917919, 79.27927927927928, 79.37937937937939, 79.47947947947948, 79.57957957957959, 79.67967967967968, 79.77977977977979, 79.87987987987988, 79.97997997997999, 80.08008008008008, 80.18018018018019, 80.28028028028028, 80.38038038038039, 80.48048048048048, 80.58058058058059, 80.68068068068068, 80.78078078078079, 80.88088088088088, 80.98098098098099, 81.08108108108108, 81.18118118118119, 81.28128128128128, 81.38138138138139, 81.48148148148148, 81.58158158158159, 81.68168168168168, 81.78178178178179, 81.88188188188188, 81.98198198198199, 82.08208208208208, 82.18218218218219, 82.28228228228228, 82.38238238238239, 82.48248248248248, 82.58258258258259, 82.68268268268268, 82.78278278278279, 82.88288288288288, 82.98298298298299, 83.08308308308308, 83.18318318318319, 83.28328328328328, 83.38338338338339, 83.48348348348348, 83.58358358358359, 83.68368368368368, 83.78378378378379, 83.88388388388388, 83.98398398398399, 84.08408408408408, 84.18418418418419, 84.28428428428428, 84.38438438438439, 84.48448448448448, 84.58458458458459, 84.68468468468468, 84.78478478478479, 84.88488488488488, 84.98498498498499, 85.08508508508508, 85.18518518518519, 85.28528528528528, 85.38538538538539, 85.4854854854855, 85.58558558558559, 85.6856856856857, 85.78578578578579, 85.8858858858859, 85.98598598598599, 86.0860860860861, 86.18618618618619, 86.2862862862863, 86.38638638638639, 86.4864864864865, 86.58658658658659, 86.6866866866867, 86.78678678678679, 86.8868868868869, 86.98698698698699, 87.0870870870871, 87.18718718718719, 87.2872872872873, 87.38738738738739, 87.4874874874875, 87.58758758758759, 87.6876876876877, 87.78778778778779, 87.8878878878879, 87.98798798798799, 88.0880880880881, 88.18818818818819, 88.2882882882883, 88.38838838838839, 88.4884884884885, 88.58858858858859, 88.6886886886887, 88.78878878878879, 88.8888888888889, 88.988988988989, 89.0890890890891, 89.1891891891892, 89.2892892892893, 89.3893893893894, 89.4894894894895, 89.5895895895896, 89.6896896896897, 89.7897897897898, 89.8898898898899, 89.98998998999, 90.0900900900901, 90.1901901901902, 90.2902902902903, 90.3903903903904, 90.4904904904905, 90.5905905905906, 90.6906906906907, 90.7907907907908, 90.8908908908909, 90.990990990991, 91.0910910910911, 91.1911911911912, 91.2912912912913, 91.3913913913914, 91.4914914914915, 91.5915915915916, 91.6916916916917, 91.7917917917918, 91.8918918918919, 91.991991991992, 92.0920920920921, 92.1921921921922, 92.2922922922923, 92.3923923923924, 92.4924924924925, 92.5925925925926, 92.6926926926927, 92.7927927927928, 92.8928928928929, 92.992992992993, 93.0930930930931, 93.1931931931932, 93.2932932932933, 93.3933933933934, 93.4934934934935, 93.5935935935936, 93.6936936936937, 93.7937937937938, 93.8938938938939, 93.993993993994, 94.0940940940941, 94.1941941941942, 94.2942942942943, 94.3943943943944, 94.4944944944945, 94.5945945945946, 94.6946946946947, 94.7947947947948, 94.8948948948949, 94.994994994995, 95.0950950950951, 95.1951951951952, 95.2952952952953, 95.3953953953954, 95.4954954954955, 95.5955955955956, 95.6956956956957, 95.7957957957958, 95.8958958958959, 95.995995995996, 96.0960960960961, 96.1961961961962, 96.2962962962963, 96.3963963963964, 96.4964964964965, 96.5965965965966, 96.6966966966967, 96.7967967967968, 96.8968968968969, 96.996996996997, 97.0970970970971, 97.1971971971972, 97.2972972972973, 97.3973973973974, 97.4974974974975, 97.5975975975976, 97.6976976976977, 97.7977977977978, 97.8978978978979, 97.997997997998, 98.0980980980981, 98.1981981981982, 98.2982982982983, 98.3983983983984, 98.4984984984985, 98.5985985985986, 98.6986986986987, 98.7987987987988, 98.8988988988989, 98.998998998999, 99.0990990990991, 99.1991991991992, 99.2992992992993, 99.3993993993994, 99.4994994994995, 99.5995995995996, 99.6996996996997, 99.7997997997998, 99.8998998998999, 100 ], "xaxis": "x6", "y": [ 0.014638376146811736, 0.015163550001977753, 0.01625345974795401, 0.017806403359971433, 0.019722363858145096, 0.021905348520189757, 0.024265319512802568, 0.026719716182825492, 0.029194585039655937, 0.031625339353707954, 0.03395717695702098, 0.03614519018656748, 0.03815420580119195, 0.03995839432131408, 0.0415406895185848, 0.04289205821555524, 0.0440106594056113, 0.044900929474420356, 0.045572627379477676, 0.046039869920567626, 0.046320183856442, 0.046433597626250066, 0.046401789732906866, 0.0462473119664537, 0.04599289225148206, 0.04566082873220953, 0.0452724768669951, 0.04484783050912397, 0.04440519451913227, 0.04396094540575214, 0.043529374079149905, 0.04312260318424806, 0.042750571354923335, 0.04242107539435343, 0.04213986130191812, 0.04191075513344162, 0.04173582491371177, 0.041615565171057634, 0.04154909618488781, 0.04153437083770513, 0.04156838281325977, 0.04164737065481359, 0.04176701294332954, 0.041922610413119565, 0.04210925373934595, 0.04232197312138138, 0.04255586884162168, 0.042806222287157365, 0.04306858726042947, 0.04333886226071164, 0.04361334399162818, 0.04388876388865307, 0.04416230873473352, 0.044431627228307805, 0.04469482425247434, 0.044950444630629714, 0.04519744830744982, 0.04543517868004438, 0.04566332600309432, 0.04588188659389863, 0.04609112133430413, 0.04629151228924499, 0.04648372020879653, 0.0466685437652648, 0.04684688049643942, 0.04701969083115797, 0.0471879655603414, 0.04735269689547621, 0.04751485335136218, 0.047675358664646256, 0.0478350743494663, 0.047994786339732524, 0.048155195152025584, 0.04831690931975983, 0.048480441827954836, 0.04864620920469776, 0.048814533035424774, 0.048985643429985466, 0.04915968393949228, 0.049336718067215186, 0.04951673638678167, 0.04969966533052971, 0.049885374804309754, 0.05007368693406726, 0.050264384624452575, 0.050457220324273876, 0.050651920796803564, 0.05084819712677707, 0.05104575532016476, 0.051244293945596306, 0.051443512886796425, 0.051643119973468224, 0.05184283151931493, 0.05204237747277092, 0.05224150243111364, 0.05243996780024273, 0.05263755245080518, 0.05283405433789184, 0.053029289108971776, 0.053223090436984734, 0.05341530914363889, 0.05360581214239555, 0.05379448133687032, 0.0539812118633902, 0.0541659110711489, 0.05434849616160542, 0.05452889501886091, 0.054707040128345846, 0.05488287137226035, 0.05505633265846477, 0.05522737102734936, 0.05539593524585588, 0.05556197486291981, 0.055725439228414865, 0.05588627662299855, 0.056044433901307006, 0.05619985579010326, 0.05635248449875351, 0.05650225975252726, 0.05664911840507941, 0.056792994056678765, 0.05693381788815487, 0.057071518334876385, 0.057206021480640405, 0.05733725147244849, 0.057465130727503345, 0.05758958032038678, 0.057710520405471075, 0.05782787067704148, 0.057941550699556345, 0.05805148061183856, 0.058157581163960394, 0.05825977453643072, 0.05835798455583329, 0.058452136922343405, 0.05854215996548604, 0.05862798448221272, 0.05870954417394681, 0.05878677608918498, 0.05885962127437897, 0.05892802449169526, 0.058991933653295386, 0.059051301336188626, 0.059106084126444663, 0.05915624280667379, 0.05920174274897035, 0.05924255341630971, 0.059278648721685125, 0.05931000712494648, 0.05933661144761713, 0.05935844911106849, 0.05937551193770463, 0.05938779585337652, 0.05939530128246431, 0.05939803288485771, 0.05939599952237473, 0.05938921411969773, 0.05937769374080069, 0.05936145958951993, 0.05934053651178687, 0.05931495327891642, 0.05928474269367412, 0.059249940909850064, 0.05921058773735986, 0.059166726803925665, 0.05911840482004738, 0.059065671854209384, 0.059008581534945176, 0.05894719037984827, 0.05888155799057286, 0.05881174725022804, 0.05873782367456881, 0.05865985556301735, 0.058577914221129894, 0.05849207331713775, 0.05840240898953948, 0.05830900020700283, 0.05821192755514865, 0.05811127435060622, 0.05800712596929849, 0.05789956952801145, 0.05778869391007281, 0.057674590032598054, 0.057557350483826764, 0.05743706932160329, 0.05731384174437357, 0.057187764221149004, 0.057058934261391116, 0.056927450270245365, 0.05679341181072279, 0.056656919179291644, 0.056518073176167014, 0.056376975084378375, 0.05623372653399006, 0.05608842936464326, 0.05594118553981953, 0.05579209701412067, 0.05564126562433976, 0.0554887930675566, 0.055334780695638464, 0.055179329412134194, 0.055022539580167056, 0.05486451056933413, 0.054705342196840534, 0.054545131731602914, 0.05438397643587763, 0.05422197241136529, 0.05405921475593249, 0.053895797475379675, 0.05373181328571448, 0.05356735358383335, 0.05340250844661757, 0.05323736660437841, 0.05307201522526133, 0.05290654023956274, 0.05274102569581458, 0.0525755544928786, 0.05241020750282455, 0.05224506433087413, 0.052080202702636386, 0.05191569874785958, 0.051751626949366025, 0.05158805999308355, 0.05142506896930762, 0.05126272322467801, 0.05110109030202652, 0.05094023607276684, 0.05078022474631533, 0.05062111863315112, 0.05046297859229456, 0.050305863590687935, 0.05014983098057643, 0.04999493647419753, 0.04984123408821798, 0.04968877618544172, 0.04953761350807094, 0.04938779517756988, 0.049239368713332725, 0.04909238003195429, 0.04894687349027349, 0.048802892008251254, 0.04866047685912888, 0.04851966784927462, 0.0483805034395587, 0.04824302057088839, 0.04810725475470431, 0.04797324015940375, 0.04784100962086818, 0.047710594593962374, 0.04758202524667049, 0.047455330473905696, 0.04733053790860891, 0.047207673957165915, 0.04708676383392813, 0.0469678315697466, 0.046850900042741804, 0.04673599103608847, 0.04662312524668409, 0.046512322253619544, 0.046403600607738175, 0.046296977836034814, 0.04619247061914173, 0.04609009449688039, 0.04598986412607974, 0.045891793246695296, 0.04579589474380384, 0.045702180652081474, 0.045610662106652385, 0.04552134944977317, 0.04543425222785264, 0.04534937920058207, 0.04526673838867384, 0.0451863370758623, 0.04510818183413719, 0.0450322785209618, 0.04495863230916022, 0.04488724774847957, 0.04481812873482894, 0.044751278542913726, 0.04468669984136268, 0.04462439471367751, 0.04456436467162111, 0.0445066106717806, 0.04445113313777912, 0.044397931971915154, 0.04434700655712137, 0.044298355785714984, 0.04425197806861689, 0.044207871321093536, 0.04416603303196525, 0.04412646023445381, 0.04408914952797488, 0.044054097060291196, 0.0440212985514067, 0.043990749358297575, 0.043962444421535414, 0.04393637829332584, 0.04391254507682358, 0.04389093857693804, 0.04387155220325223, 0.04385437900242256, 0.04383941165072118, 0.04382664246651883, 0.043816063442796024, 0.04380766622134435, 0.043801442106877274, 0.04379738205417287, 0.043795476707633535, 0.0437957163789214, 0.0437980910565546, 0.04380259039819215, 0.04380920373803777, 0.04381792010929814, 0.04382872822277332, 0.043841616475421466, 0.04385657290983148, 0.043873585301167965, 0.04389264109471423, 0.0439137274212769, 0.043936831080961754, 0.04396193854997362, 0.04398903601064569, 0.044018109314881954, 0.04404914399343967, 0.04408212522818267, 0.04411703790393903, 0.044153866566992044, 0.04419259543213945, 0.04423320837486065, 0.044275688930840135, 0.04432002030299869, 0.044366185346594436, 0.04441416656927896, 0.04446394611794918, 0.044515505794667606, 0.04456882703832387, 0.04462389092402364, 0.044680678155497824, 0.04473916906230568, 0.04479934360188482, 0.044861181347465716, 0.04492466148565073, 0.04498976280985646, 0.04505646371922122, 0.045124742210936916, 0.04519457587594539, 0.045265941899363164, 0.04533881705315896, 0.04541317768074029, 0.04548899970377759, 0.045566258613632886, 0.045644929488336865, 0.04572498694256114, 0.04580640515560933, 0.0458891578587545, 0.0459732183487614, 0.046058559475468795, 0.04614515360205333, 0.04623297264105672, 0.04632198803814382, 0.04641217082513972, 0.04650349149919245, 0.04659592010453302, 0.046689426208821605, 0.04678397893389988, 0.04687954693158398, 0.04697609832047484, 0.04707360075984908, 0.04717202142361831, 0.04727132703910703, 0.04737148391369021, 0.047472457744672535, 0.04757421379906257, 0.04767671686120346, 0.04777993126127723, 0.04788382099035809, 0.047988349360851175, 0.04809347929441916, 0.04819917324555391, 0.04830539321213252, 0.04841210097996039, 0.048519257571426874, 0.04862682368321348, 0.048734759576624855, 0.0488430250830391, 0.04895157984622508, 0.04906038285222775, 0.049169392743472616, 0.04927856779313239, 0.04938786589517945, 0.04949724478732909, 0.04960666170026349, 0.04971607349046214, 0.0498254367413123, 0.04993470772693078, 0.050043842600158595, 0.050152797196039975, 0.050261526958079956, 0.05036998717219906, 0.05047813290495697, 0.050585919109087274, 0.050693300633299354, 0.05080023202040401, 0.05090666775306691, 0.05101256223565923, 0.0511178699395759, 0.05122254510478812, 0.05132654201750833, 0.051429814968443475, 0.05153231829920921, 0.05163400638756878, 0.05173483369959827, 0.051834754812454975, 0.05193372449432368, 0.05203169766634646, 0.052128629421397676, 0.05222447509885162, 0.05231919035143437, 0.05241273119287932, 0.0525050538490326, 0.05259611496040134, 0.05268587157790414, 0.0527742812817363, 0.05286130200945492, 0.05294689224859231, 0.05303101103025786, 0.05311361797343355, 0.053194673302829974, 0.05327413789392079, 0.05335197330797254, 0.05342814179769845, 0.05350260637269234, 0.05357533085102482, 0.05364627986172344, 0.05371541886943491, 0.053782714191121586, 0.0538481331254053, 0.05391164390222335, 0.053973215734023944, 0.05403281876650394, 0.054090424297932274, 0.05414600467175948, 0.05419953334511551, 0.054250984785505205, 0.054300334732936995, 0.0543475601208598, 0.05439263908950987, 0.05443555092292894, 0.054476276167152636, 0.0545147967669885, 0.054551095933653204, 0.054585158148813755, 0.05461696907885514, 0.054646516015794205, 0.054673787541530926, 0.05469877363387291, 0.054721465334479094, 0.05474185551305869, 0.054759938330475356, 0.05477570939416779, 0.05478916547598867, 0.05480030499471404, 0.05480912785835116, 0.05481563538413745, 0.05481983017300438, 0.05482171622056099, 0.054821299201651554, 0.054818586135474974, 0.05481358540353986, 0.05480630653689779, 0.054796760880203584, 0.054784961038725224, 0.05477092102030383, 0.05475465574871357, 0.054736182030990226, 0.05471551783581793, 0.05469268246078119, 0.05466769620573616, 0.05464058081589577, 0.05461135937279675, 0.05458005611913587, 0.05454669634182601, 0.05451130639644587, 0.05447391404584081, 0.05443454805194594, 0.05439323820549195, 0.0543500150744733, 0.05430491059839503, 0.05425795756347112, 0.05420918970481526, 0.05415864136051938, 0.054106348057944405, 0.054052346066640666, 0.05399667244404258, 0.05393936484544899, 0.05388046170874647, 0.05382000222207259, 0.053758026166738124, 0.0536945738602019, 0.05362968611298299, 0.05356340439071182, 0.05349577058269565, 0.05342682700626142, 0.05335661628448294, 0.0532851815213359, 0.05321256609865302, 0.0531388136818906, 0.05306396814250525, 0.052988073596188984, 0.052911174320296434, 0.05283331472157577, 0.0527545393166737, 0.05267489268011999, 0.0525944194034317, 0.05251316407398228, 0.05243117126093625, 0.05234848549576582, 0.05226515114001454, 0.05218121244305441, 0.05209671349560427, 0.05201169830775395, 0.05192621052457268, 0.05184029358932478, 0.05175399066428167, 0.05166734475329199, 0.051580398407718483, 0.05149319383874498, 0.05140577289780649, 0.05131817713575041, 0.05123044768451832, 0.051142625155443745, 0.05105474974642627, 0.05096686123797583, 0.05087899904280592, 0.0507912018797467, 0.05070350802253663, 0.05061595521983062, 0.050528580893321934, 0.050441421652325354, 0.050354513629496764, 0.05026789237694727, 0.050181593025883715, 0.05009564998776462, 0.050010097062130714, 0.04992496746227705, 0.04984029387860927, 0.049756108399126454, 0.04967244237513426, 0.04958932657699379, 0.049506791180296175, 0.04942486584678709, 0.04934357941915441, 0.04926296016689339, 0.04918303571683889, 0.04910383324313766, 0.04902537906078777, 0.0489476989191416, 0.04887081792476824, 0.04879476066344285, 0.048719551009883136, 0.048645212180625515, 0.04857176678354615, 0.04849923685592391, 0.048427643838544164, 0.04835700846240089, 0.048287350878815215, 0.0482186906452305, 0.04815104679716834, 0.04808443764647724, 0.048018880949626495, 0.047954393866580486, 0.0478909930774156, 0.047828694559389755, 0.047767513749304366, 0.04770746551217934, 0.04764856420767534, 0.04759082360509448, 0.047534256896799555, 0.04747887674234569, 0.04742469529750933, 0.04737172420541069, 0.04731997450559778, 0.04726945674538188, 0.04722018095208548, 0.047172156692069665, 0.04712539303418124, 0.04707989847744976, 0.04703568105983422, 0.04699274832973656, 0.046951107422943644, 0.04691076498881427, 0.046871727144776124, 0.046833999579625765, 0.04679758752460417, 0.04676249581489761, 0.04672872881777307, 0.04669629043035818, 0.04666518413683433, 0.04663541299306606, 0.04660697967162621, 0.0465798864029166, 0.04655413499357346, 0.046529726853763914, 0.046506662990916665, 0.046484944052472804, 0.046464570262530175, 0.04644554145420219, 0.046427857083875035, 0.04641151622793709, 0.046396517628334674, 0.04638285961665998, 0.046370540162266424, 0.04635955687633798, 0.04634990701030741, 0.04634158750872092, 0.046334594911694116, 0.04632892542492193, 0.046324574912657485, 0.046321538897626, 0.04631981258782334, 0.0463193908277064, 0.046320268139069545, 0.04632243871409457, 0.04632589641876196, 0.04633063482816163, 0.046336647153038056, 0.04634392630044644, 0.0463524648603559, 0.04636225511034393, 0.04637328904223178, 0.04638555830163575, 0.046399054239276316, 0.04641376789936559, 0.046429690024506476, 0.046446811071925824, 0.04646512117266623, 0.04648461016782233, 0.046505267600354235, 0.04652708272081834, 0.046550044498798585, 0.046574141588004936, 0.04659936235848615, 0.04662569488903025, 0.04665312697580122, 0.046681646141243094, 0.046711239594443024, 0.046741894269280916, 0.04677359681476976, 0.0468063336083208, 0.04684009075947974, 0.04687485406692346, 0.04691060906308538, 0.04694734100231478, 0.046985034878853055, 0.047023675422018206, 0.04706324705788982, 0.04710373395447077, 0.04714512000940224, 0.04718738887198708, 0.04723052392843612, 0.047274508274139676, 0.047319324754423936, 0.04736495595335687, 0.04741138422065753, 0.047458591645450895, 0.04750656004070967, 0.04755527097920474, 0.04760470578358467, 0.047654845569614, 0.047705671186261546, 0.04775716321946648, 0.04780930203134491, 0.04786206774733724, 0.04791544025980347, 0.047969399351207184, 0.048023924419925604, 0.04807899470171918, 0.048134589214229306, 0.0481906867601904, 0.04824726597154596, 0.04830430531894727, 0.04836178296482998, 0.04841967692361768, 0.04847796501877418, 0.04853662488706162, 0.04859563407872068, 0.04865496989605089, 0.04871460945326414, 0.048774529726982783, 0.048834707537155464, 0.04889511956488012, 0.04895574250394962, 0.04901655269515496, 0.04907752643603119, 0.04913863990465304, 0.04919986916638435, 0.04926119023140865, 0.04932257903568303, 0.049384011337570394, 0.0494454628595626, 0.04950690925377366, 0.04956832610999698, 0.04962968907160765, 0.04969097363688954, 0.049752155276215036, 0.04981320945539081, 0.04987411162733515, 0.04993483725957375, 0.04999536192853051, 0.05005566107701589, 0.050115710239569525, 0.050175484992997524, 0.050234960966984314, 0.05029411390908267, 0.050352919642237134, 0.050411354014966, 0.050469393011148, 0.050527012728403244, 0.05058418938990977, 0.05064089942065426, 0.05069711932567959, 0.050752825790222535, 0.050807995682593136, 0.05086260606118878, 0.05091663420000393, 0.05097005762766031, 0.05102285403827936, 0.051075001396874126, 0.051126477926354455, 0.051177262120953255, 0.051227332734334045, 0.05127666882685325, 0.05132524978771232, 0.05137305531827069, 0.05142006545695507, 0.051466260592869205, 0.05151162137274941, 0.05155612895041554, 0.05159976482276988, 0.05164251088439184, 0.05168434944340431, 0.05172526319384386, 0.051765235200826924, 0.05180424911472212, 0.05184228898800252, 0.05187933934577041, 0.05191538519847941, 0.05195041191459072, 0.05198440545726211, 0.05201735235803312, 0.05204923962940523, 0.05208005482107662, 0.05210978602094663, 0.05213842157643329, 0.052165950797595416, 0.05219236341427379, 0.05221764973576349, 0.052241800660895836, 0.05226480754864112, 0.05228666224979126, 0.05230735753414723, 0.05232688664097628, 0.052345243427722586, 0.052362422377951454, 0.052378418360818656, 0.05239322703749925, 0.05240684473437842, 0.05241926835601958, 0.052430495413993014, 0.052440523919915306, 0.05244935269384123, 0.05245698112079564, 0.05246340921922446, 0.05246863756264101, 0.05247266737233323, 0.05247550055913494, 0.05247713963205709, 0.05247758772503702, 0.05247684839806464, 0.052474926072124964, 0.052471825699419224, 0.052467552846798916, 0.0524621136027447, 0.052455514605332015, 0.052447763237600045, 0.052438867405379265, 0.05242883559903036, 0.05241767668428884, 0.0524054002886071, 0.05239201655703094, 0.052377536166937765, 0.0523619702829232, 0.05234533048518644, 0.05232762905471528, 0.05230887870482672, 0.05228909264535197, 0.05226828445182598, 0.05224646824751004, 0.05222365864159178, 0.05219987066417456, 0.05217511976667261, 0.052149421724644276, 0.052122792856463984, 0.052095249828708085, 0.052066809693715924, 0.05203748981311462, 0.052007307914449144, 0.05197628212243364, 0.05194443086423743, 0.051911772883060696, 0.05187832709681728, 0.051844112861826, 0.0518091497522871, 0.05177345760041727, 0.051737056445385864, 0.05169996652736713, 0.05166220836680171, 0.05162380265203895, 0.051584770254766425, 0.051545132169390745, 0.05150490959182286, 0.05146412384901718, 0.05142279638870902, 0.051380948770129935, 0.0513386026592356, 0.05129577979979211, 0.05125250200550381, 0.05120879114985712, 0.051164669150902425, 0.05112015795778011, 0.05107527953796982, 0.05103005586423424, 0.050984508901445846, 0.05093866059383716, 0.05089253287028144, 0.05084614761605417, 0.050799526638307724, 0.050752691686217336, 0.05070566442824338, 0.05065846647472581, 0.05061111936266501, 0.050563644443217134, 0.05051606297767705, 0.05046839609418091, 0.050420664809378374, 0.05037289005876724, 0.050325092493946684, 0.0502772926482783, 0.05022951087706368, 0.05018176736944128, 0.05013408223178128, 0.05008647520710121, 0.05003896589321406, 0.049991573672050094, 0.049944317709540935, 0.04989721709141573, 0.04985029047366291, 0.04980355634432572, 0.04975703294458162, 0.049710738261582836, 0.04966469018880984, 0.049618906164861094, 0.04957340342195094, 0.04952819892652048, 0.04948330936794783, 0.04943875129797368, 0.049394540848879454, 0.04935069388033005, 0.04930722598162239, 0.049264152448215436, 0.049221488396519186, 0.0491792485660263, 0.0491374473658966, 0.049096098934405676, 0.04905521710480225, 0.049014815494418364, 0.048974907387082406, 0.04893550569039858, 0.048896623042859556, 0.04885827177153086, 0.0488204639571501, 0.04878321138651479, 0.048746525437315856, 0.048710417221158236, 0.048674897535814596, 0.04863997690955977, 0.04860566561046954, 0.048571973476659654, 0.04853891008407114, 0.04850648469568018, 0.04847470628876133, 0.048443583608373086, 0.048413124958662304, 0.04838333838637222, 0.048354231628794375, 0.048325812127361305, 0.04829808711422414, 0.048271063377637806, 0.048244747453964204, 0.04821914557571996, 0.048194263674437327, 0.04817010749051424, 0.04814668232438328, 0.048123993230424, 0.04810204496635609, 0.048080841993704396, 0.04806038857346555, 0.0480406885708812, 0.04802174558807713, 0.04800356294452354, 0.04798614367208249, 0.04796949058736312, 0.04795360616198545, 0.047938492585811183, 0.047924151781159725, 0.04791058539196772, 0.04789779483759918, 0.04788578123386949, 0.04787454540399179, 0.04786408791732799, 0.047854409074463644, 0.04784550894581061, 0.04783738733222229, 0.04783004373748696, 0.04782347742373401, 0.04781768739405076, 0.04781267242243011, 0.04780843104255787, 0.047804961486231, 0.047802261757643384, 0.047800329612205386, 0.04779916257428959, 0.04779875794915264, 0.04779911274950513, 0.04780022376844937, 0.04780208756016636, 0.04780470045113358, 0.047808058569125865, 0.047812157753167606, 0.047816993633649246, 0.04782256161197658, 0.04782885686770875, 0.047835874410568115, 0.04784360894777623, 0.04785205499639424, 0.0478612068543518, 0.04787105860190417, 0.04788160413739338, 0.04789283716494996, 0.04790475111132734, 0.04791733922620266, 0.04793059455286359, 0.04794450992979741, 0.047959078048886335, 0.047974291355204986, 0.04799014208909838, 0.04800662230874954, 0.04802372387904083, 0.048041438477521285, 0.04805975766019138, 0.0480786727037551, 0.048098174736978735, 0.048118254707366165, 0.04813890338308057, 0.048160111381192736, 0.048181869167322554, 0.04820416697408053, 0.048226994893565626, 0.04825034285188285, 0.048274200611314766, 0.04829855782508271, 0.04832340395032185, 0.04834872827595018, 0.04837451995389413, 0.048400767987054005, 0.048427461233829974, 0.04845458847985291, 0.04848213827676094, 0.04851009907568999, 0.04853845919475329, 0.04856720682185417, 0.0485963300378436, 0.04862581682529598, 0.04865565498958913, 0.04868583224543752, 0.048716336195044285, 0.04874715433129401, 0.04877827408285511, 0.04880968275103962, 0.04884136752297011, 0.048873315506376094, 0.04890551371938119, 0.04893794909412191, 0.04897060854849949, 0.049003478835604575, 0.04903654666901768, 0.049069798694273185, 0.04910322149289655, 0.049136801602754056, 0.04917052553447287 ], "yaxis": "y6" } ], "layout": { "annotations": [ { "font": { "size": 16 }, "showarrow": false, "text": "Forward Speed", "x": 0.225, "xanchor": "center", "xref": "paper", "y": 1, "yanchor": "bottom", "yref": "paper" }, { "font": { "size": 16 }, "showarrow": false, "text": "Heave Velocity", "x": 0.775, "xanchor": "center", "xref": "paper", "y": 1, "yanchor": "bottom", "yref": "paper" }, { "font": { "size": 16 }, "showarrow": false, "text": "Pitch Rate", "x": 0.225, "xanchor": "center", "xref": "paper", "y": 0.6111111111111112, "yanchor": "bottom", "yref": "paper" }, { "font": { "size": 16 }, "showarrow": false, "text": "Pitch Attitude", "x": 0.775, "xanchor": "center", "xref": "paper", "y": 0.6111111111111112, "yanchor": "bottom", "yref": "paper" }, { "font": { "size": 16 }, "showarrow": false, "text": "Altitude", "x": 0.225, "xanchor": "center", "xref": "paper", "y": 0.22222222222222224, "yanchor": "bottom", "yref": "paper" }, { "font": { "size": 16 }, "showarrow": false, "text": "AoA", "x": 0.775, "xanchor": "center", "xref": "paper", "y": 0.22222222222222224, "yanchor": "bottom", "yref": "paper" } ], "template": { "data": { "bar": [ { "error_x": { "color": "#2a3f5f" }, "error_y": { "color": "#2a3f5f" }, "marker": { "line": { "color": "#E5ECF6", "width": 0.5 }, "pattern": { "fillmode": "overlay", "size": 10, "solidity": 0.2 } }, "type": "bar" } ], "barpolar": [ { "marker": { "line": { "color": "#E5ECF6", "width": 0.5 }, "pattern": { "fillmode": "overlay", "size": 10, "solidity": 0.2 } }, "type": "barpolar" } ], "carpet": [ { "aaxis": { "endlinecolor": "#2a3f5f", "gridcolor": "white", "linecolor": "white", "minorgridcolor": "white", "startlinecolor": "#2a3f5f" }, "baxis": { "endlinecolor": "#2a3f5f", "gridcolor": "white", "linecolor": "white", "minorgridcolor": "white", "startlinecolor": "#2a3f5f" }, "type": "carpet" } ], "choropleth": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "type": "choropleth" } ], "contour": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1, "#f0f921" ] ], "type": "contour" } ], "contourcarpet": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "type": "contourcarpet" } ], "heatmap": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1, "#f0f921" ] ], "type": "heatmap" } ], "heatmapgl": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1, "#f0f921" ] ], "type": "heatmapgl" } ], "histogram": [ { "marker": { "pattern": { "fillmode": "overlay", "size": 10, "solidity": 0.2 } }, "type": "histogram" } ], "histogram2d": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1, "#f0f921" ] ], "type": "histogram2d" } ], "histogram2dcontour": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1, "#f0f921" ] ], "type": "histogram2dcontour" } ], "mesh3d": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "type": "mesh3d" } ], "parcoords": [ { "line": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "parcoords" } ], "pie": [ { "automargin": true, "type": "pie" } ], "scatter": [ { "fillpattern": { "fillmode": "overlay", "size": 10, "solidity": 0.2 }, "type": "scatter" } ], "scatter3d": [ { "line": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scatter3d" } ], "scattercarpet": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scattercarpet" } ], "scattergeo": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scattergeo" } ], "scattergl": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scattergl" } ], "scattermapbox": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scattermapbox" } ], "scatterpolar": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scatterpolar" } ], "scatterpolargl": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scatterpolargl" } ], "scatterternary": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scatterternary" } ], "surface": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1, "#f0f921" ] ], "type": "surface" } ], "table": [ { "cells": { "fill": { "color": "#EBF0F8" }, "line": { "color": "white" } }, "header": { "fill": { "color": "#C8D4E3" }, "line": { "color": "white" } }, "type": "table" } ] }, "layout": { "annotationdefaults": { "arrowcolor": "#2a3f5f", "arrowhead": 0, "arrowwidth": 1 }, "autotypenumbers": "strict", "coloraxis": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "colorscale": { "diverging": [ [ 0, "#8e0152" ], [ 0.1, "#c51b7d" ], [ 0.2, "#de77ae" ], [ 0.3, "#f1b6da" ], [ 0.4, "#fde0ef" ], [ 0.5, "#f7f7f7" ], [ 0.6, "#e6f5d0" ], [ 0.7, "#b8e186" ], [ 0.8, "#7fbc41" ], [ 0.9, "#4d9221" ], [ 1, "#276419" ] ], "sequential": [ [ 0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1, "#f0f921" ] ], "sequentialminus": [ [ 0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1, "#f0f921" ] ] }, "colorway": [ "#636efa", "#EF553B", "#00cc96", "#ab63fa", "#FFA15A", "#19d3f3", "#FF6692", "#B6E880", "#FF97FF", "#FECB52" ], "font": { "color": "#2a3f5f" }, "geo": { "bgcolor": "white", "lakecolor": "white", "landcolor": "#E5ECF6", "showlakes": true, "showland": true, "subunitcolor": "white" }, "hoverlabel": { "align": "left" }, "hovermode": "closest", "mapbox": { "style": "light" }, "paper_bgcolor": "white", "plot_bgcolor": "#E5ECF6", "polar": { "angularaxis": { "gridcolor": "white", "linecolor": "white", "ticks": "" }, "bgcolor": "#E5ECF6", "radialaxis": { "gridcolor": "white", "linecolor": "white", "ticks": "" } }, "scene": { "xaxis": { "backgroundcolor": "#E5ECF6", "gridcolor": "white", "gridwidth": 2, "linecolor": "white", "showbackground": true, "ticks": "", "zerolinecolor": "white" }, "yaxis": { "backgroundcolor": "#E5ECF6", "gridcolor": "white", "gridwidth": 2, "linecolor": "white", "showbackground": true, "ticks": "", "zerolinecolor": "white" }, "zaxis": { "backgroundcolor": "#E5ECF6", "gridcolor": "white", "gridwidth": 2, "linecolor": "white", "showbackground": true, "ticks": "", "zerolinecolor": "white" } }, "shapedefaults": { "line": { "color": "#2a3f5f" } }, "ternary": { "aaxis": { "gridcolor": "white", "linecolor": "white", "ticks": "" }, "baxis": { "gridcolor": "white", "linecolor": "white", "ticks": "" }, "bgcolor": "#E5ECF6", "caxis": { "gridcolor": "white", "linecolor": "white", "ticks": "" } }, "title": { "x": 0.05 }, "xaxis": { "automargin": true, "gridcolor": "white", "linecolor": "white", "ticks": "", "title": { "standoff": 15 }, "zerolinecolor": "white", "zerolinewidth": 2 }, "yaxis": { "automargin": true, "gridcolor": "white", "linecolor": "white", "ticks": "", "title": { "standoff": 15 }, "zerolinecolor": "white", "zerolinewidth": 2 } } }, "xaxis": { "anchor": "y", "domain": [ 0, 0.45 ], "title": { "text": "Time" } }, "xaxis2": { "anchor": "y2", "domain": [ 0.55, 1 ], "title": { "text": "Time" } }, "xaxis3": { "anchor": "y3", "domain": [ 0, 0.45 ], "title": { "text": "Time" } }, "xaxis4": { "anchor": "y4", "domain": [ 0.55, 1 ], "title": { "text": "Time" } }, "xaxis5": { "anchor": "y5", "domain": [ 0, 0.45 ], "title": { "text": "Horizontal Distance" } }, "xaxis6": { "anchor": "y6", "domain": [ 0.55, 1 ], "title": { "text": "Time" } }, "yaxis": { "anchor": "x", "domain": [ 0.7777777777777778, 1 ], "title": { "text": "U / (m/s)" } }, "yaxis2": { "anchor": "x2", "domain": [ 0.7777777777777778, 1 ], "title": { "text": "W / (m/s)" } }, "yaxis3": { "anchor": "x3", "domain": [ 0.3888888888888889, 0.6111111111111112 ], "title": { "text": "Q / (deg/s)" } }, "yaxis4": { "anchor": "x4", "domain": [ 0.3888888888888889, 0.6111111111111112 ], "title": { "text": "θ / deg" } }, "yaxis5": { "anchor": "x5", "domain": [ 0, 0.22222222222222224 ], "title": { "text": "Alt / m" } }, "yaxis6": { "anchor": "x6", "domain": [ 0, 0.22222222222222224 ], "title": { "text": "AoA / deg" } } } }, "text/html": [ "
" ] }, "metadata": {}, "output_type": "display_data" } ], "source": [ "# Set the inputs\n", "de = -1\n", "de = np.radians(de)\n", "h = 0\n", "Vf = 120*.51444\n", "gamma = 0\n", "\n", "# Determine the trim state \n", "trimstate = TrimState(Vf, h, gamma)\n", "alpha = trimstate[2] - gamma\n", "Ue = Vf*np.cos(alpha)\n", "We = Vf*np.sin(alpha)\n", "Qe = 0\n", "ThetaE = trimstate[2]\n", "Xe = 0\n", "Ze = h; \n", " \n", "# Initial conditions\n", "from scipy.integrate import odeint\n", "y0 = np.array([Ue[0], We[0], Qe, ThetaE[0], Xe, Ze, (de + trimstate[1])[0]])\n", "\n", "t = np.linspace(0, 100, 1000)\n", "output = odeint(eqnofmotion800, y0, t, args=(trimstate[0],))\n", "\n", "U = output[:, 0]\n", "W = output[:, 1]\n", "Q = output[:, 2]\n", "Theta = output[:, 3]\n", "Alt = output[:, 5]\n", "alpha = np.arctan2(W, U)\n", "FS = np.sqrt(U**2 + W**2)\n", "\n", "# Plot 'em\n", "from plotly.subplots import make_subplots\n", "import plotly.graph_objects as go\n", "\n", "fig = make_subplots(rows=3, cols=2, subplot_titles=(\"Forward Speed\", \"Heave Velocity\", \"Pitch Rate\", \"Pitch Attitude\", \"Altitude\", \"AoA\"))\n", "\n", "fig.add_trace(\n", " go.Scatter(x = t, y = U, showlegend=False), row=1, col=1)\n", "\n", "fig.add_trace(\n", " go.Scatter(x = t, y = W, showlegend=False), row=1, col=2)\n", "\n", "fig.add_trace(\n", " go.Scatter(x = t, y = Q, showlegend=False), row=2, col=1)\n", "\n", "fig.add_trace(\n", " go.Scatter(x = t, y = Theta, showlegend=False), row=2, col=2)\n", "\n", "fig.add_trace(\n", " go.Scatter(x = output[:, 4], y = Alt, showlegend=False), row=3, col=1)\n", "\n", "fig.add_trace(\n", " go.Scatter(x = t, y = alpha, showlegend=False), row=3, col=2)\n", "\n", "\n", "# Store these data for later\n", "tNonlinear = t\n", "Unonlinear = U\n", "Wnonlinear = W\n", "Qnonlinear = Q\n", "Thetanonlinear = Theta\n", "\n", "\n", "fig.update_xaxes(title_text=\"Time\", row=1, col=1)\n", "fig.update_yaxes(title_text=f\"U / (m/s)\", row=1, col=1)\n", "fig.update_xaxes(title_text=\"Time\", row=1, col=2)\n", "fig.update_yaxes(title_text=f\"W / (m/s)\", row=1, col=2)\n", "fig.update_xaxes(title_text=\"Time\", row=2, col=1)\n", "fig.update_yaxes(title_text=\"Q / (deg/s)\", row=2, col=1)\n", "fig.update_xaxes(title_text=\"Time\", row=2, col=2)\n", "fig.update_yaxes(title_text=\"θ / deg\", row=2, col=2)\n", "fig.update_xaxes(title_text=\"Horizontal Distance\", row=3, col=1)\n", "fig.update_yaxes(title_text=\"Alt / m\", row=3, col=1)\n", "fig.update_xaxes(title_text=\"Time\", row=3, col=2)\n", "fig.update_yaxes(title_text=\"AoA / deg\", row=3, col=2)\n", "\n" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "It should be noted that the values above are *total* values and NOT perturbational values. We can compare a linear model of the HS125 with the reduced nonlinear model, above - but rather than sourcing HS 125 data of unknown legacy, it makes _more_ sense (but more work) to use the HS125 model to produce numerical derivatives based upon small perturbation theory using the model itself." ] }, { "cell_type": "markdown", "metadata": { "tags": [ "remove-input", "remove-output" ] }, "source": [ "$$\\newcommand{\\pd}[2]{\\frac{\\partial#1}{\\partial#2}}$$\n", "$$\\newcommand{\\ppd}[2]{\\frac{\\partial^2#1}{\\partial#2^2}}$$\n", "$$\\newcommand{\\pppd}[2]{\\frac{\\partial^3#1}{\\partial#2^3}}$$" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "# Numerical Linearisation of the Equations of Motion\n", "\n", "This section shall stick with the HS 125 business jet. For the longitudinal equations of motion:\n", "\n", "$$\\begin{aligned}\n", " \\begin{bmatrix} \\dot{u}\\\\\\dot{w}\\\\\\dot{q}\\\\\\dot{\\theta}\\end{bmatrix} &= \\begin{bmatrix}\n", " X_u & X_w & 0 & -g\\cdot\\cos\\theta_0\\\\\n", " Z_u & Z_w & U_0 & -g\\cdot\\sin\\theta_0\\\\\n", " M_u^* & M_w^* & M_q^* & M_\\theta^*\\\\\n", " 0 & 0 & 1 & 0 \n", " \\end{bmatrix}\\begin{bmatrix}\n", " {u}\\\\{w}\\\\{q}\\\\{\\theta^\\prime} \n", " \\end{bmatrix} + \\begin{bmatrix}\n", " 0\\\\Z_{\\delta_0}\\\\M_{\\delta_0}^*\\\\0 \n", " \\end{bmatrix}\\left[\\delta_0\\right]\\\\\n", " \\dot{\\vec{x}} &= \\hspace{2cm} A\\vec{x} + B\\vec{u}\n", "\\end{aligned}$$\n", "\n", "$$\\begin{aligned}\n", " M_u^*&\\triangleq M_u + M_{\\dot{w}}Z_u\\,\\,\\,\\,\\,\\,\\,\\,M_w^*\\triangleq M_w+M_{\\dot{w}}Z_w\\,\\,\\,\\,\\,\\,\\,\\,M_q^*\\triangleq M_q+M_{\\dot{w}}U_0\\nonumber\\\\\n", " M_{\\delta_0}^*&\\triangleq M_{\\delta_0}+M_{\\dot{w}}Z_{\\delta_0}\\,\\,\\,\\,\\,\\,\\,\\,M_{\\theta}^*\\triangleq-M_{\\dot{w}}g\\sin\\theta_0 \\nonumber \\end{aligned}$$\n", "\n", "For each of the derivatives contained above, a central-difference approach may be utilised. That is, if the longitudinal force is a function of the aircraft states:\n", "\n", "$$X = f\\left(U, W, Q,\\Theta_0,\\delta_{e_0}\\right)$$\n", "\n", "then each of the stability derivatives may be expressed as a numerical partial derivative. For example\n", "\n", "$$X_u = \\frac{1}{m}\\left.\\pd{X}{u}\\right|_0=\\frac{1}{m}\\left[\\frac{f\\left(U_0+\\delta U,W_0,Q_0,\\theta_0,\\delta_{e_0}\\right)-f\\left(U_0- \\delta U,W_0,Q_0,\\theta_0,\\delta_{e_0}\\right)}{2\\delta U}\\right]$$\n", "\n", "Note that the variable that the derivative is with respect to is altered, and the others are held constant - this is a partial derivative. This can be repeated for the remaining derivatives. This procedure has been used below to create stability derivatives.\n", "\n", "`TotalForces` gives values of the $X$, $Z$, and $M$ force and moments, and then `NumerialDerivatives` uses a central difference approach _with_ `TotalForces` to create the numerical derivatives about this trim state" ] }, { "cell_type": "code", "execution_count": 5, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "Converged after 1390 iterations\n", "For inputs of Vf = 61.73m/s, h = 0.00km, gamma = 0.00deg\n", "\n", "Thrust = 13.84kN, de = -0.98deg, Theta = 0.84deg\n", "\n", "At this trim state, the approximation of the A matrix is:\n", "[[-5.70764610e-02 1.25051144e-01 0.00000000e+00 -9.80559977e+00]\n", " [-3.05079979e-01 -8.63347157e-01 6.17266688e+01 -1.43517817e-01]\n", " [-1.47362059e-03 -3.66687419e-02 -5.44243612e-01 0.00000000e+00]\n", " [ 0.00000000e+00 0.00000000e+00 1.00000000e+00 0.00000000e+00]]\n", "Control matrix approximation:\n", "[[ 0. ]\n", " [-7.38503134]\n", " [-3.90965145]\n", " [ 0. ]]\n" ] } ], "source": [ "def perturbationalForces(U, W, Q, Theta, de, h, gamma, T):\n", " '''This gives the total forces for the HS 125 simplified longitudinal\n", " aircraft\n", " Inputs: Thrust/N, elevator deflection/deg, theta/rad, flightspeed/m/s,\n", " flightpath/rad\n", " altitude/m\n", " '''\n", "\n", "\n", " # Aircraft Parameters (all in SI)\n", " m=7484.4 # mass = 7484.4kg etc.\n", " s=32.8 #\n", " Iyy=84309\n", " cbar=2.29 \n", " dZt=-0.378\n", " rho=1.225 \n", " CD0=0.177 \n", " CDa=0.232 \n", " CDa2= 1.393\n", " CL0=0.895\n", " CLa=5.01 \n", " CLde=0.722\n", " CM0=-0.046 \n", " CMa=-1.087 \n", " CMde=-1.88 \n", " CMq=-7.055 \n", " Thrust=13878\n", " g = 9.80665\n", "\n", " qh = 0 # Trim definition\n", " \n", " rho = float(Atmosphere(h).density[0])\n", "\n", " # Get the Ue and We and add the perturbational values\n", " alpha = np.arctan2(W, U)\n", " Vf = np.sqrt(U ** 2 + W **2)\n", " Qhat = Q * cbar / Vf\n", " \n", " # Recalculate alpha \n", " CL = CL0 + CLa*alpha + CLde*de\n", " CD = CD0 + CDa*alpha + CDa2*alpha*alpha\n", " CM = CM0 + CMa*alpha + CMde * (de) + CMq*(Qhat)\n", "\n", " q_infs = .5*rho*Vf**2*s\n", "\n", " # Dimensional lift\n", " lift = q_infs*CL\n", " drag = q_infs*CD\n", " pm = q_infs*cbar*CM\n", "\n", "\n", " # Determine lift and drag\n", " F = np.zeros((3, 1))\n", " \n", "\n", " F[0] = float(T - drag*np.cos(alpha) + lift*np.sin(alpha) - m*g*np.sin(Theta))\n", " F[1] = float(-lift*np.cos(alpha) -drag*np.sin(alpha) + m*g*np.cos(Theta))\n", " F[2] = float(pm - T*dZt)\n", " return F\n", "\n", "def numericalDerivatives(Vf=120 * .514444, h = 0, de = np.radians(1), gamma=0):\n", " \"\"\"\n", " This approach uses a central difference small perturbation approach to estimate the numerical\n", " value of the stability derivatives\n", " \"\"\"\n", " trimstate = TrimState(Vf, h, gamma)\n", " T = trimstate[0]\n", " de = trimstate[1]\n", " alpha = trimstate[2] - gamma\n", " Ue = Vf * np.cos(alpha)\n", " We = Vf * np.sin(alpha)\n", " Qe = 0\n", " ThetaE = trimstate[2]\n", " Xe = 0\n", " Ze = h\n", "\n", " # Determine numerical derivatives\n", " m=7484.4 #%mass = 7484.4kg etc.\n", " Iyy=84309 \n", " g = 9.80665\n", " # Get Xu\n", " dUe = 2 #Vf * 0.01\n", " dWe = 2 #Vf * 0.01\n", " dQe = 0.1\n", " dde = de * 0.01\n", " \n", " # Derivatives wrt u \n", " Xpde, Zpde, Mpde = perturbationalForces(Ue+dUe, We, Qe, ThetaE, de, h, gamma, T)\n", " Xmde, Zmde, Mmde = perturbationalForces(Ue-dUe, We, Qe, ThetaE, de, h, gamma, T)\n", "\n", " Xu = 1 / m *(Xpde - Xmde) /2 /dUe\n", " Zu = 1 / m*(Zpde - Zmde) /2 /dUe\n", " Mu = 1 / Iyy *(Mpde - Mmde) /2 /dUe\n", "\n", " # Derivatives wrt w\n", " [Xpdw, Zpdw, Mpdw] = perturbationalForces(Ue, We+dWe, Qe, ThetaE, de, h, gamma, T)\n", " [Xmdw, Zmdw, Mmdw] = perturbationalForces(Ue, We-dWe, Qe, ThetaE, de, h, gamma, T)\n", " Xw = 1 /m*(Xpdw - Xmdw) /2 /dWe\n", " Zw = 1 /m*(Zpdw - Zmdw) /2 /dWe;\n", " Mw = 1 /Iyy*(Mpdw - Mmdw) /2 /dWe;\n", "\n", " # Derivatives wrt q\n", " [Xpdq, Zpdq, Mpdq] = perturbationalForces(Ue, We, Qe+dQe, ThetaE, de, h, gamma, T)\n", " [Xmdq, Zmdq, Mmdq] = perturbationalForces(Ue, We, Qe-dQe, ThetaE, de, h, gamma, T)\n", " Xq = 1 / m *(Xpdq - Xmdq) /2 /dQe;\n", " Zq = 1 / m *(Zpdq - Zmdq) /2 /dQe;\n", " Mq = 1 / Iyy *(Mpdq - Mmdq) /2 /dQe;\n", " \n", " # Derivatives wrt elevator\n", " [_, Zpde, Mpde] = perturbationalForces(Ue, We, Qe, ThetaE, de+dde, h, gamma, T)\n", " [_, Zmde, Mmde] = perturbationalForces(Ue, We, Qe, ThetaE, de-dde, h, gamma, T)\n", " Zde = 1 / m *(Zpde - Zmde) /2 /dde;\n", " Mde = 1 / Iyy *(Mpde - Mmde) /2 /dde;\n", " \n", " # Put them into an A matrix\n", " A = np.matrix(\n", " [\n", " [float(Xu), float(Xw), 0, -float(g*np.cos(ThetaE))],\n", " [float(Zu), float(Zw), float(Ue), -float(g*np.sin(ThetaE))],\n", " [float(Mu), float(Mw), float(Mq), 0],\n", " [0, 0, 1, 0]\n", " ]\n", " )\n", " \n", " \n", " print(f\"At this trim state, the approximation of the A matrix is:\")\n", " print(A)\n", " \n", " print('Control matrix approximation:')\n", " B = np.matrix(\n", " [\n", " [0], [float(Zde)], [float(Mde)], [0]\n", " ]\n", " )\n", " print(B)\n", " return A, B\n", " \n", "Alon, Blon = numericalDerivatives()" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "With the system and control matrix above, the response of the aircraft to the same input disturbance may be evaluated." ] }, { "cell_type": "code", "execution_count": 10, "metadata": {}, "outputs": [ { "data": { "application/vnd.plotly.v1+json": { "config": { "plotlyServerURL": "https://plot.ly" }, "data": [ { "line": { "color": "blue" }, "name": "Linear", "showlegend": true, "type": "scatter", "x": [ 0, 0.1001001001001001, 0.2002002002002002, 0.3003003003003003, 0.4004004004004004, 0.5005005005005005, 0.6006006006006006, 0.7007007007007008, 0.8008008008008008, 0.9009009009009009, 1.001001001001001, 1.1011011011011012, 1.2012012012012012, 1.3013013013013013, 1.4014014014014016, 1.5015015015015016, 1.6016016016016017, 1.7017017017017018, 1.8018018018018018, 1.9019019019019021, 2.002002002002002, 2.1021021021021022, 2.2022022022022023, 2.3023023023023024, 2.4024024024024024, 2.5025025025025025, 2.6026026026026026, 2.702702702702703, 2.802802802802803, 2.902902902902903, 3.0030030030030033, 3.1031031031031033, 3.2032032032032034, 3.3033033033033035, 3.4034034034034035, 3.5035035035035036, 3.6036036036036037, 3.7037037037037037, 3.8038038038038042, 3.9039039039039043, 4.004004004004004, 4.104104104104104, 4.2042042042042045, 4.3043043043043046, 4.404404404404405, 4.504504504504505, 4.604604604604605, 4.704704704704705, 4.804804804804805, 4.904904904904905, 5.005005005005005, 5.105105105105105, 5.205205205205205, 5.305305305305305, 5.405405405405406, 5.505505505505506, 5.605605605605606, 5.705705705705706, 5.805805805805806, 5.9059059059059065, 6.0060060060060065, 6.106106106106107, 6.206206206206207, 6.306306306306307, 6.406406406406407, 6.506506506506507, 6.606606606606607, 6.706706706706707, 6.806806806806807, 6.906906906906907, 7.007007007007007, 7.107107107107107, 7.207207207207207, 7.307307307307307, 7.407407407407407, 7.507507507507508, 7.6076076076076085, 7.7077077077077085, 7.807807807807809, 7.907907907907909, 8.008008008008009, 8.108108108108109, 8.208208208208209, 8.308308308308309, 8.408408408408409, 8.508508508508509, 8.608608608608609, 8.70870870870871, 8.80880880880881, 8.90890890890891, 9.00900900900901, 9.10910910910911, 9.20920920920921, 9.30930930930931, 9.40940940940941, 9.50950950950951, 9.60960960960961, 9.70970970970971, 9.80980980980981, 9.90990990990991, 10.01001001001001, 10.11011011011011, 10.21021021021021, 10.31031031031031, 10.41041041041041, 10.51051051051051, 10.61061061061061, 10.710710710710712, 10.810810810810812, 10.910910910910912, 11.011011011011012, 11.111111111111112, 11.211211211211213, 11.311311311311313, 11.411411411411413, 11.511511511511513, 11.611611611611613, 11.711711711711713, 11.811811811811813, 11.911911911911913, 12.012012012012013, 12.112112112112113, 12.212212212212213, 12.312312312312313, 12.412412412412413, 12.512512512512513, 12.612612612612613, 12.712712712712714, 12.812812812812814, 12.912912912912914, 13.013013013013014, 13.113113113113114, 13.213213213213214, 13.313313313313314, 13.413413413413414, 13.513513513513514, 13.613613613613614, 13.713713713713714, 13.813813813813814, 13.913913913913914, 14.014014014014014, 14.114114114114114, 14.214214214214214, 14.314314314314315, 14.414414414414415, 14.514514514514515, 14.614614614614615, 14.714714714714715, 14.814814814814815, 14.914914914914915, 15.015015015015017, 15.115115115115117, 15.215215215215217, 15.315315315315317, 15.415415415415417, 15.515515515515517, 15.615615615615617, 15.715715715715717, 15.815815815815817, 15.915915915915917, 16.016016016016017, 16.116116116116117, 16.216216216216218, 16.316316316316318, 16.416416416416418, 16.516516516516518, 16.616616616616618, 16.716716716716718, 16.816816816816818, 16.916916916916918, 17.017017017017018, 17.117117117117118, 17.217217217217218, 17.31731731731732, 17.41741741741742, 17.51751751751752, 17.61761761761762, 17.71771771771772, 17.81781781781782, 17.91791791791792, 18.01801801801802, 18.11811811811812, 18.21821821821822, 18.31831831831832, 18.41841841841842, 18.51851851851852, 18.61861861861862, 18.71871871871872, 18.81881881881882, 18.91891891891892, 19.01901901901902, 19.11911911911912, 19.21921921921922, 19.31931931931932, 19.41941941941942, 19.51951951951952, 19.61961961961962, 19.71971971971972, 19.81981981981982, 19.91991991991992, 20.02002002002002, 20.12012012012012, 20.22022022022022, 20.32032032032032, 20.42042042042042, 20.52052052052052, 20.62062062062062, 20.72072072072072, 20.82082082082082, 20.92092092092092, 21.02102102102102, 21.12112112112112, 21.22122122122122, 21.32132132132132, 21.421421421421424, 21.521521521521525, 21.621621621621625, 21.721721721721725, 21.821821821821825, 21.921921921921925, 22.022022022022025, 22.122122122122125, 22.222222222222225, 22.322322322322325, 22.422422422422425, 22.522522522522525, 22.622622622622625, 22.722722722722725, 22.822822822822825, 22.922922922922925, 23.023023023023026, 23.123123123123126, 23.223223223223226, 23.323323323323326, 23.423423423423426, 23.523523523523526, 23.623623623623626, 23.723723723723726, 23.823823823823826, 23.923923923923926, 24.024024024024026, 24.124124124124126, 24.224224224224226, 24.324324324324326, 24.424424424424426, 24.524524524524526, 24.624624624624627, 24.724724724724727, 24.824824824824827, 24.924924924924927, 25.025025025025027, 25.125125125125127, 25.225225225225227, 25.325325325325327, 25.425425425425427, 25.525525525525527, 25.625625625625627, 25.725725725725727, 25.825825825825827, 25.925925925925927, 26.026026026026027, 26.126126126126128, 26.226226226226228, 26.326326326326328, 26.426426426426428, 26.526526526526528, 26.626626626626628, 26.726726726726728, 26.826826826826828, 26.926926926926928, 27.027027027027028, 27.127127127127128, 27.227227227227228, 27.32732732732733, 27.42742742742743, 27.52752752752753, 27.62762762762763, 27.72772772772773, 27.82782782782783, 27.92792792792793, 28.02802802802803, 28.12812812812813, 28.22822822822823, 28.32832832832833, 28.42842842842843, 28.52852852852853, 28.62862862862863, 28.72872872872873, 28.82882882882883, 28.92892892892893, 29.02902902902903, 29.12912912912913, 29.22922922922923, 29.32932932932933, 29.42942942942943, 29.52952952952953, 29.62962962962963, 29.72972972972973, 29.82982982982983, 29.929929929929934, 30.030030030030034, 30.130130130130134, 30.230230230230234, 30.330330330330334, 30.430430430430434, 30.530530530530534, 30.630630630630634, 30.730730730730734, 30.830830830830834, 30.930930930930934, 31.031031031031034, 31.131131131131134, 31.231231231231234, 31.331331331331334, 31.431431431431434, 31.531531531531535, 31.631631631631635, 31.731731731731735, 31.831831831831835, 31.931931931931935, 32.032032032032035, 32.132132132132135, 32.232232232232235, 32.332332332332335, 32.432432432432435, 32.532532532532535, 32.632632632632635, 32.732732732732735, 32.832832832832835, 32.932932932932935, 33.033033033033036, 33.133133133133136, 33.233233233233236, 33.333333333333336, 33.433433433433436, 33.533533533533536, 33.633633633633636, 33.733733733733736, 33.833833833833836, 33.933933933933936, 34.034034034034036, 34.134134134134136, 34.234234234234236, 34.334334334334336, 34.434434434434436, 34.53453453453454, 34.63463463463464, 34.73473473473474, 34.83483483483484, 34.93493493493494, 35.03503503503504, 35.13513513513514, 35.23523523523524, 35.33533533533534, 35.43543543543544, 35.53553553553554, 35.63563563563564, 35.73573573573574, 35.83583583583584, 35.93593593593594, 36.03603603603604, 36.13613613613614, 36.23623623623624, 36.33633633633634, 36.43643643643644, 36.53653653653654, 36.63663663663664, 36.73673673673674, 36.83683683683684, 36.93693693693694, 37.03703703703704, 37.13713713713714, 37.23723723723724, 37.33733733733734, 37.43743743743744, 37.53753753753754, 37.63763763763764, 37.73773773773774, 37.83783783783784, 37.93793793793794, 38.03803803803804, 38.13813813813814, 38.23823823823824, 38.33833833833834, 38.43843843843844, 38.53853853853854, 38.63863863863864, 38.73873873873874, 38.83883883883884, 38.93893893893894, 39.03903903903904, 39.13913913913914, 39.23923923923924, 39.33933933933934, 39.43943943943944, 39.53953953953954, 39.63963963963964, 39.73973973973974, 39.83983983983984, 39.93993993993994, 40.04004004004004, 40.14014014014014, 40.24024024024024, 40.34034034034034, 40.44044044044044, 40.54054054054054, 40.64064064064064, 40.74074074074074, 40.84084084084084, 40.94094094094094, 41.04104104104104, 41.14114114114114, 41.24124124124124, 41.34134134134134, 41.44144144144144, 41.54154154154154, 41.64164164164164, 41.74174174174174, 41.84184184184184, 41.94194194194194, 42.04204204204204, 42.14214214214214, 42.24224224224224, 42.34234234234234, 42.44244244244244, 42.54254254254254, 42.64264264264264, 42.74274274274275, 42.84284284284285, 42.94294294294295, 43.04304304304305, 43.14314314314315, 43.24324324324325, 43.34334334334335, 43.44344344344345, 43.54354354354355, 43.64364364364365, 43.74374374374375, 43.84384384384385, 43.94394394394395, 44.04404404404405, 44.14414414414415, 44.24424424424425, 44.34434434434435, 44.44444444444445, 44.54454454454455, 44.64464464464465, 44.74474474474475, 44.84484484484485, 44.94494494494495, 45.04504504504505, 45.14514514514515, 45.24524524524525, 45.34534534534535, 45.44544544544545, 45.54554554554555, 45.64564564564565, 45.74574574574575, 45.84584584584585, 45.94594594594595, 46.04604604604605, 46.14614614614615, 46.24624624624625, 46.34634634634635, 46.44644644644645, 46.54654654654655, 46.64664664664665, 46.74674674674675, 46.84684684684685, 46.94694694694695, 47.04704704704705, 47.14714714714715, 47.24724724724725, 47.34734734734735, 47.44744744744745, 47.54754754754755, 47.64764764764765, 47.74774774774775, 47.84784784784785, 47.94794794794795, 48.04804804804805, 48.14814814814815, 48.24824824824825, 48.34834834834835, 48.44844844844845, 48.54854854854855, 48.64864864864865, 48.74874874874875, 48.84884884884885, 48.94894894894895, 49.04904904904905, 49.14914914914915, 49.24924924924925, 49.34934934934935, 49.44944944944945, 49.54954954954955, 49.64964964964965, 49.74974974974975, 49.84984984984985, 49.94994994994995, 50.050050050050054, 50.150150150150154, 50.250250250250254, 50.350350350350354, 50.450450450450454, 50.550550550550554, 50.650650650650654, 50.750750750750754, 50.850850850850854, 50.950950950950954, 51.051051051051054, 51.151151151151154, 51.251251251251254, 51.351351351351354, 51.451451451451454, 51.551551551551555, 51.651651651651655, 51.751751751751755, 51.851851851851855, 51.951951951951955, 52.052052052052055, 52.152152152152155, 52.252252252252255, 52.352352352352355, 52.452452452452455, 52.552552552552555, 52.652652652652655, 52.752752752752755, 52.852852852852855, 52.952952952952955, 53.053053053053056, 53.153153153153156, 53.253253253253256, 53.353353353353356, 53.453453453453456, 53.553553553553556, 53.653653653653656, 53.753753753753756, 53.853853853853856, 53.953953953953956, 54.054054054054056, 54.154154154154156, 54.254254254254256, 54.354354354354356, 54.454454454454456, 54.55455455455456, 54.65465465465466, 54.75475475475476, 54.85485485485486, 54.95495495495496, 55.05505505505506, 55.15515515515516, 55.25525525525526, 55.35535535535536, 55.45545545545546, 55.55555555555556, 55.65565565565566, 55.75575575575576, 55.85585585585586, 55.95595595595596, 56.05605605605606, 56.15615615615616, 56.25625625625626, 56.35635635635636, 56.45645645645646, 56.55655655655656, 56.65665665665666, 56.75675675675676, 56.85685685685686, 56.95695695695696, 57.05705705705706, 57.15715715715716, 57.25725725725726, 57.35735735735736, 57.45745745745746, 57.55755755755756, 57.65765765765766, 57.75775775775776, 57.85785785785786, 57.95795795795796, 58.05805805805806, 58.15815815815816, 58.25825825825826, 58.35835835835836, 58.45845845845846, 58.55855855855856, 58.65865865865866, 58.75875875875876, 58.85885885885886, 58.95895895895896, 59.05905905905906, 59.15915915915916, 59.25925925925926, 59.35935935935936, 59.45945945945946, 59.55955955955956, 59.65965965965966, 59.75975975975976, 59.85985985985987, 59.95995995995997, 60.06006006006007, 60.16016016016017, 60.26026026026027, 60.36036036036037, 60.46046046046047, 60.56056056056057, 60.66066066066067, 60.76076076076077, 60.86086086086087, 60.96096096096097, 61.06106106106107, 61.16116116116117, 61.26126126126127, 61.36136136136137, 61.46146146146147, 61.56156156156157, 61.66166166166167, 61.76176176176177, 61.86186186186187, 61.96196196196197, 62.06206206206207, 62.16216216216217, 62.26226226226227, 62.36236236236237, 62.46246246246247, 62.56256256256257, 62.66266266266267, 62.76276276276277, 62.86286286286287, 62.96296296296297, 63.06306306306307, 63.16316316316317, 63.26326326326327, 63.36336336336337, 63.46346346346347, 63.56356356356357, 63.66366366366367, 63.76376376376377, 63.86386386386387, 63.96396396396397, 64.06406406406407, 64.16416416416416, 64.26426426426427, 64.36436436436436, 64.46446446446447, 64.56456456456456, 64.66466466466467, 64.76476476476476, 64.86486486486487, 64.96496496496496, 65.06506506506507, 65.16516516516516, 65.26526526526527, 65.36536536536536, 65.46546546546547, 65.56556556556556, 65.66566566566567, 65.76576576576576, 65.86586586586587, 65.96596596596596, 66.06606606606607, 66.16616616616616, 66.26626626626627, 66.36636636636636, 66.46646646646647, 66.56656656656656, 66.66666666666667, 66.76676676676676, 66.86686686686687, 66.96696696696696, 67.06706706706707, 67.16716716716716, 67.26726726726727, 67.36736736736736, 67.46746746746747, 67.56756756756756, 67.66766766766767, 67.76776776776777, 67.86786786786787, 67.96796796796797, 68.06806806806807, 68.16816816816817, 68.26826826826827, 68.36836836836838, 68.46846846846847, 68.56856856856858, 68.66866866866867, 68.76876876876878, 68.86886886886887, 68.96896896896898, 69.06906906906907, 69.16916916916918, 69.26926926926927, 69.36936936936938, 69.46946946946947, 69.56956956956958, 69.66966966966967, 69.76976976976978, 69.86986986986987, 69.96996996996998, 70.07007007007007, 70.17017017017018, 70.27027027027027, 70.37037037037038, 70.47047047047047, 70.57057057057058, 70.67067067067067, 70.77077077077078, 70.87087087087087, 70.97097097097098, 71.07107107107107, 71.17117117117118, 71.27127127127127, 71.37137137137138, 71.47147147147147, 71.57157157157158, 71.67167167167167, 71.77177177177178, 71.87187187187187, 71.97197197197198, 72.07207207207207, 72.17217217217218, 72.27227227227228, 72.37237237237238, 72.47247247247248, 72.57257257257258, 72.67267267267268, 72.77277277277278, 72.87287287287288, 72.97297297297298, 73.07307307307308, 73.17317317317318, 73.27327327327328, 73.37337337337338, 73.47347347347348, 73.57357357357358, 73.67367367367368, 73.77377377377378, 73.87387387387388, 73.97397397397398, 74.07407407407408, 74.17417417417418, 74.27427427427428, 74.37437437437438, 74.47447447447448, 74.57457457457458, 74.67467467467468, 74.77477477477478, 74.87487487487488, 74.97497497497498, 75.07507507507508, 75.17517517517518, 75.27527527527528, 75.37537537537538, 75.47547547547548, 75.57557557557558, 75.67567567567568, 75.77577577577578, 75.87587587587588, 75.97597597597598, 76.07607607607608, 76.17617617617618, 76.27627627627628, 76.37637637637638, 76.47647647647648, 76.57657657657658, 76.67667667667668, 76.77677677677679, 76.87687687687688, 76.97697697697699, 77.07707707707708, 77.17717717717719, 77.27727727727728, 77.37737737737739, 77.47747747747748, 77.57757757757759, 77.67767767767768, 77.77777777777779, 77.87787787787788, 77.97797797797799, 78.07807807807808, 78.17817817817819, 78.27827827827828, 78.37837837837839, 78.47847847847848, 78.57857857857859, 78.67867867867868, 78.77877877877879, 78.87887887887888, 78.97897897897899, 79.07907907907908, 79.17917917917919, 79.27927927927928, 79.37937937937939, 79.47947947947948, 79.57957957957959, 79.67967967967968, 79.77977977977979, 79.87987987987988, 79.97997997997999, 80.08008008008008, 80.18018018018019, 80.28028028028028, 80.38038038038039, 80.48048048048048, 80.58058058058059, 80.68068068068068, 80.78078078078079, 80.88088088088088, 80.98098098098099, 81.08108108108108, 81.18118118118119, 81.28128128128128, 81.38138138138139, 81.48148148148148, 81.58158158158159, 81.68168168168168, 81.78178178178179, 81.88188188188188, 81.98198198198199, 82.08208208208208, 82.18218218218219, 82.28228228228228, 82.38238238238239, 82.48248248248248, 82.58258258258259, 82.68268268268268, 82.78278278278279, 82.88288288288288, 82.98298298298299, 83.08308308308308, 83.18318318318319, 83.28328328328328, 83.38338338338339, 83.48348348348348, 83.58358358358359, 83.68368368368368, 83.78378378378379, 83.88388388388388, 83.98398398398399, 84.08408408408408, 84.18418418418419, 84.28428428428428, 84.38438438438439, 84.48448448448448, 84.58458458458459, 84.68468468468468, 84.78478478478479, 84.88488488488488, 84.98498498498499, 85.08508508508508, 85.18518518518519, 85.28528528528528, 85.38538538538539, 85.4854854854855, 85.58558558558559, 85.6856856856857, 85.78578578578579, 85.8858858858859, 85.98598598598599, 86.0860860860861, 86.18618618618619, 86.2862862862863, 86.38638638638639, 86.4864864864865, 86.58658658658659, 86.6866866866867, 86.78678678678679, 86.8868868868869, 86.98698698698699, 87.0870870870871, 87.18718718718719, 87.2872872872873, 87.38738738738739, 87.4874874874875, 87.58758758758759, 87.6876876876877, 87.78778778778779, 87.8878878878879, 87.98798798798799, 88.0880880880881, 88.18818818818819, 88.2882882882883, 88.38838838838839, 88.4884884884885, 88.58858858858859, 88.6886886886887, 88.78878878878879, 88.8888888888889, 88.988988988989, 89.0890890890891, 89.1891891891892, 89.2892892892893, 89.3893893893894, 89.4894894894895, 89.5895895895896, 89.6896896896897, 89.7897897897898, 89.8898898898899, 89.98998998999, 90.0900900900901, 90.1901901901902, 90.2902902902903, 90.3903903903904, 90.4904904904905, 90.5905905905906, 90.6906906906907, 90.7907907907908, 90.8908908908909, 90.990990990991, 91.0910910910911, 91.1911911911912, 91.2912912912913, 91.3913913913914, 91.4914914914915, 91.5915915915916, 91.6916916916917, 91.7917917917918, 91.8918918918919, 91.991991991992, 92.0920920920921, 92.1921921921922, 92.2922922922923, 92.3923923923924, 92.4924924924925, 92.5925925925926, 92.6926926926927, 92.7927927927928, 92.8928928928929, 92.992992992993, 93.0930930930931, 93.1931931931932, 93.2932932932933, 93.3933933933934, 93.4934934934935, 93.5935935935936, 93.6936936936937, 93.7937937937938, 93.8938938938939, 93.993993993994, 94.0940940940941, 94.1941941941942, 94.2942942942943, 94.3943943943944, 94.4944944944945, 94.5945945945946, 94.6946946946947, 94.7947947947948, 94.8948948948949, 94.994994994995, 95.0950950950951, 95.1951951951952, 95.2952952952953, 95.3953953953954, 95.4954954954955, 95.5955955955956, 95.6956956956957, 95.7957957957958, 95.8958958958959, 95.995995995996, 96.0960960960961, 96.1961961961962, 96.2962962962963, 96.3963963963964, 96.4964964964965, 96.5965965965966, 96.6966966966967, 96.7967967967968, 96.8968968968969, 96.996996996997, 97.0970970970971, 97.1971971971972, 97.2972972972973, 97.3973973973974, 97.4974974974975, 97.5975975975976, 97.6976976976977, 97.7977977977978, 97.8978978978979, 97.997997997998, 98.0980980980981, 98.1981981981982, 98.2982982982983, 98.3983983983984, 98.4984984984985, 98.5985985985986, 98.6986986986987, 98.7987987987988, 98.8988988988989, 98.998998998999, 99.0990990990991, 99.1991991991992, 99.2992992992993, 99.3993993993994, 99.4994994994995, 99.5995995995996, 99.6996996996997, 99.7997997997998, 99.8998998998999, 100 ], "xaxis": "x", "y": [ 61.726186002446376, 61.726239095906465, 61.72627797167454, 61.72610414233486, 61.72550222436336, 61.72424800594448, 61.72211568702809, 61.718884215349426, 61.71434267546117, 61.708294717834626, 61.70056204144753, 61.69098696579489, 61.67943414686853, 61.6657915063916, 61.64997045460017, 61.63190549434903, 61.61155329855634, 61.58889135431597, 61.56391626574832, 61.53664180420686, 61.50709678918568, 61.475322876561464, 61.44137232301385, 61.405305786944524, 61.367190217273425, 61.32709687241592, 61.28509950278738, 61.24127272155669, 61.19569058025426, 61.148425358375064, 61.09954656940707, 61.04912017983363, 60.99720803264543, 60.943867462766754, 60.88915108854164, 60.83310676100614, 60.77577765104296, 60.717202453613126, 60.65741568801103, 60.59644807341452, 60.534326959816816, 60.471076795644436, 60.406719614902514, 60.34127552846179, 60.27476320603539, 60.20720033741555, 60.138604063588396, 60.06899137036196, 59.998379439081184, 59.92678595082503, 59.8542293421525, 59.78072901196483, 59.70630548036312, 59.63098050149661, 59.55477713331336, 59.477719767845414, 59.39983412619231, 59.32114722272101, 59.24168730319181, 59.16148376156495, 59.08056704015997, 58.998968517647924, 58.91672038907585, 58.833855541770816, 58.75040743056746, 58.66640995536463, 58.581897343558886, 58.49690403944136, 58.41146460218945, 58.32561361364971, 58.239385596699385, 58.15281494459969, 58.06593586141842, 57.97878231330692, 57.89138799016805, 57.8037862770482, 57.716010234427586, 57.628092586465954, 57.54006571618381, 57.451961666519125, 57.3638121461911, 57.275648539323775, 57.18750191782683, 57.099403055595985, 57.011382443675615, 56.92347030561796, 56.83569661237288, 56.74809109614508, 56.66068326276032, 56.573502402183905, 56.48657759693298, 56.39993772821546, 56.3136114797124, 56.22762733899547, 56.14201359663629, 56.05679834311986, 55.97200946371894, 55.88767463152185, 55.803821298831174, 55.720476687168016, 55.637667776124474, 55.5554212913085, 55.473763691619894, 55.392721156085734, 55.31231957046837, 55.23258451384089, 55.15354124530382, 55.075214690994315, 54.99762943151569, 54.92080968989154, 54.84477932012559, 54.76956179642639, 54.695180203135365, 54.6216572253779, 54.54901514044022, 54.477275809860295, 54.406460672208794, 54.33659073652564, 54.26768657637034, 54.19976832443824, 54.132855667691516, 54.06696784295132, 54.002123632898, 53.93834136242678, 53.87563889530931, 53.81403363111429, 53.75354250234514, 53.694181971756706, 53.63596802981858, 53.5789161922975, 53.52304149793666, 53.46835850621484, 53.414881295173195, 53.36262345930191, 53.31159810748338, 53.26181786099196, 53.21329485155357, 53.166040719471276, 53.12006661182491, 53.07538318075457, 53.03200058183896, 52.989928472580196, 52.94917601100722, 52.9097518544096, 52.871664158213406, 52.83492057501002, 52.79952825374801, 52.76549383909714, 52.732823470992344, 52.701522784364485, 52.671596909063304, 52.64305046997673, 52.61588758734955, 52.59011187730324, 52.56572645255767, 52.542733923354426, 52.521136398580495, 52.50093548709046, 52.48213229922447, 52.464727448518985, 52.44872105360652, 52.43411274030057, 52.42090164386161, 52.4090864114398, 52.39866520469016, 52.38963570255587, 52.381995104215605, 52.37574013219065, 52.37086703560803, 52.36737159361596, 52.36524911894803, 52.36449446163293, 52.36510201284672, 52.36706570890472, 52.370379035390485, 52.37503503141946, 52.381026294034974, 52.388344982734594, 52.39698282412472, 52.406931116701685, 52.41818073575742, 52.430722138407944, 52.444545368743064, 52.45964006309535, 52.475995455426734, 52.493600382831005, 52.512443291150184, 52.532512240703085, 52.55379491212386, 52.57627861230876, 52.59995028046867, 52.62479649428542, 52.65080347616952, 52.67795709961686, 52.70624289566196, 52.73564605942519, 52.766151456751416, 52.797743630937234, 52.83040680954421, 52.86412491129514, 52.8988815530507, 52.93466005686335, 52.97144345710576, 53.0092145076707, 53.04795568923947, 53.08764921661589, 53.12827704612275, 53.16982088305791, 53.212262189206854, 53.2555821904088, 53.29976188417339, 53.34478204734485, 53.39062324381078, 53.437265832252564, 53.484689973934344, 53.53287564052778, 53.58180262196949, 53.63145053434842, 53.68179882782009, 53.732826794544906, 53.78451357664761, 53.83683817419502, 53.889779453189206, 53.94331615357322, 53.997426897246555, 54.05209019608752, 54.10728445997968, 54.16298800483958, 54.219179060642965, 54.275835779446616, 54.33293624340321, 54.39045847276623, 54.44838043388233, 54.50668004716835, 54.565335195070276, 54.624323730001386, 54.68362348225699, 54.74321226790302, 54.803067896635774, 54.86316817961029, 54.92349093723466, 54.98401400692762, 55.04471525083704, 55.105572563516525, 55.16656387955781, 55.22766718117631, 55.28886050574738, 55.35012195329093, 55.41142969390185, 55.47276197512395, 55.53409712926498, 55.595413580650515, 55.65668985281431, 55.7179045756229, 55.779036492332274, 55.840064466574255, 55.90096748927074, 55.96172468547329, 56.02231532112637, 56.082718809751825, 56.142914719052904, 56.20288277743562, 56.262602880445655, 56.322055097118785, 56.38121967624312, 56.440077052531166, 56.498607852700054, 56.55679290145819, 56.61461322739649, 56.67205006878273, 56.72908487925726, 56.78569933342851, 56.84187533236688, 56.89759500899532, 56.9528407333753, 57.007595117886744, 57.06184102230051, 57.11556155874209, 57.168740096545335, 57.2213602669949, 57.2734059679562, 57.32486136839185, 57.37571091276334, 57.425939325316975, 57.47553161425308, 57.52447307577744, 57.57274929803417, 57.62034616491892, 57.66724985977193, 57.71344686894976, 57.75892398527533, 57.80366831136528, 57.847667262834165, 57.89090857137493, 57.9333802877149, 57.97507078444702, 58.01596875873577, 58.056063234897316, 58.09534356685359, 58.13379944045995, 58.17142087570616, 58.20819822879042, 58.24412219406635, 58.279183805862644, 58.313374440175465, 58.34668581623343, 58.379109997935174, 58.410639395159606, 58.44126676494891, 58.470985212564344, 58.499788192415224, 58.527669508860996, 58.55462331688697, 58.58064412265382, 58.605726783921305, 58.62986651034649, 58.65305886365705, 58.67529975770002, 58.69658545836653, 58.71691258339312, 58.73627810204019, 58.75467933464827, 58.77211395207277, 58.788579974997866, 58.80407577313044, 58.81860006427472, 58.8321519132885, 58.844730730921874, 58.85633627253932, 58.866968636726135, 58.876628263780184, 58.88531593408995, 58.89303276640008, 58.899780215965315, 58.9055600725941, 58.910374458582986, 58.91422582654296, 58.91711695711903, 58.919050956604224, 58.92003125444943, 58.920061600670195, 58.919146063152084, 58.91728902485575, 58.914495180923325, 58.9107695356874, 58.90611739958422, 58.90054438597243, 58.89405640785911, 58.88665967453437, 58.87836068811633, 58.869166240008, 58.85908340726755, 58.8481195488939, 58.83628230202899, 58.82357957807867, 58.8100195587538, 58.795610692033236, 58.78036168805069, 58.76428151490694, 58.74737939440943, 58.72966479774089, 58.711147441058934, 58.69183728102843, 58.67174451028842, 58.65087955285565, 58.62925305946643, 58.60687590285876, 58.58375917299674, 58.55991417223905, 58.53535241045353, 58.510085600079776, 58.48412565114174, 58.457484666212224, 58.43017493533135, 58.402208930880946, 58.373599302416764, 58.3443588714607, 58.31450062625481, 58.28403771647935, 58.252983447936586, 58.22135127720273, 58.18915480624964, 58.15640777703866, 58.12312406608834, 58.08931767901821, 58.055002745070645, 58.02019351161268, 57.98490433862002, 57.94914969314503, 57.912944143770936, 57.87630235505409, 57.83923908195631, 57.80176916426946, 57.763907521034035, 57.7256691449539, 57.68706909680909, 57.64812249986869, 57.608844534305724, 57.56925043161597, 57.52935546904281, 57.489174964009784, 57.448724268563055, 57.408018763825474, 57.367073854464294, 57.32590496317428, 57.284527525178284, 57.24295698274691, 57.201208779739304, 57.15929835616679, 57.11724114278123, 57.07505255568985, 57.03274799099832, 56.9903428194839, 56.947852381300365, 56.90529198071639, 56.86267688088916, 56.82002229867491, 56.77734339947794, 56.73465529213993, 56.691973023871, 56.64931157522428, 56.606685855115416, 56.56411069588866, 56.52160084843113, 56.4791709773366, 56.43683565612045, 56.394609362487124, 56.352506473651644, 56.31054126171653, 56.26872788910548, 56.22708040405526, 56.1856127361671, 56.14433869201886, 56.103271950839286, 56.06242606024565, 56.021814432045936, 55.98145033810679, 55.941346906288416, 55.90151711644755, 55.86197379650964, 55.82272961861127, 55.783797095313986, 55.745188575890374, 55.7069162426836, 55.668992107541186, 55.63142800832408, 55.59423560549187, 55.55742637876502, 55.52101162386499, 55.48500244933304, 55.44940977342847, 55.414244321107134, 55.37951662108082, 55.34523700295829, 55.31141559446857, 55.278062318767155, 55.245186891825675, 55.21279881990565, 55.18090739711676, 55.14952170306024, 55.11865060055774, 55.08830273346626, 55.0584865245793, 55.02921017361487, 55.00048165529049, 54.972308717485575, 54.94469887949145, 54.91765943034928, 54.891197427276055, 54.865319694178794, 54.84003282025724, 54.815343158695015, 54.791256825439355, 54.76777969806954, 54.74491741475393, 54.72267537329568, 54.70105873026708, 54.68007240023235, 54.65972105505889, 54.64000912331685, 54.62094078976677, 54.60251999493511, 54.58475043477751, 54.567635560429515, 54.55117857804432, 54.535382448717456, 54.520249888497915, 54.505783368485325, 54.49198511501293, 54.47885710991573, 54.466401090883494, 54.45461855189806, 54.44351074375446, 54.43307867466527, 54.423323110947685, 54.41424457779266, 54.40584336011554, 54.398119503487486, 54.39107281514707, 54.38470286509133, 54.37900898724548, 54.373990280710665, 54.369645611088906, 54.365973611884385, 54.36297268598039, 54.360641007190935, 54.35897652188632, 54.35797695069157, 54.35763979025707, 54.357962315100224, 54.35894157951739, 54.360574419565005, 54.362857455108845, 54.36578709194066, 54.36935952396081, 54.37357073542615, 54.378416503261896, 54.383892399436476, 54.38999379339826, 54.39671585457299, 54.404053554920836, 54.41200167155189, 54.420554789398935, 54.42970730394629, 54.439453424013536, 54.44978717459297, 54.460702399739425, 54.47219276551135, 54.48425176296181, 54.496872711178206, 54.510048760369344, 54.52377289499869, 54.5380379369624, 54.55283654881083, 54.56816123701233, 54.58400435525782, 54.600358107804865, 54.61721455286007, 54.63456560599809, 54.6524030436163, 54.67071850642346, 54.6895035029611, 54.7087494131563, 54.7284474919044, 54.74858887268031, 54.76916457117697, 54.790165488969635, 54.81158241720448, 54.83340604031029, 54.85562693973166, 54.87823559768238, 54.90122240091761, 54.92457764452344, 54.94829153572232, 54.97235419769317, 54.99675567340452, 55.02148592945945, 55.046534859950874, 55.071892290325735, 55.097547981256746, 55.12349163252031, 55.149712886879186, 55.17620133396848, 55.20294651418372, 55.22993792256949, 55.2571650127073, 55.28461720060139, 55.31228386856101, 55.34015436907796, 55.36821802869782, 55.39646415188385, 55.42488202487194, 55.45346091951547, 55.48219009711871, 55.51105881225747, 55.540056316585705, 55.569171862626824, 55.598394707548394, 55.627714116919, 55.65711936844605, 55.686599755693244, 55.71614459177652, 55.745743213037215, 55.77538498269139, 55.8050592944539, 55.83475557613631, 55.8644632932173, 55.894171952384525, 55.92387110504678, 55.953550350815334, 55.98319934095344, 56.012807781792795, 56.04236543811603, 56.07186213650408, 56.10128776864753, 56.13063229462075, 56.15988574611803, 56.18903822965057, 56.2180799297035, 56.24700111185188, 56.27579212583483, 56.30444340858691, 56.33294548722577, 56.3612889819953, 56.38946460916341, 56.4174631838736, 56.4452756229495, 56.47289294765169, 56.500306286385864, 56.52750687736183, 56.554486071202355, 56.5812353335014, 56.60774624733085, 56.634010515695316, 56.66001996393405, 56.685766542069715, 56.711242327103136, 56.73643952525358, 56.761350474143995, 56.78596764493068, 56.81028364437681, 56.83429121686948, 56.857983246379604, 56.881352758364415, 56.90439292161197, 56.92709705002743, 56.949458604360565, 56.971471193874315, 56.99312857795389, 57.014424667656215, 57.03535352719942, 57.05590937539205, 57.07608658700181, 57.09587969406364, 57.11528338712681, 57.134292516440965, 57.15290209308097, 57.171107290010326, 57.18890344308316, 57.206286051984584, 57.22325078110948, 57.23979346037956, 57.25591008599877, 57.27159682114694, 57.286849996611814, 57.301666111359346, 57.31604183304253, 57.32997399844869, 57.34345961388538, 57.356495855505024, 57.36908006956849, 57.38120977264769, 57.392882651767486, 57.40409656448695, 57.41484953892046, 57.42513977369866, 57.43496563786966, 57.44432567074073, 57.45321858166088, 57.46164324974447, 57.46959872353647, 57.4770842206195, 57.48409912716311, 57.49064299741583, 57.4967155531402, 57.50231668299136, 57.50744644183975, 57.51210505003804, 57.5162928926333, 57.52001051852448, 57.523258639565924, 57.52603812961751, 57.52835002354184, 57.53019551614918, 57.53157596109068, 57.5324928697005, 57.53294790978747, 57.53294290437693, 57.532479830403446, 57.53156081735492, 57.530188145869005, 57.52836424628235, 57.526091697133445, 57.52337322361981, 57.520211696010236, 57.516610128012836, 57.5125716750997, 57.508099632788856, 57.50319743488443, 57.49786865167569, 57.49211698809589, 57.48594628184164, 57.4793605014537, 57.47236374435999, 57.46496023488174, 57.45715432220353, 57.44895047830817, 57.44035329587731, 57.431367486158535, 57.421997876800084, 57.412249409653775, 57.40212713854734, 57.3916362270269, 57.38078194607057, 57.3695696717741, 57.35800488300954, 57.346093159057745, 57.33384017721585, 57.321251710380444, 57.30833362460761, 57.29509187665064, 57.28153251147639, 57.26766165976144, 57.25348553536866, 57.23901043280556, 57.22424272466505, 57.20918885904983, 57.193855356981295, 57.17824880979382, 57.162375876515654, 57.14624328123716, 57.12985781046753, 57.113226310480876, 57.09635568465275, 57.07925289078794, 57.06192493844072, 57.04437888622827, 57.02662183913856, 57.008660945833284, 56.9905033959472, 56.972156417384554, 56.95362727361369, 56.93492326096079, 56.91605170590364, 56.89701996236646, 56.87783540901663, 56.85850544656446, 56.839037495066606, 56.81943899123445, 56.799717385748075, 56.77988014057687, 56.75993472630772, 56.739888619481576, 56.719749299939416, 56.69952424817842, 56.67922094271925, 56.658846857485344, 56.63840945919512, 56.6179162047678, 56.59737453874396, 56.57679189072136, 56.55617567280716, 56.53553327708714, 56.51487207311289, 56.49419940540764, 56.47352259099166, 56.452848916927906, 56.43218563788879, 56.41153997374473, 56.390919107175314, 56.3703301813038, 56.34978029735565, 56.329276512341906, 56.30882583676797, 56.28843523236868, 56.26811160987012, 56.24786182677912, 56.22769268520085, 56.20761092968528, 56.18762324510319, 56.16773625455216, 56.1479565172934, 56.12829052671977, 56.108744708355744, 56.089325417889796, 56.070038939239815, 56.05089148265202, 56.031889182833936, 56.01303809712202, 55.99434420368423, 55.97581339975824, 55.95745149992566, 55.93926423442269, 55.92125724748767, 55.903436095746024, 55.88580624663291, 55.868373076853935, 55.85114187088448, 55.83411781950784, 55.81730601839253, 55.80071146670928, 55.78433906578773, 55.76819361781339, 55.75227982456504, 55.73660228619283, 55.72116550003732, 55.705973859489845, 55.69103165289418, 55.67634306248998, 55.661912163397936, 55.64774292264708, 55.63383919824415, 55.620204738285324, 55.60684318011045, 55.59375804949977, 55.58095275991337, 55.56843061177336, 55.55619479178886, 55.544248372323935, 55.53259431080831, 55.52123544919118, 55.51017451343784, 55.49941411306931, 55.488956740744854, 55.47880477188741, 55.4689604643518, 55.45942595813572, 55.450203275133376, 55.44129431893179, 55.432700874649434, 55.42442460881733, 55.4164670693023, 55.40882968527222, 55.40151376720325, 55.39452050692869, 55.38785097772938, 55.381506134465305, 55.37548681374842, 55.36979373415613, 55.36442749648552, 55.35938858404773, 55.35467736300253, 55.35029408273254, 55.34623887625692, 55.34251176068424, 55.339112637704076, 55.33604129411715, 55.33329740240355, 55.330880521328666, 55.328790096586594, 55.327025461480424, 55.3255858376392, 55.324470335771046, 55.323677956451995, 55.32320759095025, 55.32305802208523, 55.32322792512117, 55.32371586869457, 55.32452031577526, 55.325639624660404, 55.32707205000111, 55.32881574386097, 55.33086875680627, 55.33322903902705, 55.335894441488726, 55.33886271711363, 55.342131521991945, 55.34569841662151, 55.349560867175846, 55.35371624679995, 55.358161836933235, 55.362894828659, 55.36791232407991, 55.37321133771877, 55.378788797944225, 55.38464154842044, 55.39076634958052, 55.39715988012271, 55.40381873852902, 55.410739444605454, 55.417918441043355, 55.42535209500107, 55.43303669970546, 55.4409684760725, 55.4491435743463, 55.45755807575603, 55.466207994189894, 55.47508927788562, 55.48419781113685, 55.49352941601455, 55.503079854103035, 55.51284482824969, 55.52281998432794, 55.533000913012586, 55.543383151566985, 55.55396218564129, 55.56473345108118, 55.57569233574625, 55.58683418133752, 55.59815428523334, 55.609647902332924, 55.62131024690696, 55.63313649445456, 55.64512178356585, 55.65726121778952, 55.669549867504706, 55.6819827717965, 55.6945549403344, 55.70726135525299, 55.72009697303432, 55.73305672639116, 55.7461355261505, 55.759328263136744, 55.772629810053765, 55.7860350233653, 55.79953874517298, 55.81313580509131, 55.826821022119, 55.84058920650606, 55.85443516161586, 55.86835368578164, 55.8823395741569, 55.896387620558805, 55.91049261930433, 55.924649367038185, 55.9388526645522, 55.95309731859531, 55.967378143673834, 55.98168996384114, 55.99602761447638, 56.01038594405155, 56.024759815886384, 56.039144109890486, 56.05353372429215, 56.06792357735333, 56.08230860907017, 56.09668378285862, 56.111044087224585, 56.125384537418064, 56.13970017707081, 56.15398607981692, 56.16823735089602, 56.18244912873837, 56.19661658653151, 56.21073493376801, 56.22479941777373, 56.238805325216305, 56.25274798359326, 56.2666227626994, 56.28042507607303, 56.2941503824206, 56.30779418701932, 56.321352043097434, 56.33481955319166, 56.348192370481456, 56.36146620009984, 56.37463680042023, 56.38769998431904, 56.40065162041379, 56.41348763427617, 56.42620400962, 56.43879678946354, 56.45126207726604, 56.46359603803812, 56.47579489942575, 56.48785495276758, 56.49977255412529, 56.51154412528681, 56.523166154742086, 56.534635198631264, 56.54594788166493, 56.55710089801637, 56.568091012185576, 56.578915059834756, 56.58956994859527, 56.600052658845854, 56.61036024446183, 56.62048983353536, 56.6304386290664, 56.64020390962446, 56.649783029980945, 56.65917342171187, 56.668372593771146, 56.677378133034125, 56.686187704811374, 56.694799053332765, 56.70321000220167, 56.71141845481933, 56.71942239477932, 56.72721988623218, 56.734809074220095, 56.74218818498177, 56.749355526227376, 56.756309487383724, 56.76304853980963, 56.7695712369816, 56.775876214649756, 56.78196219096428, 56.787827966572245, 56.79347242468508, 56.79889453111674, 56.80409333429261, 56.80906796522936, 56.81381763748588, 56.81834164708534, 56.822639372408645, 56.82671027405938, 56.83055389470042, 56.83416985886241, 56.837557872724254 ], "yaxis": "y" }, { "line": { "color": "blue", "dash": "dash" }, "name": "Nonlinear", "showlegend": true, "type": "scatter", "x": [ 0, 0.1001001001001001, 0.2002002002002002, 0.3003003003003003, 0.4004004004004004, 0.5005005005005005, 0.6006006006006006, 0.7007007007007008, 0.8008008008008008, 0.9009009009009009, 1.001001001001001, 1.1011011011011012, 1.2012012012012012, 1.3013013013013013, 1.4014014014014016, 1.5015015015015016, 1.6016016016016017, 1.7017017017017018, 1.8018018018018018, 1.9019019019019021, 2.002002002002002, 2.1021021021021022, 2.2022022022022023, 2.3023023023023024, 2.4024024024024024, 2.5025025025025025, 2.6026026026026026, 2.702702702702703, 2.802802802802803, 2.902902902902903, 3.0030030030030033, 3.1031031031031033, 3.2032032032032034, 3.3033033033033035, 3.4034034034034035, 3.5035035035035036, 3.6036036036036037, 3.7037037037037037, 3.8038038038038042, 3.9039039039039043, 4.004004004004004, 4.104104104104104, 4.2042042042042045, 4.3043043043043046, 4.404404404404405, 4.504504504504505, 4.604604604604605, 4.704704704704705, 4.804804804804805, 4.904904904904905, 5.005005005005005, 5.105105105105105, 5.205205205205205, 5.305305305305305, 5.405405405405406, 5.505505505505506, 5.605605605605606, 5.705705705705706, 5.805805805805806, 5.9059059059059065, 6.0060060060060065, 6.106106106106107, 6.206206206206207, 6.306306306306307, 6.406406406406407, 6.506506506506507, 6.606606606606607, 6.706706706706707, 6.806806806806807, 6.906906906906907, 7.007007007007007, 7.107107107107107, 7.207207207207207, 7.307307307307307, 7.407407407407407, 7.507507507507508, 7.6076076076076085, 7.7077077077077085, 7.807807807807809, 7.907907907907909, 8.008008008008009, 8.108108108108109, 8.208208208208209, 8.308308308308309, 8.408408408408409, 8.508508508508509, 8.608608608608609, 8.70870870870871, 8.80880880880881, 8.90890890890891, 9.00900900900901, 9.10910910910911, 9.20920920920921, 9.30930930930931, 9.40940940940941, 9.50950950950951, 9.60960960960961, 9.70970970970971, 9.80980980980981, 9.90990990990991, 10.01001001001001, 10.11011011011011, 10.21021021021021, 10.31031031031031, 10.41041041041041, 10.51051051051051, 10.61061061061061, 10.710710710710712, 10.810810810810812, 10.910910910910912, 11.011011011011012, 11.111111111111112, 11.211211211211213, 11.311311311311313, 11.411411411411413, 11.511511511511513, 11.611611611611613, 11.711711711711713, 11.811811811811813, 11.911911911911913, 12.012012012012013, 12.112112112112113, 12.212212212212213, 12.312312312312313, 12.412412412412413, 12.512512512512513, 12.612612612612613, 12.712712712712714, 12.812812812812814, 12.912912912912914, 13.013013013013014, 13.113113113113114, 13.213213213213214, 13.313313313313314, 13.413413413413414, 13.513513513513514, 13.613613613613614, 13.713713713713714, 13.813813813813814, 13.913913913913914, 14.014014014014014, 14.114114114114114, 14.214214214214214, 14.314314314314315, 14.414414414414415, 14.514514514514515, 14.614614614614615, 14.714714714714715, 14.814814814814815, 14.914914914914915, 15.015015015015017, 15.115115115115117, 15.215215215215217, 15.315315315315317, 15.415415415415417, 15.515515515515517, 15.615615615615617, 15.715715715715717, 15.815815815815817, 15.915915915915917, 16.016016016016017, 16.116116116116117, 16.216216216216218, 16.316316316316318, 16.416416416416418, 16.516516516516518, 16.616616616616618, 16.716716716716718, 16.816816816816818, 16.916916916916918, 17.017017017017018, 17.117117117117118, 17.217217217217218, 17.31731731731732, 17.41741741741742, 17.51751751751752, 17.61761761761762, 17.71771771771772, 17.81781781781782, 17.91791791791792, 18.01801801801802, 18.11811811811812, 18.21821821821822, 18.31831831831832, 18.41841841841842, 18.51851851851852, 18.61861861861862, 18.71871871871872, 18.81881881881882, 18.91891891891892, 19.01901901901902, 19.11911911911912, 19.21921921921922, 19.31931931931932, 19.41941941941942, 19.51951951951952, 19.61961961961962, 19.71971971971972, 19.81981981981982, 19.91991991991992, 20.02002002002002, 20.12012012012012, 20.22022022022022, 20.32032032032032, 20.42042042042042, 20.52052052052052, 20.62062062062062, 20.72072072072072, 20.82082082082082, 20.92092092092092, 21.02102102102102, 21.12112112112112, 21.22122122122122, 21.32132132132132, 21.421421421421424, 21.521521521521525, 21.621621621621625, 21.721721721721725, 21.821821821821825, 21.921921921921925, 22.022022022022025, 22.122122122122125, 22.222222222222225, 22.322322322322325, 22.422422422422425, 22.522522522522525, 22.622622622622625, 22.722722722722725, 22.822822822822825, 22.922922922922925, 23.023023023023026, 23.123123123123126, 23.223223223223226, 23.323323323323326, 23.423423423423426, 23.523523523523526, 23.623623623623626, 23.723723723723726, 23.823823823823826, 23.923923923923926, 24.024024024024026, 24.124124124124126, 24.224224224224226, 24.324324324324326, 24.424424424424426, 24.524524524524526, 24.624624624624627, 24.724724724724727, 24.824824824824827, 24.924924924924927, 25.025025025025027, 25.125125125125127, 25.225225225225227, 25.325325325325327, 25.425425425425427, 25.525525525525527, 25.625625625625627, 25.725725725725727, 25.825825825825827, 25.925925925925927, 26.026026026026027, 26.126126126126128, 26.226226226226228, 26.326326326326328, 26.426426426426428, 26.526526526526528, 26.626626626626628, 26.726726726726728, 26.826826826826828, 26.926926926926928, 27.027027027027028, 27.127127127127128, 27.227227227227228, 27.32732732732733, 27.42742742742743, 27.52752752752753, 27.62762762762763, 27.72772772772773, 27.82782782782783, 27.92792792792793, 28.02802802802803, 28.12812812812813, 28.22822822822823, 28.32832832832833, 28.42842842842843, 28.52852852852853, 28.62862862862863, 28.72872872872873, 28.82882882882883, 28.92892892892893, 29.02902902902903, 29.12912912912913, 29.22922922922923, 29.32932932932933, 29.42942942942943, 29.52952952952953, 29.62962962962963, 29.72972972972973, 29.82982982982983, 29.929929929929934, 30.030030030030034, 30.130130130130134, 30.230230230230234, 30.330330330330334, 30.430430430430434, 30.530530530530534, 30.630630630630634, 30.730730730730734, 30.830830830830834, 30.930930930930934, 31.031031031031034, 31.131131131131134, 31.231231231231234, 31.331331331331334, 31.431431431431434, 31.531531531531535, 31.631631631631635, 31.731731731731735, 31.831831831831835, 31.931931931931935, 32.032032032032035, 32.132132132132135, 32.232232232232235, 32.332332332332335, 32.432432432432435, 32.532532532532535, 32.632632632632635, 32.732732732732735, 32.832832832832835, 32.932932932932935, 33.033033033033036, 33.133133133133136, 33.233233233233236, 33.333333333333336, 33.433433433433436, 33.533533533533536, 33.633633633633636, 33.733733733733736, 33.833833833833836, 33.933933933933936, 34.034034034034036, 34.134134134134136, 34.234234234234236, 34.334334334334336, 34.434434434434436, 34.53453453453454, 34.63463463463464, 34.73473473473474, 34.83483483483484, 34.93493493493494, 35.03503503503504, 35.13513513513514, 35.23523523523524, 35.33533533533534, 35.43543543543544, 35.53553553553554, 35.63563563563564, 35.73573573573574, 35.83583583583584, 35.93593593593594, 36.03603603603604, 36.13613613613614, 36.23623623623624, 36.33633633633634, 36.43643643643644, 36.53653653653654, 36.63663663663664, 36.73673673673674, 36.83683683683684, 36.93693693693694, 37.03703703703704, 37.13713713713714, 37.23723723723724, 37.33733733733734, 37.43743743743744, 37.53753753753754, 37.63763763763764, 37.73773773773774, 37.83783783783784, 37.93793793793794, 38.03803803803804, 38.13813813813814, 38.23823823823824, 38.33833833833834, 38.43843843843844, 38.53853853853854, 38.63863863863864, 38.73873873873874, 38.83883883883884, 38.93893893893894, 39.03903903903904, 39.13913913913914, 39.23923923923924, 39.33933933933934, 39.43943943943944, 39.53953953953954, 39.63963963963964, 39.73973973973974, 39.83983983983984, 39.93993993993994, 40.04004004004004, 40.14014014014014, 40.24024024024024, 40.34034034034034, 40.44044044044044, 40.54054054054054, 40.64064064064064, 40.74074074074074, 40.84084084084084, 40.94094094094094, 41.04104104104104, 41.14114114114114, 41.24124124124124, 41.34134134134134, 41.44144144144144, 41.54154154154154, 41.64164164164164, 41.74174174174174, 41.84184184184184, 41.94194194194194, 42.04204204204204, 42.14214214214214, 42.24224224224224, 42.34234234234234, 42.44244244244244, 42.54254254254254, 42.64264264264264, 42.74274274274275, 42.84284284284285, 42.94294294294295, 43.04304304304305, 43.14314314314315, 43.24324324324325, 43.34334334334335, 43.44344344344345, 43.54354354354355, 43.64364364364365, 43.74374374374375, 43.84384384384385, 43.94394394394395, 44.04404404404405, 44.14414414414415, 44.24424424424425, 44.34434434434435, 44.44444444444445, 44.54454454454455, 44.64464464464465, 44.74474474474475, 44.84484484484485, 44.94494494494495, 45.04504504504505, 45.14514514514515, 45.24524524524525, 45.34534534534535, 45.44544544544545, 45.54554554554555, 45.64564564564565, 45.74574574574575, 45.84584584584585, 45.94594594594595, 46.04604604604605, 46.14614614614615, 46.24624624624625, 46.34634634634635, 46.44644644644645, 46.54654654654655, 46.64664664664665, 46.74674674674675, 46.84684684684685, 46.94694694694695, 47.04704704704705, 47.14714714714715, 47.24724724724725, 47.34734734734735, 47.44744744744745, 47.54754754754755, 47.64764764764765, 47.74774774774775, 47.84784784784785, 47.94794794794795, 48.04804804804805, 48.14814814814815, 48.24824824824825, 48.34834834834835, 48.44844844844845, 48.54854854854855, 48.64864864864865, 48.74874874874875, 48.84884884884885, 48.94894894894895, 49.04904904904905, 49.14914914914915, 49.24924924924925, 49.34934934934935, 49.44944944944945, 49.54954954954955, 49.64964964964965, 49.74974974974975, 49.84984984984985, 49.94994994994995, 50.050050050050054, 50.150150150150154, 50.250250250250254, 50.350350350350354, 50.450450450450454, 50.550550550550554, 50.650650650650654, 50.750750750750754, 50.850850850850854, 50.950950950950954, 51.051051051051054, 51.151151151151154, 51.251251251251254, 51.351351351351354, 51.451451451451454, 51.551551551551555, 51.651651651651655, 51.751751751751755, 51.851851851851855, 51.951951951951955, 52.052052052052055, 52.152152152152155, 52.252252252252255, 52.352352352352355, 52.452452452452455, 52.552552552552555, 52.652652652652655, 52.752752752752755, 52.852852852852855, 52.952952952952955, 53.053053053053056, 53.153153153153156, 53.253253253253256, 53.353353353353356, 53.453453453453456, 53.553553553553556, 53.653653653653656, 53.753753753753756, 53.853853853853856, 53.953953953953956, 54.054054054054056, 54.154154154154156, 54.254254254254256, 54.354354354354356, 54.454454454454456, 54.55455455455456, 54.65465465465466, 54.75475475475476, 54.85485485485486, 54.95495495495496, 55.05505505505506, 55.15515515515516, 55.25525525525526, 55.35535535535536, 55.45545545545546, 55.55555555555556, 55.65565565565566, 55.75575575575576, 55.85585585585586, 55.95595595595596, 56.05605605605606, 56.15615615615616, 56.25625625625626, 56.35635635635636, 56.45645645645646, 56.55655655655656, 56.65665665665666, 56.75675675675676, 56.85685685685686, 56.95695695695696, 57.05705705705706, 57.15715715715716, 57.25725725725726, 57.35735735735736, 57.45745745745746, 57.55755755755756, 57.65765765765766, 57.75775775775776, 57.85785785785786, 57.95795795795796, 58.05805805805806, 58.15815815815816, 58.25825825825826, 58.35835835835836, 58.45845845845846, 58.55855855855856, 58.65865865865866, 58.75875875875876, 58.85885885885886, 58.95895895895896, 59.05905905905906, 59.15915915915916, 59.25925925925926, 59.35935935935936, 59.45945945945946, 59.55955955955956, 59.65965965965966, 59.75975975975976, 59.85985985985987, 59.95995995995997, 60.06006006006007, 60.16016016016017, 60.26026026026027, 60.36036036036037, 60.46046046046047, 60.56056056056057, 60.66066066066067, 60.76076076076077, 60.86086086086087, 60.96096096096097, 61.06106106106107, 61.16116116116117, 61.26126126126127, 61.36136136136137, 61.46146146146147, 61.56156156156157, 61.66166166166167, 61.76176176176177, 61.86186186186187, 61.96196196196197, 62.06206206206207, 62.16216216216217, 62.26226226226227, 62.36236236236237, 62.46246246246247, 62.56256256256257, 62.66266266266267, 62.76276276276277, 62.86286286286287, 62.96296296296297, 63.06306306306307, 63.16316316316317, 63.26326326326327, 63.36336336336337, 63.46346346346347, 63.56356356356357, 63.66366366366367, 63.76376376376377, 63.86386386386387, 63.96396396396397, 64.06406406406407, 64.16416416416416, 64.26426426426427, 64.36436436436436, 64.46446446446447, 64.56456456456456, 64.66466466466467, 64.76476476476476, 64.86486486486487, 64.96496496496496, 65.06506506506507, 65.16516516516516, 65.26526526526527, 65.36536536536536, 65.46546546546547, 65.56556556556556, 65.66566566566567, 65.76576576576576, 65.86586586586587, 65.96596596596596, 66.06606606606607, 66.16616616616616, 66.26626626626627, 66.36636636636636, 66.46646646646647, 66.56656656656656, 66.66666666666667, 66.76676676676676, 66.86686686686687, 66.96696696696696, 67.06706706706707, 67.16716716716716, 67.26726726726727, 67.36736736736736, 67.46746746746747, 67.56756756756756, 67.66766766766767, 67.76776776776777, 67.86786786786787, 67.96796796796797, 68.06806806806807, 68.16816816816817, 68.26826826826827, 68.36836836836838, 68.46846846846847, 68.56856856856858, 68.66866866866867, 68.76876876876878, 68.86886886886887, 68.96896896896898, 69.06906906906907, 69.16916916916918, 69.26926926926927, 69.36936936936938, 69.46946946946947, 69.56956956956958, 69.66966966966967, 69.76976976976978, 69.86986986986987, 69.96996996996998, 70.07007007007007, 70.17017017017018, 70.27027027027027, 70.37037037037038, 70.47047047047047, 70.57057057057058, 70.67067067067067, 70.77077077077078, 70.87087087087087, 70.97097097097098, 71.07107107107107, 71.17117117117118, 71.27127127127127, 71.37137137137138, 71.47147147147147, 71.57157157157158, 71.67167167167167, 71.77177177177178, 71.87187187187187, 71.97197197197198, 72.07207207207207, 72.17217217217218, 72.27227227227228, 72.37237237237238, 72.47247247247248, 72.57257257257258, 72.67267267267268, 72.77277277277278, 72.87287287287288, 72.97297297297298, 73.07307307307308, 73.17317317317318, 73.27327327327328, 73.37337337337338, 73.47347347347348, 73.57357357357358, 73.67367367367368, 73.77377377377378, 73.87387387387388, 73.97397397397398, 74.07407407407408, 74.17417417417418, 74.27427427427428, 74.37437437437438, 74.47447447447448, 74.57457457457458, 74.67467467467468, 74.77477477477478, 74.87487487487488, 74.97497497497498, 75.07507507507508, 75.17517517517518, 75.27527527527528, 75.37537537537538, 75.47547547547548, 75.57557557557558, 75.67567567567568, 75.77577577577578, 75.87587587587588, 75.97597597597598, 76.07607607607608, 76.17617617617618, 76.27627627627628, 76.37637637637638, 76.47647647647648, 76.57657657657658, 76.67667667667668, 76.77677677677679, 76.87687687687688, 76.97697697697699, 77.07707707707708, 77.17717717717719, 77.27727727727728, 77.37737737737739, 77.47747747747748, 77.57757757757759, 77.67767767767768, 77.77777777777779, 77.87787787787788, 77.97797797797799, 78.07807807807808, 78.17817817817819, 78.27827827827828, 78.37837837837839, 78.47847847847848, 78.57857857857859, 78.67867867867868, 78.77877877877879, 78.87887887887888, 78.97897897897899, 79.07907907907908, 79.17917917917919, 79.27927927927928, 79.37937937937939, 79.47947947947948, 79.57957957957959, 79.67967967967968, 79.77977977977979, 79.87987987987988, 79.97997997997999, 80.08008008008008, 80.18018018018019, 80.28028028028028, 80.38038038038039, 80.48048048048048, 80.58058058058059, 80.68068068068068, 80.78078078078079, 80.88088088088088, 80.98098098098099, 81.08108108108108, 81.18118118118119, 81.28128128128128, 81.38138138138139, 81.48148148148148, 81.58158158158159, 81.68168168168168, 81.78178178178179, 81.88188188188188, 81.98198198198199, 82.08208208208208, 82.18218218218219, 82.28228228228228, 82.38238238238239, 82.48248248248248, 82.58258258258259, 82.68268268268268, 82.78278278278279, 82.88288288288288, 82.98298298298299, 83.08308308308308, 83.18318318318319, 83.28328328328328, 83.38338338338339, 83.48348348348348, 83.58358358358359, 83.68368368368368, 83.78378378378379, 83.88388388388388, 83.98398398398399, 84.08408408408408, 84.18418418418419, 84.28428428428428, 84.38438438438439, 84.48448448448448, 84.58458458458459, 84.68468468468468, 84.78478478478479, 84.88488488488488, 84.98498498498499, 85.08508508508508, 85.18518518518519, 85.28528528528528, 85.38538538538539, 85.4854854854855, 85.58558558558559, 85.6856856856857, 85.78578578578579, 85.8858858858859, 85.98598598598599, 86.0860860860861, 86.18618618618619, 86.2862862862863, 86.38638638638639, 86.4864864864865, 86.58658658658659, 86.6866866866867, 86.78678678678679, 86.8868868868869, 86.98698698698699, 87.0870870870871, 87.18718718718719, 87.2872872872873, 87.38738738738739, 87.4874874874875, 87.58758758758759, 87.6876876876877, 87.78778778778779, 87.8878878878879, 87.98798798798799, 88.0880880880881, 88.18818818818819, 88.2882882882883, 88.38838838838839, 88.4884884884885, 88.58858858858859, 88.6886886886887, 88.78878878878879, 88.8888888888889, 88.988988988989, 89.0890890890891, 89.1891891891892, 89.2892892892893, 89.3893893893894, 89.4894894894895, 89.5895895895896, 89.6896896896897, 89.7897897897898, 89.8898898898899, 89.98998998999, 90.0900900900901, 90.1901901901902, 90.2902902902903, 90.3903903903904, 90.4904904904905, 90.5905905905906, 90.6906906906907, 90.7907907907908, 90.8908908908909, 90.990990990991, 91.0910910910911, 91.1911911911912, 91.2912912912913, 91.3913913913914, 91.4914914914915, 91.5915915915916, 91.6916916916917, 91.7917917917918, 91.8918918918919, 91.991991991992, 92.0920920920921, 92.1921921921922, 92.2922922922923, 92.3923923923924, 92.4924924924925, 92.5925925925926, 92.6926926926927, 92.7927927927928, 92.8928928928929, 92.992992992993, 93.0930930930931, 93.1931931931932, 93.2932932932933, 93.3933933933934, 93.4934934934935, 93.5935935935936, 93.6936936936937, 93.7937937937938, 93.8938938938939, 93.993993993994, 94.0940940940941, 94.1941941941942, 94.2942942942943, 94.3943943943944, 94.4944944944945, 94.5945945945946, 94.6946946946947, 94.7947947947948, 94.8948948948949, 94.994994994995, 95.0950950950951, 95.1951951951952, 95.2952952952953, 95.3953953953954, 95.4954954954955, 95.5955955955956, 95.6956956956957, 95.7957957957958, 95.8958958958959, 95.995995995996, 96.0960960960961, 96.1961961961962, 96.2962962962963, 96.3963963963964, 96.4964964964965, 96.5965965965966, 96.6966966966967, 96.7967967967968, 96.8968968968969, 96.996996996997, 97.0970970970971, 97.1971971971972, 97.2972972972973, 97.3973973973974, 97.4974974974975, 97.5975975975976, 97.6976976976977, 97.7977977977978, 97.8978978978979, 97.997997997998, 98.0980980980981, 98.1981981981982, 98.2982982982983, 98.3983983983984, 98.4984984984985, 98.5985985985986, 98.6986986986987, 98.7987987987988, 98.8988988988989, 98.998998998999, 99.0990990990991, 99.1991991991992, 99.2992992992993, 99.3993993993994, 99.4994994994995, 99.5995995995996, 99.6996996996997, 99.7997997997998, 99.8998998998999, 100 ], "xaxis": "x", "y": [ 61.726186002446376, 61.72574050546378, 61.724646114678656, 61.72266053332548, 61.71951841711398, 61.714961034456415, 61.708757874946315, 61.70072020823839, 61.69070740886294, 61.67862732732479, 61.664432173036914, 61.648111484016766, 61.629683599236635, 61.609186837194144, 61.58667130616727, 61.562191967737256, 61.53580329308374, 61.50755561534056, 61.47749307369483, 61.445652925441166, 61.41206592112817, 61.376757405851166, 61.33974885081874, 61.30105947739722, 61.26070783860121, 61.21871314314027, 61.17509624470254, 61.12988027184515, 61.08309090678726, 61.03475635914843, 60.98490709762516, 60.93357542058163, 60.880794934744316, 60.82660001097948, 60.77102527081123, 60.71410514283509, 60.65587351397083, 60.59636348640152, 60.53560723949015, 60.473635987046485, 60.41048001452183, 60.34616877786472, 60.28073104393514, 60.214195053046126, 60.14658869123345, 60.07793965542911, 60.00827560310382, 59.93762428060065, 59.86601362692884, 59.79347185275948, 59.72002749548225, 59.64570945328148, 59.57054700155278, 59.49456979553166, 59.41780786277119, 59.34029158840362, 59.26205169618205, 59.18311922721205, 59.10352551806954, 59.02330217859541, 58.94248107132033, 58.861094290953616, 58.77917414512267, 58.696753135677795, 58.61386394025067, 58.53053939411573, 58.44681247196029, 58.36271626941404, 58.2782839845161, 58.19354889895119, 58.108544359253294, 58.023303758058006, 57.93786051568634, 57.85224806217067, 57.76649981984531, 57.680649186597556, 57.59472952032283, 57.50877412440914, 57.42281623312881, 57.33688899895387, 57.25102548079602, 57.165258631740954, 57.07962128993384, 56.9941461681118, 56.90886584432417, 56.823812752529115, 56.739019177319946, 56.654517242074455, 56.57033889754482, 56.486515922675736, 56.40307991218708, 56.3200622658017, 56.23749418375152, 56.15540665676601, 56.07383045780109, 55.99279613340317, 55.912333994666696, 55.832474108502275, 55.75324628793226, 55.67468008293595, 55.596804770553604, 55.51964934513145, 55.443242508231364, 55.36761265834083, 55.29278788070503, 55.21879593395308, 55.14566425311803, 55.07341991197181, 55.00208963879612, 54.931699792255834, 54.862276353353316, 54.793844915125376, 54.726430666460494, 54.66005839100123, 54.5947524183615, 54.53053670361273, 54.46743472813732, 54.40546950655674, 54.34466363141098, 54.28503921180294, 54.22661779703253, 54.16942049357185, 54.11346788592087, 54.058780057988486, 54.00537655536461, 53.95327638565964, 53.90249800888719, 53.85305932808646, 53.80497767923118, 53.75826982404116, 53.712951935898005, 53.669039599756644, 53.62654779508016, 53.58549089141702, 53.5458826442235, 53.50773617747346, 53.471063988862895, 53.43587793945709, 53.40218923880777, 53.37000843490022, 53.33934541699083, 53.31020942454952, 53.282609016083825, 53.25655207617094, 53.23204580946159, 53.20909673224262, 53.18771067434751, 53.167892771027496, 53.14964745755232, 53.132978478281835, 53.117888864273674, 53.10438094575886, 53.09245634881665, 53.082115988885114, 53.07336007245105, 53.066188095938564, 53.060598845907855, 53.056590398881475, 53.054160121395185, 53.05330467375343, 53.05402000771732, 53.056301365875875, 53.060143296736456, 53.06553964653537, 53.07248355489993, 53.080967483939936, 53.0909832049569, 53.10252178857612, 53.115573647702114, 53.13012852093728, 53.14617545582473, 53.1637028652598, 53.18269850943623, 53.20314947077387, 53.22504222311754, 53.2483626141851, 53.27309581633584, 53.29922647855145, 53.32673857483345, 53.35561548664744, 53.385840044099595, 53.41739451567046, 53.45026056369795, 53.4844192886424, 53.51985125371483, 53.55653653379739, 53.594454677636286, 53.63358473819411, 53.67390528810208, 53.715394386794046, 53.75802962775163, 53.801788163286936, 53.84664670506533, 53.89258154361867, 53.9395685694748, 53.98758326844674, 54.03660074171757, 54.08659572138785, 54.13754260519978, 54.18941544897518, 54.2421879820198, 54.29583362463662, 54.350325571474194, 54.40563652351851, 54.461739226911725, 54.518606006731716, 54.57620897997778, 54.63452006630823, 54.693510985071434, 54.75315327297407, 54.81341831048192, 54.87427732381583, 54.93570139010071, 54.997661506123364, 55.06012848108997, 55.12307315646354, 55.18646615050541, 55.25027818664736, 55.314479798384845, 55.37904159344913, 55.443934126521754, 55.50912794021881, 55.574593643079545, 55.64030180087395, 55.706223077566584, 55.77232820185001, 55.83858796875041, 55.90497324231666, 55.971455060540286, 56.0380044713146, 56.104592728382194, 56.17119119550671, 56.2377713747299, 56.304304939095005, 56.37076375318834, 56.43711985412232, 56.503345489274444, 56.569413125036554, 56.635295452094574, 56.700965401996505, 56.76639612936186, 56.831561083344795, 56.89643397825044, 56.960988771234135, 57.02519973552509, 57.08904145031267, 57.15248878533281, 57.21551691501288, 57.278101365981584, 57.34021798957849, 57.4018429583749, 57.46295282177249, 57.52352448251303, 57.5835351906901, 57.642962584497724, 57.701784687761425, 57.75997988787926, 57.81752695891843, 57.87440511725755, 57.93059397474264, 57.98607356332059, 58.04082421018013, 58.094826819715905, 58.14806267937755, 58.20051351627937, 58.25216143892793, 58.30298897432465, 58.352979195719044, 58.40211558794087, 58.45038209562609, 58.49776297880059, 58.54424312780307, 58.58980784087262, 58.63444288448478, 58.67813444675971, 58.72086916543728, 58.762634227665565, 58.80341726279734, 58.84320637934883, 58.88199004687252, 58.91975734974335, 58.95649780607526, 58.99220141526109, 59.02685861182963, 59.060460290091484, 59.09299789755002, 59.12446333095555, 59.15484896971572, 59.18414755917012, 59.21235245541036, 59.23945744754306, 59.26545680190133, 59.290345219989156, 59.31411785834757, 59.336770409249425, 59.358299007557235, 59.37870025848434, 59.397971141016555, 59.41610920560824, 59.43311242809928, 59.44897924403772, 59.46370851277322, 59.47729953203696, 59.489752102620635, 59.50106645048483, 59.51124324795665, 59.520283530619494, 59.52818886268551, 59.53496121221487, 59.54060297845999, 59.545116960159405, 59.54850636615619, 59.5507748684466, 59.551926534986876, 59.55196584601295, 59.550897625048094, 59.5487271713456, 59.54546015722195, 59.54110264854298, 59.535661078194615, 59.52914225267992, 59.52155339227703, 59.512902076484195, 59.50319625520172, 59.492444193333995, 59.48065457216854, 59.46783640785194, 59.45399906558425, 59.43915223734239, 59.42330594524865, 59.40647057118587, 59.38865681264598, 59.369875689742415, 59.35013850098597, 59.32945689927633, 59.30784282770817, 59.28530852867253, 59.261866525377414, 59.23752962250963, 59.21231092669285, 59.186223811535086, 59.15928192108237, 59.1314991355019, 59.10288962487926, 59.0734678003112, 59.043248318646995, 59.01224606720559, 58.98047616227026, 58.94795396198079, 58.91469503908991, 58.88071518151967, 58.846030365851796, 58.81065679375057, 58.77461085506576, 58.73790912919946, 58.700568372314684, 58.66260551419493, 58.62403766529365, 58.584882095491125, 58.54515623243496, 58.50487764113075, 58.46406404688981, 58.422733307786594, 58.38090341344109, 58.33859247289047, 58.29581871196891, 58.25260047741282, 58.20895621732015, 58.16490447891367, 58.12046389772863, 58.075653188166534, 58.030491157630884, 57.984996680433646, 57.93918869700307, 57.89308620500036, 57.84670824315572, 57.80007391357064, 57.75320235094304, 57.706112722662425, 57.65882422196623, 57.61135605293302, 57.563727443314065, 57.5159576227786, 57.46806582032473, 57.42007125767339, 57.37199313860987, 57.32385065054867, 57.275662952649085, 57.227449169770246, 57.17922838616218, 57.13101963825414, 57.08284190900904, 57.034714120958455, 56.98665512932667, 56.93868371552994, 56.89081858236642, 56.84307834519517, 56.795481524396706, 56.748046541027165, 56.70079170938972, 56.65373523300095, 56.606895197751626, 56.56028955891156, 56.51393614113344, 56.46785263080438, 56.422056573267824, 56.37656535651726, 56.331396212430526, 56.28656620825518, 56.24209225059893, 56.19799105904787, 56.15427917257072, 56.11097294122872, 56.06808852774464, 56.025641890842316, 55.98364877745768, 55.94212472366026, 55.90108505133698, 55.86054486376782, 55.82051902105982, 55.78102215153421, 55.74206864292158, 55.703672652724606, 55.66584806303945, 55.628608504911774, 55.59196734465678, 55.555937701794356, 55.520532400305626, 55.485763987409484, 55.45164472706934, 55.41818661026356, 55.3854013309839, 55.353300270916094, 55.32189451428811, 55.29119484647313, 55.26121175779242, 55.231955391737046, 55.203435581915066, 55.17566183847849, 55.14864338063523, 55.12238904846525, 55.09690736148608, 55.07220649805836, 55.04829433151142, 55.02517835683917, 55.00286571948243, 54.981363216310804, 54.96067731412175, 54.9408141232704, 54.92177936662025, 54.90357841601952, 54.88621629079599, 54.86969767675251, 54.85402683884502, 54.83920769049383, 54.82524377337579, 54.81213831824051, 54.79989410780645, 54.78851357439868, 54.77799877251802, 54.76835142999253, 54.75957286175929, 54.75166399850345, 54.74462540121984, 54.73845728398538, 54.73315949394854, 54.72873145995738, 54.72517225271693, 54.72248058088516, 54.720654828117354, 54.71969293565381, 54.71959249906848, 54.7203507425738, 54.721964601925826, 54.724430557242876, 54.72774475612691, 54.73190298387228, 54.736900719267155, 54.74273305614435, 54.7493947210724, 54.75688010252118, 54.76518327159341, 54.77429797582721, 54.78421757477961, 54.79493511368319, 54.80644331708356, 54.81873463735233, 54.83180113216891, 54.84563456811408, 54.860226397521274, 54.87556783302238, 54.89164971265295, 54.908462596995435, 54.92599675565601, 54.944242212155, 54.96318869208381, 54.98282562700627, 55.003142190528365, 55.02412731274405, 55.04576968752726, 55.06805771459072, 55.09097956658145, 55.11452318341317, 55.13867631709833, 55.16342643956651, 55.18876082478203, 55.214666534812686, 55.241130469276634, 55.26813929075988, 55.2956794799836, 55.323737337452435, 55.35229900976013, 55.38135047038236, 55.41087751795459, 55.44086580557605, 55.4713008491108, 55.50216803945469, 55.533452613532816, 55.565139694459454, 55.59721429124624, 55.62966132378511, 55.66246558896925, 55.69561179934876, 55.729084582404894, 55.76286849881888, 55.79694803070484, 55.831307599067834, 55.86593157174369, 55.90080427192071, 55.93590998359093, 55.97123295734784, 56.00675742073172, 56.042467583693835, 56.078347644779164, 56.114381804361955, 56.15055426711494, 56.18684925026116, 56.22325097978441, 56.25974372230272, 56.29631177415732, 56.332939473428446, 56.369611191901626, 56.406311367635254, 56.443024501594174, 56.47973516155479, 56.516427979135834, 56.553087665497856, 56.58969903393641, 56.62624698644937, 56.66271651992379, 56.69909271910491, 56.73536081032648, 56.771506128671454, 56.807514134586874, 56.84337038268314, 56.87906060622328, 56.91457066596781, 56.94988657086507, 56.9849944541167, 57.01988062494157, 57.05453156151338, 57.08893390466308, 57.123074450511986, 57.1569401640307, 57.19051821932791, 57.223795965820166, 57.256760936760635, 57.28940082820575, 57.32170358021362, 57.3536573199453, 57.38525038288266, 57.41647126701502, 57.447308737954074, 57.477751762853565, 57.50778953032764, 57.537411421677014, 57.5666070617201, 57.595366318033385, 57.623679283925036, 57.651536265452066, 57.67892779330623, 57.70584468568236, 57.73227798563721, 57.7582189845853, 57.78365918225052, 57.80859032260212, 57.83300445850844, 57.856893871744575, 57.880251102345596, 57.90306889452714, 57.9253402609844, 57.947058525111, 57.968217245842105, 57.988810246441474, 58.00883155533572, 58.02827549075745, 58.04713667028169, 58.06540995581473, 58.083090476842976, 58.100173569231565, 58.11665487469689, 58.132530320556775, 58.14779608526347, 58.16244861574128, 58.17648456107597, 58.189900890612556, 58.202694845347885, 58.21486392040052, 58.22640587775846, 58.23731867276232, 58.24760059450628, 58.25725018737853, 58.26626624988943, 58.27464784322302, 58.28239421295734, 58.28950494712882, 58.29597987058283, 58.30181906019375, 58.307022848963825, 58.31159174479323, 58.31552660209163, 58.31882849248992, 58.32149873528604, 58.323538894567236, 58.32495071239816, 58.3257362577958, 58.32589780905575, 58.32543788293337, 58.32435922749003, 58.322664769915825, 58.320357741973126, 58.31744157691509, 58.31391993473434, 58.30979669180654, 58.3050759016343, 58.29976189976742, 58.293859213303925, 58.28737258273224, 58.28030694886618, 58.27266742595684, 58.264459385928944, 58.25568838104184, 58.246360162157934, 58.23648066362374, 58.22605598767816, 58.2150924685068, 58.203596608272484, 58.191575091726406, 58.17903476958133, 58.16598265253027, 58.152425957306235, 58.138372054914505, 58.1238284818741, 58.108802922485786, 58.09330321076737, 58.077337361155216, 58.06091352730313, 58.044040010375916, 58.02672524064936, 58.0089777857873, 57.990806368442186, 57.972219834298606, 57.95322715775234, 57.93383742340208, 57.91405983899862, 57.893903742027305, 57.8733785759062, 57.8524938933098, 57.83125933427052, 57.809684649905726, 57.78777969796018, 57.7655544227555, 57.74301885816163, 57.72018312350148, 57.697057384438025, 57.67365193036914, 57.64997710649228, 57.626043327132955, 57.60186107187143, 57.577440871577906, 57.5527933030616, 57.527929022366656, 57.502858722168185, 57.47759313943452, 57.45214305143712, 57.42651925564455, 57.400732593666426, 57.37479393794224, 57.34871418005385, 57.32250423076034, 57.29617501549463, 57.26973746522646, 57.24320252527992, 57.21658114070808, 57.189884255072734, 57.163122806348056, 57.13630772290024, 57.109449919351945, 57.0825602923203, 57.05564971652219, 57.028729040615, 57.00180908310098, 56.97490063339665, 56.94801443780325, 56.92116120062937, 56.894351580799615, 56.86759618693861, 56.840905575427335, 56.81429025629724, 56.787760659475076, 56.76132715607899, 56.73500004734798, 56.70878956062799, 56.68270585817127, 56.656759020507465, 56.63095902806587, 56.60531578046394, 56.57983908472163, 56.55453865134628, 56.52942412512556, 56.504505009009726, 56.47979070766072, 56.455290518466526, 56.43101362472699, 56.40696910124041, 56.38316592975561, 56.35961292030909, 56.33631877520281, 56.31329206607995, 56.29054123032082, 56.26807460109166, 56.24590035889748, 56.22402651681598, 56.202460957142804, 56.18121141294791, 56.160285464691654, 56.13969060868841, 56.11943409477863, 56.09952304279667, 56.07996441159965, 56.060764994242696, 56.041931437261546, 56.0234702528686, 56.00538770605511, 55.98768991892561, 55.97038283626322, 55.95347222270804, 55.93696372063372, 55.92086275010432, 55.90517452301242, 55.8899040835784, 55.87505628655372, 55.860635798368556, 55.846647193671515, 55.833094716762126, 55.819982468344186, 55.80731435238057, 55.795094073998534, 55.78332517753779, 55.77201103811626, 55.7611547393467, 55.75075920351068, 55.740827149366375, 55.731361090476575, 55.722363399306644, 55.713836199906694, 55.70578140185945, 55.698200723614995, 55.69109568461807, 55.6844676316616, 55.678317663347805, 55.67264668986648, 55.667455416229345, 55.66274436269319, 55.658513840609885, 55.65476394151043, 55.651494560802455, 55.64870539062421, 55.64639596957014, 55.64456557336241, 55.64321329735319, 55.64233803531523, 55.64193850299946, 55.642013230604896, 55.64256051224265, 55.643578462541946, 55.64506500034802, 55.647017899678474, 55.64943469432075, 55.652312737315356, 55.65564919680823, 55.65944106582119, 55.663685178371416, 55.66837814285089, 55.67351640371727, 55.6790962260626, 55.685113730308515, 55.691564841743734, 55.69844530637923, 55.70575070767625, 55.71347646692868, 55.72161787657257, 55.730170019042745, 55.73912783532524, 55.74848610940089, 55.75823949419958, 55.76838248892094, 55.77890942557821, 55.78981450160074, 55.801091772747284, 55.81273519634652, 55.82473854661085, 55.83709548287004, 55.849799535504125, 55.86284412207366, 55.87622254758217, 55.88992797467201, 55.90395346139952, 55.918291953982305, 55.93293632199326, 55.94787929803419, 55.963113519700855, 55.97863153037658, 55.99442577938887, 56.01048865493659, 56.02681243647274, 56.04338931698547, 56.060211417231436, 56.07727078289989, 56.094559411110076, 56.11206922242775, 56.12979206142038, 56.147719722304124, 56.165843944128724, 56.1841564262388, 56.20264882171065, 56.221312726618976, 56.24013970502423, 56.259121285809, 56.27824897009675, 56.29751423470106, 56.31690852536331, 56.33642327182654, 56.356049888304995, 56.375779777359504, 56.39560433378049, 56.4155149482683, 56.43550301143344, 56.45555991760082, 56.47567706758106, 56.49584586788179, 56.516057748056184, 56.53630415321883, 56.55657655094801, 56.5768664342625, 56.597165311017534, 56.61746474181601, 56.63775631684544, 56.65803166676163, 56.67828246641267, 56.69850041316195, 56.71867728431571, 56.73880490212832, 56.75887514548505, 56.77887995430769, 56.79881130444131, 56.818661265743486, 56.838421975565794, 56.85808564076968, 56.87764454484099, 56.897091022826814, 56.916417510763964, 56.93561653693014, 56.95468070999646, 56.973602729498396, 56.992375363035585, 57.01099148140712, 57.029444072834586, 57.04772621513376, 57.065831089797285, 57.083751962689924, 57.10148220175892, 57.119015317032186, 57.13634491570886, 57.15346471995933, 57.17036855196973, 57.18705033235135, 57.20350414715686, 57.219724185673854, 57.23570476186281, 57.25144030434878, 57.26692533486711, 57.28215456169669, 57.29712280114624, 57.31182500227046, 57.326256242041374, 57.34041168446955, 57.35428669817301, 57.36787676352944, 57.38117750010293, 57.39418466687328, 57.406894103611016, 57.419301869389884, 57.43140413777537, 57.443197226339386, 57.45467759809462, 57.465841804694854, 57.47668660739616, 57.4872088976589, 57.49740571068041, 57.507274229995765, 57.51681174008141, 57.52601571569549, 57.53488378063508, 57.54341369958719, 57.5516033869143, 57.559450868321406, 57.56695434066906, 57.57411216529708, 57.58092284070807, 57.58738501491403, 57.593497455585485, 57.59925908315215, 57.604668994302884, 57.609726418424955, 57.61443073281413, 57.61878144048892, 57.62277817993445, 57.62642077396587, 57.62970917296696, 57.63264347226625, 57.635223896748144, 57.637450790815755, 57.63932468750752, 57.64084624175993, 57.64201624921568, 57.64283563663766, 57.64330543574152, 57.64342686771199, 57.643201269403654, 57.64263011294711, 57.64171500006044, 57.64045761706067, 57.63885985145807, 57.63692369408219, 57.63465126485769, 57.632044811913644, 57.62910668425521, 57.62583934143175, 57.622245417704846, 57.61832764495243, 57.614088875345004, 57.609532080204175, 57.60466029615923, 57.599476718733804, 57.593984663412186, 57.58818754489237, 57.582088887682474, 57.575692321135115, 57.5690015241738, 57.56202035802734, 57.55475275571961, 57.547202750120306, 57.539374472324944, 57.5312721328841, 57.52290002168891, 57.514262560687726, 57.50536424325615, 57.49620965041292, 57.48680344901941, 57.477150359920444, 57.467255207168435, 57.45712290150826, 57.44675842198403, 57.43616682227657, 57.42535322762912, 57.41432279510282, 57.40308080102517, 57.39163256750139, 57.37998347960893, 57.36813898330013, 57.35610457326016, 57.34388578790658, 57.33148824770445, 57.318917611731756, 57.30617958783084, 57.29327993039271, 57.28022442196587, 57.26701889670497, 57.25366923431899, 57.2401813456985, 57.22656117593993, 57.2128147020389, 57.19894791239091, 57.18496684571688, 57.17087755625778, 57.156686120105554, 57.1423986328355, 57.12802120437187, 57.1135599545341 ], "yaxis": "y" }, { "line": { "color": "blue" }, "showlegend": false, "type": "scatter", "x": [ 0, 0.1001001001001001, 0.2002002002002002, 0.3003003003003003, 0.4004004004004004, 0.5005005005005005, 0.6006006006006006, 0.7007007007007008, 0.8008008008008008, 0.9009009009009009, 1.001001001001001, 1.1011011011011012, 1.2012012012012012, 1.3013013013013013, 1.4014014014014016, 1.5015015015015016, 1.6016016016016017, 1.7017017017017018, 1.8018018018018018, 1.9019019019019021, 2.002002002002002, 2.1021021021021022, 2.2022022022022023, 2.3023023023023024, 2.4024024024024024, 2.5025025025025025, 2.6026026026026026, 2.702702702702703, 2.802802802802803, 2.902902902902903, 3.0030030030030033, 3.1031031031031033, 3.2032032032032034, 3.3033033033033035, 3.4034034034034035, 3.5035035035035036, 3.6036036036036037, 3.7037037037037037, 3.8038038038038042, 3.9039039039039043, 4.004004004004004, 4.104104104104104, 4.2042042042042045, 4.3043043043043046, 4.404404404404405, 4.504504504504505, 4.604604604604605, 4.704704704704705, 4.804804804804805, 4.904904904904905, 5.005005005005005, 5.105105105105105, 5.205205205205205, 5.305305305305305, 5.405405405405406, 5.505505505505506, 5.605605605605606, 5.705705705705706, 5.805805805805806, 5.9059059059059065, 6.0060060060060065, 6.106106106106107, 6.206206206206207, 6.306306306306307, 6.406406406406407, 6.506506506506507, 6.606606606606607, 6.706706706706707, 6.806806806806807, 6.906906906906907, 7.007007007007007, 7.107107107107107, 7.207207207207207, 7.307307307307307, 7.407407407407407, 7.507507507507508, 7.6076076076076085, 7.7077077077077085, 7.807807807807809, 7.907907907907909, 8.008008008008009, 8.108108108108109, 8.208208208208209, 8.308308308308309, 8.408408408408409, 8.508508508508509, 8.608608608608609, 8.70870870870871, 8.80880880880881, 8.90890890890891, 9.00900900900901, 9.10910910910911, 9.20920920920921, 9.30930930930931, 9.40940940940941, 9.50950950950951, 9.60960960960961, 9.70970970970971, 9.80980980980981, 9.90990990990991, 10.01001001001001, 10.11011011011011, 10.21021021021021, 10.31031031031031, 10.41041041041041, 10.51051051051051, 10.61061061061061, 10.710710710710712, 10.810810810810812, 10.910910910910912, 11.011011011011012, 11.111111111111112, 11.211211211211213, 11.311311311311313, 11.411411411411413, 11.511511511511513, 11.611611611611613, 11.711711711711713, 11.811811811811813, 11.911911911911913, 12.012012012012013, 12.112112112112113, 12.212212212212213, 12.312312312312313, 12.412412412412413, 12.512512512512513, 12.612612612612613, 12.712712712712714, 12.812812812812814, 12.912912912912914, 13.013013013013014, 13.113113113113114, 13.213213213213214, 13.313313313313314, 13.413413413413414, 13.513513513513514, 13.613613613613614, 13.713713713713714, 13.813813813813814, 13.913913913913914, 14.014014014014014, 14.114114114114114, 14.214214214214214, 14.314314314314315, 14.414414414414415, 14.514514514514515, 14.614614614614615, 14.714714714714715, 14.814814814814815, 14.914914914914915, 15.015015015015017, 15.115115115115117, 15.215215215215217, 15.315315315315317, 15.415415415415417, 15.515515515515517, 15.615615615615617, 15.715715715715717, 15.815815815815817, 15.915915915915917, 16.016016016016017, 16.116116116116117, 16.216216216216218, 16.316316316316318, 16.416416416416418, 16.516516516516518, 16.616616616616618, 16.716716716716718, 16.816816816816818, 16.916916916916918, 17.017017017017018, 17.117117117117118, 17.217217217217218, 17.31731731731732, 17.41741741741742, 17.51751751751752, 17.61761761761762, 17.71771771771772, 17.81781781781782, 17.91791791791792, 18.01801801801802, 18.11811811811812, 18.21821821821822, 18.31831831831832, 18.41841841841842, 18.51851851851852, 18.61861861861862, 18.71871871871872, 18.81881881881882, 18.91891891891892, 19.01901901901902, 19.11911911911912, 19.21921921921922, 19.31931931931932, 19.41941941941942, 19.51951951951952, 19.61961961961962, 19.71971971971972, 19.81981981981982, 19.91991991991992, 20.02002002002002, 20.12012012012012, 20.22022022022022, 20.32032032032032, 20.42042042042042, 20.52052052052052, 20.62062062062062, 20.72072072072072, 20.82082082082082, 20.92092092092092, 21.02102102102102, 21.12112112112112, 21.22122122122122, 21.32132132132132, 21.421421421421424, 21.521521521521525, 21.621621621621625, 21.721721721721725, 21.821821821821825, 21.921921921921925, 22.022022022022025, 22.122122122122125, 22.222222222222225, 22.322322322322325, 22.422422422422425, 22.522522522522525, 22.622622622622625, 22.722722722722725, 22.822822822822825, 22.922922922922925, 23.023023023023026, 23.123123123123126, 23.223223223223226, 23.323323323323326, 23.423423423423426, 23.523523523523526, 23.623623623623626, 23.723723723723726, 23.823823823823826, 23.923923923923926, 24.024024024024026, 24.124124124124126, 24.224224224224226, 24.324324324324326, 24.424424424424426, 24.524524524524526, 24.624624624624627, 24.724724724724727, 24.824824824824827, 24.924924924924927, 25.025025025025027, 25.125125125125127, 25.225225225225227, 25.325325325325327, 25.425425425425427, 25.525525525525527, 25.625625625625627, 25.725725725725727, 25.825825825825827, 25.925925925925927, 26.026026026026027, 26.126126126126128, 26.226226226226228, 26.326326326326328, 26.426426426426428, 26.526526526526528, 26.626626626626628, 26.726726726726728, 26.826826826826828, 26.926926926926928, 27.027027027027028, 27.127127127127128, 27.227227227227228, 27.32732732732733, 27.42742742742743, 27.52752752752753, 27.62762762762763, 27.72772772772773, 27.82782782782783, 27.92792792792793, 28.02802802802803, 28.12812812812813, 28.22822822822823, 28.32832832832833, 28.42842842842843, 28.52852852852853, 28.62862862862863, 28.72872872872873, 28.82882882882883, 28.92892892892893, 29.02902902902903, 29.12912912912913, 29.22922922922923, 29.32932932932933, 29.42942942942943, 29.52952952952953, 29.62962962962963, 29.72972972972973, 29.82982982982983, 29.929929929929934, 30.030030030030034, 30.130130130130134, 30.230230230230234, 30.330330330330334, 30.430430430430434, 30.530530530530534, 30.630630630630634, 30.730730730730734, 30.830830830830834, 30.930930930930934, 31.031031031031034, 31.131131131131134, 31.231231231231234, 31.331331331331334, 31.431431431431434, 31.531531531531535, 31.631631631631635, 31.731731731731735, 31.831831831831835, 31.931931931931935, 32.032032032032035, 32.132132132132135, 32.232232232232235, 32.332332332332335, 32.432432432432435, 32.532532532532535, 32.632632632632635, 32.732732732732735, 32.832832832832835, 32.932932932932935, 33.033033033033036, 33.133133133133136, 33.233233233233236, 33.333333333333336, 33.433433433433436, 33.533533533533536, 33.633633633633636, 33.733733733733736, 33.833833833833836, 33.933933933933936, 34.034034034034036, 34.134134134134136, 34.234234234234236, 34.334334334334336, 34.434434434434436, 34.53453453453454, 34.63463463463464, 34.73473473473474, 34.83483483483484, 34.93493493493494, 35.03503503503504, 35.13513513513514, 35.23523523523524, 35.33533533533534, 35.43543543543544, 35.53553553553554, 35.63563563563564, 35.73573573573574, 35.83583583583584, 35.93593593593594, 36.03603603603604, 36.13613613613614, 36.23623623623624, 36.33633633633634, 36.43643643643644, 36.53653653653654, 36.63663663663664, 36.73673673673674, 36.83683683683684, 36.93693693693694, 37.03703703703704, 37.13713713713714, 37.23723723723724, 37.33733733733734, 37.43743743743744, 37.53753753753754, 37.63763763763764, 37.73773773773774, 37.83783783783784, 37.93793793793794, 38.03803803803804, 38.13813813813814, 38.23823823823824, 38.33833833833834, 38.43843843843844, 38.53853853853854, 38.63863863863864, 38.73873873873874, 38.83883883883884, 38.93893893893894, 39.03903903903904, 39.13913913913914, 39.23923923923924, 39.33933933933934, 39.43943943943944, 39.53953953953954, 39.63963963963964, 39.73973973973974, 39.83983983983984, 39.93993993993994, 40.04004004004004, 40.14014014014014, 40.24024024024024, 40.34034034034034, 40.44044044044044, 40.54054054054054, 40.64064064064064, 40.74074074074074, 40.84084084084084, 40.94094094094094, 41.04104104104104, 41.14114114114114, 41.24124124124124, 41.34134134134134, 41.44144144144144, 41.54154154154154, 41.64164164164164, 41.74174174174174, 41.84184184184184, 41.94194194194194, 42.04204204204204, 42.14214214214214, 42.24224224224224, 42.34234234234234, 42.44244244244244, 42.54254254254254, 42.64264264264264, 42.74274274274275, 42.84284284284285, 42.94294294294295, 43.04304304304305, 43.14314314314315, 43.24324324324325, 43.34334334334335, 43.44344344344345, 43.54354354354355, 43.64364364364365, 43.74374374374375, 43.84384384384385, 43.94394394394395, 44.04404404404405, 44.14414414414415, 44.24424424424425, 44.34434434434435, 44.44444444444445, 44.54454454454455, 44.64464464464465, 44.74474474474475, 44.84484484484485, 44.94494494494495, 45.04504504504505, 45.14514514514515, 45.24524524524525, 45.34534534534535, 45.44544544544545, 45.54554554554555, 45.64564564564565, 45.74574574574575, 45.84584584584585, 45.94594594594595, 46.04604604604605, 46.14614614614615, 46.24624624624625, 46.34634634634635, 46.44644644644645, 46.54654654654655, 46.64664664664665, 46.74674674674675, 46.84684684684685, 46.94694694694695, 47.04704704704705, 47.14714714714715, 47.24724724724725, 47.34734734734735, 47.44744744744745, 47.54754754754755, 47.64764764764765, 47.74774774774775, 47.84784784784785, 47.94794794794795, 48.04804804804805, 48.14814814814815, 48.24824824824825, 48.34834834834835, 48.44844844844845, 48.54854854854855, 48.64864864864865, 48.74874874874875, 48.84884884884885, 48.94894894894895, 49.04904904904905, 49.14914914914915, 49.24924924924925, 49.34934934934935, 49.44944944944945, 49.54954954954955, 49.64964964964965, 49.74974974974975, 49.84984984984985, 49.94994994994995, 50.050050050050054, 50.150150150150154, 50.250250250250254, 50.350350350350354, 50.450450450450454, 50.550550550550554, 50.650650650650654, 50.750750750750754, 50.850850850850854, 50.950950950950954, 51.051051051051054, 51.151151151151154, 51.251251251251254, 51.351351351351354, 51.451451451451454, 51.551551551551555, 51.651651651651655, 51.751751751751755, 51.851851851851855, 51.951951951951955, 52.052052052052055, 52.152152152152155, 52.252252252252255, 52.352352352352355, 52.452452452452455, 52.552552552552555, 52.652652652652655, 52.752752752752755, 52.852852852852855, 52.952952952952955, 53.053053053053056, 53.153153153153156, 53.253253253253256, 53.353353353353356, 53.453453453453456, 53.553553553553556, 53.653653653653656, 53.753753753753756, 53.853853853853856, 53.953953953953956, 54.054054054054056, 54.154154154154156, 54.254254254254256, 54.354354354354356, 54.454454454454456, 54.55455455455456, 54.65465465465466, 54.75475475475476, 54.85485485485486, 54.95495495495496, 55.05505505505506, 55.15515515515516, 55.25525525525526, 55.35535535535536, 55.45545545545546, 55.55555555555556, 55.65565565565566, 55.75575575575576, 55.85585585585586, 55.95595595595596, 56.05605605605606, 56.15615615615616, 56.25625625625626, 56.35635635635636, 56.45645645645646, 56.55655655655656, 56.65665665665666, 56.75675675675676, 56.85685685685686, 56.95695695695696, 57.05705705705706, 57.15715715715716, 57.25725725725726, 57.35735735735736, 57.45745745745746, 57.55755755755756, 57.65765765765766, 57.75775775775776, 57.85785785785786, 57.95795795795796, 58.05805805805806, 58.15815815815816, 58.25825825825826, 58.35835835835836, 58.45845845845846, 58.55855855855856, 58.65865865865866, 58.75875875875876, 58.85885885885886, 58.95895895895896, 59.05905905905906, 59.15915915915916, 59.25925925925926, 59.35935935935936, 59.45945945945946, 59.55955955955956, 59.65965965965966, 59.75975975975976, 59.85985985985987, 59.95995995995997, 60.06006006006007, 60.16016016016017, 60.26026026026027, 60.36036036036037, 60.46046046046047, 60.56056056056057, 60.66066066066067, 60.76076076076077, 60.86086086086087, 60.96096096096097, 61.06106106106107, 61.16116116116117, 61.26126126126127, 61.36136136136137, 61.46146146146147, 61.56156156156157, 61.66166166166167, 61.76176176176177, 61.86186186186187, 61.96196196196197, 62.06206206206207, 62.16216216216217, 62.26226226226227, 62.36236236236237, 62.46246246246247, 62.56256256256257, 62.66266266266267, 62.76276276276277, 62.86286286286287, 62.96296296296297, 63.06306306306307, 63.16316316316317, 63.26326326326327, 63.36336336336337, 63.46346346346347, 63.56356356356357, 63.66366366366367, 63.76376376376377, 63.86386386386387, 63.96396396396397, 64.06406406406407, 64.16416416416416, 64.26426426426427, 64.36436436436436, 64.46446446446447, 64.56456456456456, 64.66466466466467, 64.76476476476476, 64.86486486486487, 64.96496496496496, 65.06506506506507, 65.16516516516516, 65.26526526526527, 65.36536536536536, 65.46546546546547, 65.56556556556556, 65.66566566566567, 65.76576576576576, 65.86586586586587, 65.96596596596596, 66.06606606606607, 66.16616616616616, 66.26626626626627, 66.36636636636636, 66.46646646646647, 66.56656656656656, 66.66666666666667, 66.76676676676676, 66.86686686686687, 66.96696696696696, 67.06706706706707, 67.16716716716716, 67.26726726726727, 67.36736736736736, 67.46746746746747, 67.56756756756756, 67.66766766766767, 67.76776776776777, 67.86786786786787, 67.96796796796797, 68.06806806806807, 68.16816816816817, 68.26826826826827, 68.36836836836838, 68.46846846846847, 68.56856856856858, 68.66866866866867, 68.76876876876878, 68.86886886886887, 68.96896896896898, 69.06906906906907, 69.16916916916918, 69.26926926926927, 69.36936936936938, 69.46946946946947, 69.56956956956958, 69.66966966966967, 69.76976976976978, 69.86986986986987, 69.96996996996998, 70.07007007007007, 70.17017017017018, 70.27027027027027, 70.37037037037038, 70.47047047047047, 70.57057057057058, 70.67067067067067, 70.77077077077078, 70.87087087087087, 70.97097097097098, 71.07107107107107, 71.17117117117118, 71.27127127127127, 71.37137137137138, 71.47147147147147, 71.57157157157158, 71.67167167167167, 71.77177177177178, 71.87187187187187, 71.97197197197198, 72.07207207207207, 72.17217217217218, 72.27227227227228, 72.37237237237238, 72.47247247247248, 72.57257257257258, 72.67267267267268, 72.77277277277278, 72.87287287287288, 72.97297297297298, 73.07307307307308, 73.17317317317318, 73.27327327327328, 73.37337337337338, 73.47347347347348, 73.57357357357358, 73.67367367367368, 73.77377377377378, 73.87387387387388, 73.97397397397398, 74.07407407407408, 74.17417417417418, 74.27427427427428, 74.37437437437438, 74.47447447447448, 74.57457457457458, 74.67467467467468, 74.77477477477478, 74.87487487487488, 74.97497497497498, 75.07507507507508, 75.17517517517518, 75.27527527527528, 75.37537537537538, 75.47547547547548, 75.57557557557558, 75.67567567567568, 75.77577577577578, 75.87587587587588, 75.97597597597598, 76.07607607607608, 76.17617617617618, 76.27627627627628, 76.37637637637638, 76.47647647647648, 76.57657657657658, 76.67667667667668, 76.77677677677679, 76.87687687687688, 76.97697697697699, 77.07707707707708, 77.17717717717719, 77.27727727727728, 77.37737737737739, 77.47747747747748, 77.57757757757759, 77.67767767767768, 77.77777777777779, 77.87787787787788, 77.97797797797799, 78.07807807807808, 78.17817817817819, 78.27827827827828, 78.37837837837839, 78.47847847847848, 78.57857857857859, 78.67867867867868, 78.77877877877879, 78.87887887887888, 78.97897897897899, 79.07907907907908, 79.17917917917919, 79.27927927927928, 79.37937937937939, 79.47947947947948, 79.57957957957959, 79.67967967967968, 79.77977977977979, 79.87987987987988, 79.97997997997999, 80.08008008008008, 80.18018018018019, 80.28028028028028, 80.38038038038039, 80.48048048048048, 80.58058058058059, 80.68068068068068, 80.78078078078079, 80.88088088088088, 80.98098098098099, 81.08108108108108, 81.18118118118119, 81.28128128128128, 81.38138138138139, 81.48148148148148, 81.58158158158159, 81.68168168168168, 81.78178178178179, 81.88188188188188, 81.98198198198199, 82.08208208208208, 82.18218218218219, 82.28228228228228, 82.38238238238239, 82.48248248248248, 82.58258258258259, 82.68268268268268, 82.78278278278279, 82.88288288288288, 82.98298298298299, 83.08308308308308, 83.18318318318319, 83.28328328328328, 83.38338338338339, 83.48348348348348, 83.58358358358359, 83.68368368368368, 83.78378378378379, 83.88388388388388, 83.98398398398399, 84.08408408408408, 84.18418418418419, 84.28428428428428, 84.38438438438439, 84.48448448448448, 84.58458458458459, 84.68468468468468, 84.78478478478479, 84.88488488488488, 84.98498498498499, 85.08508508508508, 85.18518518518519, 85.28528528528528, 85.38538538538539, 85.4854854854855, 85.58558558558559, 85.6856856856857, 85.78578578578579, 85.8858858858859, 85.98598598598599, 86.0860860860861, 86.18618618618619, 86.2862862862863, 86.38638638638639, 86.4864864864865, 86.58658658658659, 86.6866866866867, 86.78678678678679, 86.8868868868869, 86.98698698698699, 87.0870870870871, 87.18718718718719, 87.2872872872873, 87.38738738738739, 87.4874874874875, 87.58758758758759, 87.6876876876877, 87.78778778778779, 87.8878878878879, 87.98798798798799, 88.0880880880881, 88.18818818818819, 88.2882882882883, 88.38838838838839, 88.4884884884885, 88.58858858858859, 88.6886886886887, 88.78878878878879, 88.8888888888889, 88.988988988989, 89.0890890890891, 89.1891891891892, 89.2892892892893, 89.3893893893894, 89.4894894894895, 89.5895895895896, 89.6896896896897, 89.7897897897898, 89.8898898898899, 89.98998998999, 90.0900900900901, 90.1901901901902, 90.2902902902903, 90.3903903903904, 90.4904904904905, 90.5905905905906, 90.6906906906907, 90.7907907907908, 90.8908908908909, 90.990990990991, 91.0910910910911, 91.1911911911912, 91.2912912912913, 91.3913913913914, 91.4914914914915, 91.5915915915916, 91.6916916916917, 91.7917917917918, 91.8918918918919, 91.991991991992, 92.0920920920921, 92.1921921921922, 92.2922922922923, 92.3923923923924, 92.4924924924925, 92.5925925925926, 92.6926926926927, 92.7927927927928, 92.8928928928929, 92.992992992993, 93.0930930930931, 93.1931931931932, 93.2932932932933, 93.3933933933934, 93.4934934934935, 93.5935935935936, 93.6936936936937, 93.7937937937938, 93.8938938938939, 93.993993993994, 94.0940940940941, 94.1941941941942, 94.2942942942943, 94.3943943943944, 94.4944944944945, 94.5945945945946, 94.6946946946947, 94.7947947947948, 94.8948948948949, 94.994994994995, 95.0950950950951, 95.1951951951952, 95.2952952952953, 95.3953953953954, 95.4954954954955, 95.5955955955956, 95.6956956956957, 95.7957957957958, 95.8958958958959, 95.995995995996, 96.0960960960961, 96.1961961961962, 96.2962962962963, 96.3963963963964, 96.4964964964965, 96.5965965965966, 96.6966966966967, 96.7967967967968, 96.8968968968969, 96.996996996997, 97.0970970970971, 97.1971971971972, 97.2972972972973, 97.3973973973974, 97.4974974974975, 97.5975975975976, 97.6976976976977, 97.7977977977978, 97.8978978978979, 97.997997997998, 98.0980980980981, 98.1981981981982, 98.2982982982983, 98.3983983983984, 98.4984984984985, 98.5985985985986, 98.6986986986987, 98.7987987987988, 98.8988988988989, 98.998998998999, 99.0990990990991, 99.1991991991992, 99.2992992992993, 99.3993993993994, 99.4994994994995, 99.5995995995996, 99.6996996996997, 99.7997997997998, 99.8998998998999, 100 ], "xaxis": "x2", "y": [ 0.9036356740373742, 0.9360474180872089, 1.0032926715703656, 1.099073935163067, 1.2172008623666246, 1.3517349550088442, 1.4971085971050475, 1.6482187746752122, 1.8004964329867845, 1.9499529220324892, 2.093205376903706, 2.2274831756461317, 2.350617818841976, 2.46101868987853, 2.5576371912237663, 2.6399217194956854, 2.707765850657533, 2.761451966459767, 2.80159237434938, 2.829069765203482, 2.844978625596129, 2.8505689823448153, 2.8471936144424665, 2.836259627880299, 2.8191850580553544, 2.7973609471946124, 2.7721191442964765, 2.744705895324826, 2.7162611337316105, 2.6878032469468622, 2.6602189836316352, 2.6342580789560763, 2.610532110097187, 2.589517050239514, 2.5715589649281383, 2.5568822877106925, 2.5456001204670162, 2.537726025404806, 2.5331868081030677, 2.531835831944574, 2.5334664516072296, 2.5378252049221524, 2.5446244564558635, 2.55355424092754, 2.5642931085305523, 2.576517826110498, 2.58991183690276, 2.604172426314976, 2.6190165814302677, 2.63418556708275, 2.649448271279796, 2.664603397344154, 2.679480599497977, 2.6939406729096897, 2.707874918776079, 2.7212038102005804, 2.7338750858999217, 2.7458613966120753, 2.757157623999354, 2.7677779843591703, 2.7777530200822382, 2.78712657102537, 2.795952806255799, 2.804293384401217, 2.812214798486239, 2.8197859489863837, 2.827075977169762, 2.834152379859116, 2.841079416717508, 2.847916812176901, 2.8547187462821078, 2.8615331220637192, 2.8684010915961027, 2.875356818621117, 2.882427452477826, 2.8896332860032667, 2.896988068971252, 2.9044994484138122, 2.9121695077127727, 2.9199953775416874, 2.927969893464043, 2.9360822771373316, 2.94431882052378, 2.952663555163457, 2.9610988913290126, 2.969606214668021, 2.978166430674191, 2.986760449949198, 2.9953696096704574, 3.003976028925979, 3.0125628975854473, 3.0211147001267387, 3.0296173773186403, 3.0380584298710103, 3.0464269691080044, 3.054713720409266, 3.0629109856143106, 3.0710125708168587, 3.079013686011662, 3.086910822921452, 3.094701617052176, 3.1023846996269553, 3.1099595445591675, 3.1174263150675094, 3.124785713934104, 3.1320388407820365, 3.1391870591201805, 3.1462318752874476, 3.153174830839826, 3.1600174093732423, 3.1667609582724623, 3.173406625427547, 3.179955310569108, 3.1864076305440676, 3.192763897585236, 3.1990241094194833, 3.2051879499081353, 3.2112547988156073, 3.2172237492537126, 3.223093631344215, 3.2288630406754244, 3.2345303701939825, 3.2400938442646114, 3.2455515537425446, 3.2509014910301715, 3.2561415842257997, 3.2612697296136264, 3.266283821885769, 3.271181781625771, 3.275961579715312, 3.2806212584492376, 3.285158949256635, 3.289572887025907, 3.2938614211188466, 3.2980230232319867, 3.3020562923230203, 3.305959956866104, 3.309732874733012, 3.313374031018224, 3.3168825341362007, 3.320257610519476, 3.323498598238102, 3.3266049398457125, 3.3295761747364248, 3.3324119312712073, 3.3351119189035483, 3.3376759205033526, 3.340103785046102, 3.342395420802366, 3.344550789131563, 3.346569898954169, 3.3484528019488966, 3.350199588496186, 3.3518103843669462, 3.3532853481361053, 3.3546246692842288, 3.355828566937289, 3.3568972891845203, 3.3578311129070384, 3.3586303440453493, 3.359295318231759, 3.359826401713784, 3.360223992496628, 3.360488521636354, 3.3606204546202347, 3.3606202927765962, 3.3604885746630337, 3.3602258773888796, 3.3598328178350085, 3.3593100537412828, 3.3586582846389526, 3.357878252612013, 3.3569707428777167, 3.355936584182094, 3.3547766490113307, 3.353491853624188, 3.35208315791426, 3.3505515651138125, 3.3488981213531646, 3.347123915091179, 3.345230076433418, 3.343217776354946, 3.341088225844728, 3.3388426749880793, 3.3364824120028276, 3.3340087622437, 3.3314230871881496, 3.328726783415335, 3.325921281588384, 3.323008045448454, 3.3199885708274697, 3.316864384684852, 3.3136370441720446, 3.31030813572727, 3.306879274201667, 3.3033521020168686, 3.2997282883530947, 3.296009528366047, 3.2921975424302428, 3.288294075405924, 3.2843008959263504, 3.2802197957020467, 3.2760525888385157, 3.271801111163925, 3.267467219563407, 3.263052791316786, 3.2585597234368295, 3.2539899320053953, 3.2493453515052018, 3.244627934145306, 3.2398396491787382, 3.2349824822111053, 3.230058434499338, 3.225069522240087, 3.2200177758475834, 3.2149052392210677, 3.209733969002133, 3.204506033822547, 3.199223513543287, 3.1938884984856832, 3.1885030886556485, 3.1830693929620657, 3.177589528430443, 3.172065619412962, 3.1664997967960398, 3.160894197206489, 3.1552509622173304, 3.149572237554235, 3.1438601723035084, 3.1381169181224515, 3.132344628452855, 3.126545457738286, 3.1207215606457535, 3.114875091292247, 3.109008202476579, 3.103123044916871, 3.097221766493978, 3.091306511501062, 3.0853794198995104, 3.0794426265813173, 3.0734982606380292, 3.067548444636335, 3.0615952939003437, 3.0556409158005975, 3.0496874090498487, 3.0437368630056354, 3.037791356979693, 3.03185295955424, 3.025923727905198, 3.020005707132404, 3.0141009295969043, 3.008211414265411, 3.00233916606205, 2.9964861752275054, 2.990654416685718, 2.9848458494182775, 2.9790624158466796, 2.973306041222623, 2.9675786330265312, 2.961882080374484, 2.956218253433761, 2.9505890028471935, 2.944996159166528, 2.9394415322949925, 2.9339269109392747, 2.928454062071098, 2.9230247303985917, 2.9176406378476343, 2.912303483053351, 2.9070149408619357, 2.9017766618429572, 2.8965902718123084, 2.891457371365944, 2.886379535424537, 2.8813583127891946, 2.876395225708345, 2.87149176945591, 2.866649411920873, 2.861869593208329, 2.857153725252117, 2.8525031914391095, 2.8479193462452446, 2.8434035148833594, 2.838956992962902, 2.834581046161574, 2.8302769099089593, 2.826045789082192, 2.821888857713709, 2.8178072587111265, 2.8138021035892784, 2.809874472214455, 2.806025412560867, 2.802255940479366, 2.7985670394784403, 2.7949596605175118, 2.7914347218125424, 2.7879931086539735, 2.784635673236997, 2.7813632345041697, 2.7781765780003713, 2.775076455740107, 2.7720635860871448, 2.76913865364648, 2.7663023091686143, 2.7635551694661338, 2.7608978173425576, 2.7583308015334396, 2.7558546366596914, 2.7534698031930867, 2.7511767474339166, 2.7489758815007526, 2.746867583332262, 2.7448521967010384, 2.7429300312393803, 2.741101362476967, 2.739366431890363, 2.737725446964285, 2.736178581264563, 2.7347259745227164, 2.733367732732066, 2.7321039282552997, 2.7309345999434074, 2.729859753265887, 2.728879360452135, 2.72799336064392, 2.727201660058837, 2.7265041321646355, 2.725900617864321, 2.725390925691908, 2.724974832018718, 2.724652081270095, 2.7244223861524284, 2.7242854278903503, 2.72424085647398, 2.724288290916094, 2.724427319519073, 2.7246575001515096, 2.724978360534317, 2.7253893985362145, 2.725890082478433, 2.7264798514485027, 2.727158115622969, 2.7279242565988855, 2.7287776277339284, 2.7297175544949823, 2.7307433348150285, 2.7318542394581864, 2.7330495123927316, 2.7343283711719364, 2.735690007322563, 2.7371335867408333, 2.7386582500957126, 2.740263113239332, 2.7419472676243672, 2.743709780728212, 2.745549696483752, 2.7474660357165708, 2.7494577965884, 2.7515239550466375, 2.7536634652797396, 2.7558752601783154, 2.758158251801722, 2.7605113318499854, 2.7629333721408513, 2.765423225091777, 2.767979724206677, 2.770601684567225, 2.773287903328528, 2.776037160218968, 2.778848218044032, 2.781719823193924, 2.784650706154768, 2.787639582023212, 2.7906851510242268, 2.7937860990319168, 2.796941098093135, 2.8001488069537124, 2.8034078715871065, 2.806716925725267, 2.8100745913915266, 2.813479479435323, 2.8169301900685504, 2.8204253134033483, 2.823963429991134, 2.827543111362678, 2.83116292056904, 2.834821412723151, 2.838517135541873, 2.842248629888324, 2.846014430314288, 2.849813065602514, 2.853643059308711, 2.8575029303030623, 2.8613911933110527, 2.8653063594534363, 2.8692469367851525, 2.8732114308330052, 2.8771983451319225, 2.8812061817596133, 2.885233441869444, 2.889278626221349, 2.8933402357106006, 2.897416771894263, 2.9015067375151498, 2.905608637023121, 2.909720977093534, 2.9138422671426936, 2.91797101984012, 2.9221057516174764, 2.9262449831739885, 2.9303872399781934, 2.934531052765857, 2.938674958033903, 2.942817498530196, 2.9469572237390222, 2.9510926903621186, 2.9552224627951014, 2.95934511359914, 2.9634592239677384, 2.9675633841884768, 2.9716561940995727, 2.975736263541125, 2.9798022128009043, 2.983852673054557, 2.9878862868000895, 2.991901708286507, 2.9958976039364837, 2.9998726527629325, 3.0038255467793675, 3.0077549914039268, 3.0116597058569528, 3.015538423552011, 3.019389892480241, 3.0232128755879324, 3.0270061511472206, 3.030768513119805, 3.0344987715135874, 3.0381957527321406, 3.0418582999169095, 3.0454852732820608, 3.0490755504418923, 3.052628026730719, 3.0561416155151537, 3.0596152484987127, 3.0630478760186626, 3.0664384673350424, 3.069786010911794, 3.0730895146899315, 3.0763480063526925, 3.0795605335826095, 3.0827261643104467, 3.0858439869559477, 3.088913110660349, 3.0919326655106087, 3.09490180275531, 3.0978196950121943, 3.100685536467298, 3.1034985430656423, 3.1062579526934617, 3.108963025351935, 3.1116130433223907, 3.1142073113229785, 3.116745156656772, 3.119225929351301, 3.1216490022894927, 3.1240137713320175, 3.126319655431029, 3.1285660967352995, 3.130752560686747, 3.132878536108362, 3.1349435352835338, 3.1369470940267883, 3.138888771745952, 3.140768151495752, 3.142584840022872, 3.14433846780249, 3.1460286890663105, 3.1476551818221306, 3.1492176478649574, 3.150715812779721, 3.152149425935605, 3.153518260472049, 3.154822113276444, 3.156060804953581, 3.1572341797868937, 3.158342105691537, 3.159384474159364, 3.160361200195848, 3.1612722222490106, 3.1621175021304113, 3.162897024928264, 3.163610798912741, 3.1642588554335385, 3.1648412488097617, 3.165358056212212, 3.1658093775381446, 3.166195335278571, 3.166516074378194, 3.166771762088043, 3.1669625878109073, 3.167088762939639, 3.1671505206884225, 3.1671481159170956, 3.1670818249486152, 3.166951945379762, 3.1667587958851766, 3.1665027160148287, 3.1661840659850173, 3.165803226463, 3.1653605983453583, 3.164856602530204, 3.164291679683329, 3.1636662899984147, 3.1629809129513977, 3.162236047049117, 3.1614322095723493, 3.160569936313344, 3.1596497813079814, 3.1586723165626647, 3.1576381317760642, 3.1565478340558415, 3.1554020476304667, 3.154201413556253, 3.1529465894197344, 3.15163824903551, 3.15027708213968, 3.148863794078997, 3.1473991054958717, 3.145883752009346, 3.144318483892174, 3.142704065744137, 3.1410412761617237, 3.13933090740431, 3.1375737650569664, 3.135770667690027, 3.13392244651556, 3.132029945040863, 3.1300940187191277, 3.128115534597402, 3.1260953709619903, 3.1240344169814187, 3.121933572347117, 3.1197937469119355, 3.1176158603266453, 3.115400841674554, 3.1131496291043748, 3.1108631694614814, 3.108542417917693, 3.10618833759972, 3.1038018992164065, 3.1013840806849085, 3.0989358667559443, 3.0964582486382524, 3.0939522236223853, 3.0914187947039884, 3.0888589702066835, 3.0862737634047033, 3.0836641921454024, 3.081031278471786, 3.0783760482451754, 3.075699530768161, 3.0730027584079584, 3.070286766220306, 3.067552591574032, 3.064801273776419, 3.0620338536994973, 3.0592513734073923, 3.056454875784852, 3.053645404167081, 3.0508240019710042, 3.0479917123280886, 3.0451495777188384, 3.0422986396090903, 3.039439938088225, 3.036574511509418, 3.033703396132043, 3.0308276257663525, 3.027948231420535, 3.0250662409502813, 3.022182678710962, 3.0192985652125244, 3.016414916777228, 3.013532745200321, 3.0106530574137618, 3.007776855153099, 3.004905134627603, 3.0020388861937617, 2.9991790940322347, 2.9963267358283625, 2.993482782456333, 2.9906481976670993, 2.987823937780142, 2.985010951379165, 2.982210179011821, 2.979422552893546, 2.976648996615602, 2.9738904248573985, 2.9711477431031863, 2.9684218473631994, 2.965713623899323, 2.96302394895537, 2.9603536884920345, 2.9577036979265996, 2.9550748218774694, 2.952467893913595, 2.9498837363088604, 2.9473231598014915, 2.9447869633585597, 2.9422759339456284, 2.939790846301611, 2.9373324627188944, 2.934901532828781, 2.9324987933923032, 2.9301249680964614, 2.9277807673559333, 2.925466888120299, 2.9231840136868312, 2.9209328135188843, 2.91871394306993, 2.9165280436132734, 2.9143757420774836, 2.912257650887576, 2.9101743678119756, 2.9081264758152865, 2.906114542916904, 2.9041391220554824, 2.9022007509592904, 2.9002999520224675, 2.898437232187205, 2.8966130828318657, 2.894827979665052, 2.8930823826256407, 2.891376735788793, 2.8897114672779387, 2.888086989182754, 2.886503697483122, 2.8849619719790884, 2.8834621762268022, 2.8820046574804437, 2.8805897466401347, 2.8792177582058205, 2.8778889902371136, 2.876603724319093, 2.8753622255340416, 2.874164742439104, 2.873011507049853, 2.8719027348297423, 2.8708386246854194, 2.869819358967885, 2.8688451034794644, 2.867916007486567, 2.8670322037382063, 2.866193808490246, 2.865400921535339, 2.8646536262385305, 2.863951989578478, 2.863296062194259, 2.8626858784377203, 2.8621214564313293, 2.861602798131483, 2.8611298893972283, 2.860702700064346, 2.8603211840247487, 2.8599852793111475, 2.859694908186928, 2.8594499772411814, 2.8592503774888436, 2.8590959844758768, 2.8589866583894374, 2.8589222441729736, 2.8589025716461824, 2.858927455629775, 2.8589966960749744, 2.85911007819769, 2.8592673726172895, 2.8594683354999137, 2.8597127087062515, 2.860000219943715, 2.860330582922933, 2.8607034975184926, 2.8611186499338634, 2.861575712870406, 2.8620743457004156, 2.862614194644098, 2.8631948929504167, 2.863816061081722, 2.8644773069020775, 2.8651782258692164, 2.865918401230028, 2.8666974042195013, 2.867514794263035, 2.8683701191820328, 2.8692629154026963, 2.8701927081679237, 2.8711590117522348, 2.8721613296796265, 2.8731991549442735, 2.874271970233984, 2.875379248156318, 2.8765204514672784, 2.877695033302487, 2.878902437410745, 2.880142098389896, 2.881413441924889, 2.8827158850279564, 2.8840488362808068, 2.8854116960787444, 2.886803856876617, 2.8882247034365, 2.8896736130770204, 2.8911499559242304, 2.892653095163927, 2.894182387295335, 2.8957371823860454, 2.8973168243281253, 2.898920651095296, 2.900547995001088, 2.902198182957882, 2.903870536736727, 2.905564373227862, 2.907279004701826, 2.9090137390710757, 2.9107678801520103, 2.9125407279273126, 2.9143315788085116, 2.91613972589867, 2.917964459255112, 2.9198050661520916, 2.921660831343309, 2.9235310373241914, 2.9254149645938377, 2.9273118919165397, 2.9292210965827956, 2.9311418546697143, 2.933073441300733, 2.9350151309045542, 2.936966197473213, 2.9389259148191913, 2.9408935568314933, 2.9428683977305914, 2.9448497123221617, 2.946836776249526, 2.948828866244713, 2.950825260378063, 2.952825238306285, 2.954828081518894, 2.956833073582947, 2.958839500385996, 2.960846650377182, 2.9628538148063943, 2.9648602879614177, 2.9668653674029932, 2.9688683541977223, 2.970868553148731, 2.972865273024039, 2.9748578267825474, 2.976845531797587, 2.9788277100779523, 2.9808036884863602, 2.9827727989552586, 2.984734378699932, 2.9866877704288317, 2.9886323225510725, 2.9905673893810336, 2.9924923313400065, 2.994406515154829, 2.996309314053451, 2.9982001079573712, 3.0000782836709003, 3.001943235067187, 3.0037943632709614, 3.0056310768379464, 3.007452791930884, 3.0092589324921324, 3.011048930412785, 3.012822225698274, 3.014578266630405, 3.016316509925788, 3.018036420890623, 3.0197374735718023, 3.021419150904289, 3.023080944854738, 3.0247223565613295, 3.0263428964697705, 3.0279420844654465, 3.029519450001684, 3.031074532224099, 3.0326068800910053, 3.0341160524898547, 3.035601618349685, 3.0370631567495607, 3.0385002570229727, 3.0399125188581895, 3.041299552394535, 3.0426609783145797, 3.0439964279322274, 3.0453055432766907, 3.0465879771723325, 3.047843393314375, 3.0490714663404592, 3.050271881898049, 3.0514443367076796, 3.0525885386220355, 3.053704206680868, 3.0547910711617368, 3.0558488736265885, 3.056877366964166, 3.057876315428251, 3.058845494671752, 3.059784691776634, 3.060693705279705, 3.0615723451942607, 3.062420433027605, 3.063237801794454, 3.064024296026234, 3.0647797717762946, 3.0655040966210443, 3.0661971496570364, 3.06685882149401, 3.067489014243919, 3.0680876415059606, 3.068654628347632, 3.069189911281837, 3.0696934382400616, 3.070165168541659, 3.070605072859257, 3.0710131331803234, 3.0713893427649204, 3.0717337060996734, 3.0720462388479963, 3.0723269677965956, 3.0725759307982967, 3.0727931767112255, 3.0729787653343803, 3.0731327673396343, 3.073255264200207, 3.073346348115649, 3.0734061219333717, 3.0734346990667767, 3.0734322034100168, 3.0733987692494416, 3.0733345411717683, 3.0732396739690286, 3.0731143325403294, 3.072958691790488, 3.0727729365255825, 3.07255726134547, 3.072311870533323, 3.072036977942236, 3.071732806878953, 3.071399589984772, 3.071037569113682, 3.070646995207776, 3.0702281281700166, 3.0697812367343817, 3.069306598333478, 3.0688044989636545, 3.0682752330476903, 3.0677191032951057, 3.0671364205601632, 3.06652750369761, 3.0658926794162333, 3.0652322821302778, 3.064546653808795, 3.0638361438229826, 3.0631011087915767, 3.0623419124243596, 3.061558925363847, 3.0607525250252197, 3.0599230954345558, 3.0590710270654395, 3.058196716674002, 3.05730056713246, 3.056382987261222, 3.055444391659623, 3.0544852005353547, 3.0535058395326526, 3.0525067395593175, 3.0514883366126195, 3.05045107160417, 3.049395390183807, 3.048321742562582, 3.0472305833348945, 3.046122371299855, 3.044997569281932, 3.0438566439509587, 3.0427000656415544, 3.041528308172041, 3.0403418486629032, 3.039141167354876, 3.037926747426709, 3.0366990748126836, 3.035458638019944, 3.0342059279457114, 3.032941437694435, 3.031665662394962, 3.03037909901777, 3.0290822461923472, 3.0277756040247663, 3.0264596739155243, 3.025134958377712, 3.023801960855567, 3.0224611855434858, 3.0211131372055435, 3.0197583209955914, 3.0183972422779877, 3.0170304064490248, 3.015658318759114, 3.014281484135781, 3.012900407007537, 3.011515591128685, 3.010127539405105, 3.008736753721099, 3.0073437347673284, 3.005948981869913, 3.0045529928207433, 3.0031562637090636, 3.0017592887543727, 3.000362560140699, 2.9989665678523076, 2.9975717995108817, 2.9961787402142357, 2.9947878723766066, 2.993399675570576, 2.99201462637067, 2.9906331981986827, 2.9892558611707734, 2.9878830819463835, 2.9865153235790154, 2.98515304536892, 2.983796702717739, 2.9824467469851372, 2.9811036253474748, 2.979767780658557, 2.9784396513124998, 2.9771196711087526, 2.975808269119317, 2.974505869558195, 2.9732128916531106, 2.971929749519529, 2.970656852037018, 2.9693946027279794, 2.968143399638786, 2.966903635223353, 2.9656756962291744, 2.9644599635858566, 2.963256812296176, 2.9620666113296856, 2.9608897235189042, 2.9597265054581023, 2.9585773074047217, 2.957442473183442, 2.9563223400929246, 2.955217238815247, 2.9541274933280546, 2.953053420819447, 2.951995331605616, 2.950953529051252, 2.9499283094927384, 2.9489199621641444, 2.9479287691260354, 2.9469550051971063, 2.94599893788866, 2.9450608273419308, 2.944140926268273, 2.943239479892214, 2.9423567258973873, 2.941492894375346, 2.9406482077772687, 2.9398228808685545, 2.9390171206863185, 2.9382311264997854, 2.9374650897735832, 2.936719194133942, 2.9359936153377864, 2.9352885212447366, 2.9346040717919983, 2.9339404189721496, 2.9332977068138146, 2.9326760713652216, 2.9320756406806354, 2.9314965348096615, 2.9309388657894053, 2.9304027376394868, 2.9298882463598925, 2.929395479931658, 2.9289245183203643, 2.928475433482439, 2.9280482893742463, 2.9276431419639493, 2.92726003924613, 2.9268990212591506, 2.9265601201052367, 2.926243359973265, 2.9259487571642335, 2.9256763201193983, 2.9254260494510502, 2.9251979379759128, 2.924991970751138, 2.9248081251128735 ], "yaxis": "y2" }, { "line": { "color": "blue", "dash": "dash" }, "name": "Nonlinear", "showlegend": false, "type": "scatter", "x": [ 0, 0.1001001001001001, 0.2002002002002002, 0.3003003003003003, 0.4004004004004004, 0.5005005005005005, 0.6006006006006006, 0.7007007007007008, 0.8008008008008008, 0.9009009009009009, 1.001001001001001, 1.1011011011011012, 1.2012012012012012, 1.3013013013013013, 1.4014014014014016, 1.5015015015015016, 1.6016016016016017, 1.7017017017017018, 1.8018018018018018, 1.9019019019019021, 2.002002002002002, 2.1021021021021022, 2.2022022022022023, 2.3023023023023024, 2.4024024024024024, 2.5025025025025025, 2.6026026026026026, 2.702702702702703, 2.802802802802803, 2.902902902902903, 3.0030030030030033, 3.1031031031031033, 3.2032032032032034, 3.3033033033033035, 3.4034034034034035, 3.5035035035035036, 3.6036036036036037, 3.7037037037037037, 3.8038038038038042, 3.9039039039039043, 4.004004004004004, 4.104104104104104, 4.2042042042042045, 4.3043043043043046, 4.404404404404405, 4.504504504504505, 4.604604604604605, 4.704704704704705, 4.804804804804805, 4.904904904904905, 5.005005005005005, 5.105105105105105, 5.205205205205205, 5.305305305305305, 5.405405405405406, 5.505505505505506, 5.605605605605606, 5.705705705705706, 5.805805805805806, 5.9059059059059065, 6.0060060060060065, 6.106106106106107, 6.206206206206207, 6.306306306306307, 6.406406406406407, 6.506506506506507, 6.606606606606607, 6.706706706706707, 6.806806806806807, 6.906906906906907, 7.007007007007007, 7.107107107107107, 7.207207207207207, 7.307307307307307, 7.407407407407407, 7.507507507507508, 7.6076076076076085, 7.7077077077077085, 7.807807807807809, 7.907907907907909, 8.008008008008009, 8.108108108108109, 8.208208208208209, 8.308308308308309, 8.408408408408409, 8.508508508508509, 8.608608608608609, 8.70870870870871, 8.80880880880881, 8.90890890890891, 9.00900900900901, 9.10910910910911, 9.20920920920921, 9.30930930930931, 9.40940940940941, 9.50950950950951, 9.60960960960961, 9.70970970970971, 9.80980980980981, 9.90990990990991, 10.01001001001001, 10.11011011011011, 10.21021021021021, 10.31031031031031, 10.41041041041041, 10.51051051051051, 10.61061061061061, 10.710710710710712, 10.810810810810812, 10.910910910910912, 11.011011011011012, 11.111111111111112, 11.211211211211213, 11.311311311311313, 11.411411411411413, 11.511511511511513, 11.611611611611613, 11.711711711711713, 11.811811811811813, 11.911911911911913, 12.012012012012013, 12.112112112112113, 12.212212212212213, 12.312312312312313, 12.412412412412413, 12.512512512512513, 12.612612612612613, 12.712712712712714, 12.812812812812814, 12.912912912912914, 13.013013013013014, 13.113113113113114, 13.213213213213214, 13.313313313313314, 13.413413413413414, 13.513513513513514, 13.613613613613614, 13.713713713713714, 13.813813813813814, 13.913913913913914, 14.014014014014014, 14.114114114114114, 14.214214214214214, 14.314314314314315, 14.414414414414415, 14.514514514514515, 14.614614614614615, 14.714714714714715, 14.814814814814815, 14.914914914914915, 15.015015015015017, 15.115115115115117, 15.215215215215217, 15.315315315315317, 15.415415415415417, 15.515515515515517, 15.615615615615617, 15.715715715715717, 15.815815815815817, 15.915915915915917, 16.016016016016017, 16.116116116116117, 16.216216216216218, 16.316316316316318, 16.416416416416418, 16.516516516516518, 16.616616616616618, 16.716716716716718, 16.816816816816818, 16.916916916916918, 17.017017017017018, 17.117117117117118, 17.217217217217218, 17.31731731731732, 17.41741741741742, 17.51751751751752, 17.61761761761762, 17.71771771771772, 17.81781781781782, 17.91791791791792, 18.01801801801802, 18.11811811811812, 18.21821821821822, 18.31831831831832, 18.41841841841842, 18.51851851851852, 18.61861861861862, 18.71871871871872, 18.81881881881882, 18.91891891891892, 19.01901901901902, 19.11911911911912, 19.21921921921922, 19.31931931931932, 19.41941941941942, 19.51951951951952, 19.61961961961962, 19.71971971971972, 19.81981981981982, 19.91991991991992, 20.02002002002002, 20.12012012012012, 20.22022022022022, 20.32032032032032, 20.42042042042042, 20.52052052052052, 20.62062062062062, 20.72072072072072, 20.82082082082082, 20.92092092092092, 21.02102102102102, 21.12112112112112, 21.22122122122122, 21.32132132132132, 21.421421421421424, 21.521521521521525, 21.621621621621625, 21.721721721721725, 21.821821821821825, 21.921921921921925, 22.022022022022025, 22.122122122122125, 22.222222222222225, 22.322322322322325, 22.422422422422425, 22.522522522522525, 22.622622622622625, 22.722722722722725, 22.822822822822825, 22.922922922922925, 23.023023023023026, 23.123123123123126, 23.223223223223226, 23.323323323323326, 23.423423423423426, 23.523523523523526, 23.623623623623626, 23.723723723723726, 23.823823823823826, 23.923923923923926, 24.024024024024026, 24.124124124124126, 24.224224224224226, 24.324324324324326, 24.424424424424426, 24.524524524524526, 24.624624624624627, 24.724724724724727, 24.824824824824827, 24.924924924924927, 25.025025025025027, 25.125125125125127, 25.225225225225227, 25.325325325325327, 25.425425425425427, 25.525525525525527, 25.625625625625627, 25.725725725725727, 25.825825825825827, 25.925925925925927, 26.026026026026027, 26.126126126126128, 26.226226226226228, 26.326326326326328, 26.426426426426428, 26.526526526526528, 26.626626626626628, 26.726726726726728, 26.826826826826828, 26.926926926926928, 27.027027027027028, 27.127127127127128, 27.227227227227228, 27.32732732732733, 27.42742742742743, 27.52752752752753, 27.62762762762763, 27.72772772772773, 27.82782782782783, 27.92792792792793, 28.02802802802803, 28.12812812812813, 28.22822822822823, 28.32832832832833, 28.42842842842843, 28.52852852852853, 28.62862862862863, 28.72872872872873, 28.82882882882883, 28.92892892892893, 29.02902902902903, 29.12912912912913, 29.22922922922923, 29.32932932932933, 29.42942942942943, 29.52952952952953, 29.62962962962963, 29.72972972972973, 29.82982982982983, 29.929929929929934, 30.030030030030034, 30.130130130130134, 30.230230230230234, 30.330330330330334, 30.430430430430434, 30.530530530530534, 30.630630630630634, 30.730730730730734, 30.830830830830834, 30.930930930930934, 31.031031031031034, 31.131131131131134, 31.231231231231234, 31.331331331331334, 31.431431431431434, 31.531531531531535, 31.631631631631635, 31.731731731731735, 31.831831831831835, 31.931931931931935, 32.032032032032035, 32.132132132132135, 32.232232232232235, 32.332332332332335, 32.432432432432435, 32.532532532532535, 32.632632632632635, 32.732732732732735, 32.832832832832835, 32.932932932932935, 33.033033033033036, 33.133133133133136, 33.233233233233236, 33.333333333333336, 33.433433433433436, 33.533533533533536, 33.633633633633636, 33.733733733733736, 33.833833833833836, 33.933933933933936, 34.034034034034036, 34.134134134134136, 34.234234234234236, 34.334334334334336, 34.434434434434436, 34.53453453453454, 34.63463463463464, 34.73473473473474, 34.83483483483484, 34.93493493493494, 35.03503503503504, 35.13513513513514, 35.23523523523524, 35.33533533533534, 35.43543543543544, 35.53553553553554, 35.63563563563564, 35.73573573573574, 35.83583583583584, 35.93593593593594, 36.03603603603604, 36.13613613613614, 36.23623623623624, 36.33633633633634, 36.43643643643644, 36.53653653653654, 36.63663663663664, 36.73673673673674, 36.83683683683684, 36.93693693693694, 37.03703703703704, 37.13713713713714, 37.23723723723724, 37.33733733733734, 37.43743743743744, 37.53753753753754, 37.63763763763764, 37.73773773773774, 37.83783783783784, 37.93793793793794, 38.03803803803804, 38.13813813813814, 38.23823823823824, 38.33833833833834, 38.43843843843844, 38.53853853853854, 38.63863863863864, 38.73873873873874, 38.83883883883884, 38.93893893893894, 39.03903903903904, 39.13913913913914, 39.23923923923924, 39.33933933933934, 39.43943943943944, 39.53953953953954, 39.63963963963964, 39.73973973973974, 39.83983983983984, 39.93993993993994, 40.04004004004004, 40.14014014014014, 40.24024024024024, 40.34034034034034, 40.44044044044044, 40.54054054054054, 40.64064064064064, 40.74074074074074, 40.84084084084084, 40.94094094094094, 41.04104104104104, 41.14114114114114, 41.24124124124124, 41.34134134134134, 41.44144144144144, 41.54154154154154, 41.64164164164164, 41.74174174174174, 41.84184184184184, 41.94194194194194, 42.04204204204204, 42.14214214214214, 42.24224224224224, 42.34234234234234, 42.44244244244244, 42.54254254254254, 42.64264264264264, 42.74274274274275, 42.84284284284285, 42.94294294294295, 43.04304304304305, 43.14314314314315, 43.24324324324325, 43.34334334334335, 43.44344344344345, 43.54354354354355, 43.64364364364365, 43.74374374374375, 43.84384384384385, 43.94394394394395, 44.04404404404405, 44.14414414414415, 44.24424424424425, 44.34434434434435, 44.44444444444445, 44.54454454454455, 44.64464464464465, 44.74474474474475, 44.84484484484485, 44.94494494494495, 45.04504504504505, 45.14514514514515, 45.24524524524525, 45.34534534534535, 45.44544544544545, 45.54554554554555, 45.64564564564565, 45.74574574574575, 45.84584584584585, 45.94594594594595, 46.04604604604605, 46.14614614614615, 46.24624624624625, 46.34634634634635, 46.44644644644645, 46.54654654654655, 46.64664664664665, 46.74674674674675, 46.84684684684685, 46.94694694694695, 47.04704704704705, 47.14714714714715, 47.24724724724725, 47.34734734734735, 47.44744744744745, 47.54754754754755, 47.64764764764765, 47.74774774774775, 47.84784784784785, 47.94794794794795, 48.04804804804805, 48.14814814814815, 48.24824824824825, 48.34834834834835, 48.44844844844845, 48.54854854854855, 48.64864864864865, 48.74874874874875, 48.84884884884885, 48.94894894894895, 49.04904904904905, 49.14914914914915, 49.24924924924925, 49.34934934934935, 49.44944944944945, 49.54954954954955, 49.64964964964965, 49.74974974974975, 49.84984984984985, 49.94994994994995, 50.050050050050054, 50.150150150150154, 50.250250250250254, 50.350350350350354, 50.450450450450454, 50.550550550550554, 50.650650650650654, 50.750750750750754, 50.850850850850854, 50.950950950950954, 51.051051051051054, 51.151151151151154, 51.251251251251254, 51.351351351351354, 51.451451451451454, 51.551551551551555, 51.651651651651655, 51.751751751751755, 51.851851851851855, 51.951951951951955, 52.052052052052055, 52.152152152152155, 52.252252252252255, 52.352352352352355, 52.452452452452455, 52.552552552552555, 52.652652652652655, 52.752752752752755, 52.852852852852855, 52.952952952952955, 53.053053053053056, 53.153153153153156, 53.253253253253256, 53.353353353353356, 53.453453453453456, 53.553553553553556, 53.653653653653656, 53.753753753753756, 53.853853853853856, 53.953953953953956, 54.054054054054056, 54.154154154154156, 54.254254254254256, 54.354354354354356, 54.454454454454456, 54.55455455455456, 54.65465465465466, 54.75475475475476, 54.85485485485486, 54.95495495495496, 55.05505505505506, 55.15515515515516, 55.25525525525526, 55.35535535535536, 55.45545545545546, 55.55555555555556, 55.65565565565566, 55.75575575575576, 55.85585585585586, 55.95595595595596, 56.05605605605606, 56.15615615615616, 56.25625625625626, 56.35635635635636, 56.45645645645646, 56.55655655655656, 56.65665665665666, 56.75675675675676, 56.85685685685686, 56.95695695695696, 57.05705705705706, 57.15715715715716, 57.25725725725726, 57.35735735735736, 57.45745745745746, 57.55755755755756, 57.65765765765766, 57.75775775775776, 57.85785785785786, 57.95795795795796, 58.05805805805806, 58.15815815815816, 58.25825825825826, 58.35835835835836, 58.45845845845846, 58.55855855855856, 58.65865865865866, 58.75875875875876, 58.85885885885886, 58.95895895895896, 59.05905905905906, 59.15915915915916, 59.25925925925926, 59.35935935935936, 59.45945945945946, 59.55955955955956, 59.65965965965966, 59.75975975975976, 59.85985985985987, 59.95995995995997, 60.06006006006007, 60.16016016016017, 60.26026026026027, 60.36036036036037, 60.46046046046047, 60.56056056056057, 60.66066066066067, 60.76076076076077, 60.86086086086087, 60.96096096096097, 61.06106106106107, 61.16116116116117, 61.26126126126127, 61.36136136136137, 61.46146146146147, 61.56156156156157, 61.66166166166167, 61.76176176176177, 61.86186186186187, 61.96196196196197, 62.06206206206207, 62.16216216216217, 62.26226226226227, 62.36236236236237, 62.46246246246247, 62.56256256256257, 62.66266266266267, 62.76276276276277, 62.86286286286287, 62.96296296296297, 63.06306306306307, 63.16316316316317, 63.26326326326327, 63.36336336336337, 63.46346346346347, 63.56356356356357, 63.66366366366367, 63.76376376376377, 63.86386386386387, 63.96396396396397, 64.06406406406407, 64.16416416416416, 64.26426426426427, 64.36436436436436, 64.46446446446447, 64.56456456456456, 64.66466466466467, 64.76476476476476, 64.86486486486487, 64.96496496496496, 65.06506506506507, 65.16516516516516, 65.26526526526527, 65.36536536536536, 65.46546546546547, 65.56556556556556, 65.66566566566567, 65.76576576576576, 65.86586586586587, 65.96596596596596, 66.06606606606607, 66.16616616616616, 66.26626626626627, 66.36636636636636, 66.46646646646647, 66.56656656656656, 66.66666666666667, 66.76676676676676, 66.86686686686687, 66.96696696696696, 67.06706706706707, 67.16716716716716, 67.26726726726727, 67.36736736736736, 67.46746746746747, 67.56756756756756, 67.66766766766767, 67.76776776776777, 67.86786786786787, 67.96796796796797, 68.06806806806807, 68.16816816816817, 68.26826826826827, 68.36836836836838, 68.46846846846847, 68.56856856856858, 68.66866866866867, 68.76876876876878, 68.86886886886887, 68.96896896896898, 69.06906906906907, 69.16916916916918, 69.26926926926927, 69.36936936936938, 69.46946946946947, 69.56956956956958, 69.66966966966967, 69.76976976976978, 69.86986986986987, 69.96996996996998, 70.07007007007007, 70.17017017017018, 70.27027027027027, 70.37037037037038, 70.47047047047047, 70.57057057057058, 70.67067067067067, 70.77077077077078, 70.87087087087087, 70.97097097097098, 71.07107107107107, 71.17117117117118, 71.27127127127127, 71.37137137137138, 71.47147147147147, 71.57157157157158, 71.67167167167167, 71.77177177177178, 71.87187187187187, 71.97197197197198, 72.07207207207207, 72.17217217217218, 72.27227227227228, 72.37237237237238, 72.47247247247248, 72.57257257257258, 72.67267267267268, 72.77277277277278, 72.87287287287288, 72.97297297297298, 73.07307307307308, 73.17317317317318, 73.27327327327328, 73.37337337337338, 73.47347347347348, 73.57357357357358, 73.67367367367368, 73.77377377377378, 73.87387387387388, 73.97397397397398, 74.07407407407408, 74.17417417417418, 74.27427427427428, 74.37437437437438, 74.47447447447448, 74.57457457457458, 74.67467467467468, 74.77477477477478, 74.87487487487488, 74.97497497497498, 75.07507507507508, 75.17517517517518, 75.27527527527528, 75.37537537537538, 75.47547547547548, 75.57557557557558, 75.67567567567568, 75.77577577577578, 75.87587587587588, 75.97597597597598, 76.07607607607608, 76.17617617617618, 76.27627627627628, 76.37637637637638, 76.47647647647648, 76.57657657657658, 76.67667667667668, 76.77677677677679, 76.87687687687688, 76.97697697697699, 77.07707707707708, 77.17717717717719, 77.27727727727728, 77.37737737737739, 77.47747747747748, 77.57757757757759, 77.67767767767768, 77.77777777777779, 77.87787787787788, 77.97797797797799, 78.07807807807808, 78.17817817817819, 78.27827827827828, 78.37837837837839, 78.47847847847848, 78.57857857857859, 78.67867867867868, 78.77877877877879, 78.87887887887888, 78.97897897897899, 79.07907907907908, 79.17917917917919, 79.27927927927928, 79.37937937937939, 79.47947947947948, 79.57957957957959, 79.67967967967968, 79.77977977977979, 79.87987987987988, 79.97997997997999, 80.08008008008008, 80.18018018018019, 80.28028028028028, 80.38038038038039, 80.48048048048048, 80.58058058058059, 80.68068068068068, 80.78078078078079, 80.88088088088088, 80.98098098098099, 81.08108108108108, 81.18118118118119, 81.28128128128128, 81.38138138138139, 81.48148148148148, 81.58158158158159, 81.68168168168168, 81.78178178178179, 81.88188188188188, 81.98198198198199, 82.08208208208208, 82.18218218218219, 82.28228228228228, 82.38238238238239, 82.48248248248248, 82.58258258258259, 82.68268268268268, 82.78278278278279, 82.88288288288288, 82.98298298298299, 83.08308308308308, 83.18318318318319, 83.28328328328328, 83.38338338338339, 83.48348348348348, 83.58358358358359, 83.68368368368368, 83.78378378378379, 83.88388388388388, 83.98398398398399, 84.08408408408408, 84.18418418418419, 84.28428428428428, 84.38438438438439, 84.48448448448448, 84.58458458458459, 84.68468468468468, 84.78478478478479, 84.88488488488488, 84.98498498498499, 85.08508508508508, 85.18518518518519, 85.28528528528528, 85.38538538538539, 85.4854854854855, 85.58558558558559, 85.6856856856857, 85.78578578578579, 85.8858858858859, 85.98598598598599, 86.0860860860861, 86.18618618618619, 86.2862862862863, 86.38638638638639, 86.4864864864865, 86.58658658658659, 86.6866866866867, 86.78678678678679, 86.8868868868869, 86.98698698698699, 87.0870870870871, 87.18718718718719, 87.2872872872873, 87.38738738738739, 87.4874874874875, 87.58758758758759, 87.6876876876877, 87.78778778778779, 87.8878878878879, 87.98798798798799, 88.0880880880881, 88.18818818818819, 88.2882882882883, 88.38838838838839, 88.4884884884885, 88.58858858858859, 88.6886886886887, 88.78878878878879, 88.8888888888889, 88.988988988989, 89.0890890890891, 89.1891891891892, 89.2892892892893, 89.3893893893894, 89.4894894894895, 89.5895895895896, 89.6896896896897, 89.7897897897898, 89.8898898898899, 89.98998998999, 90.0900900900901, 90.1901901901902, 90.2902902902903, 90.3903903903904, 90.4904904904905, 90.5905905905906, 90.6906906906907, 90.7907907907908, 90.8908908908909, 90.990990990991, 91.0910910910911, 91.1911911911912, 91.2912912912913, 91.3913913913914, 91.4914914914915, 91.5915915915916, 91.6916916916917, 91.7917917917918, 91.8918918918919, 91.991991991992, 92.0920920920921, 92.1921921921922, 92.2922922922923, 92.3923923923924, 92.4924924924925, 92.5925925925926, 92.6926926926927, 92.7927927927928, 92.8928928928929, 92.992992992993, 93.0930930930931, 93.1931931931932, 93.2932932932933, 93.3933933933934, 93.4934934934935, 93.5935935935936, 93.6936936936937, 93.7937937937938, 93.8938938938939, 93.993993993994, 94.0940940940941, 94.1941941941942, 94.2942942942943, 94.3943943943944, 94.4944944944945, 94.5945945945946, 94.6946946946947, 94.7947947947948, 94.8948948948949, 94.994994994995, 95.0950950950951, 95.1951951951952, 95.2952952952953, 95.3953953953954, 95.4954954954955, 95.5955955955956, 95.6956956956957, 95.7957957957958, 95.8958958958959, 95.995995995996, 96.0960960960961, 96.1961961961962, 96.2962962962963, 96.3963963963964, 96.4964964964965, 96.5965965965966, 96.6966966966967, 96.7967967967968, 96.8968968968969, 96.996996996997, 97.0970970970971, 97.1971971971972, 97.2972972972973, 97.3973973973974, 97.4974974974975, 97.5975975975976, 97.6976976976977, 97.7977977977978, 97.8978978978979, 97.997997997998, 98.0980980980981, 98.1981981981982, 98.2982982982983, 98.3983983983984, 98.4984984984985, 98.5985985985986, 98.6986986986987, 98.7987987987988, 98.8988988988989, 98.998998998999, 99.0990990990991, 99.1991991991992, 99.2992992992993, 99.3993993993994, 99.4994994994995, 99.5995995995996, 99.6996996996997, 99.7997997997998, 99.8998998998999, 100 ], "xaxis": "x2", "y": [ 0.9036356740373742, 0.9360530969066356, 1.0033274039612103, 1.0991747634108535, 1.2174126497952322, 1.3521040037519005, 1.497676684984695, 1.6490181860446989, 1.8015464663308758, 1.9512580882657462, 2.0947552441698436, 2.2292536200060993, 2.352573323358354, 2.4631152511188055, 2.55982539684807, 2.642149599963063, 2.709981194606229, 2.7636038944189245, 2.8036320740439864, 2.830950377088874, 2.8466543644456883, 2.851993659538143, 2.848318685033794, 2.837032137875536, 2.8195455202041764, 2.7972414463753243, 2.7714418347846084, 2.743382036426386, 2.7141907344683855, 2.684875380178677, 2.6563127790297827, 2.6292443404446613, 2.604275495826374, 2.5818787087919692, 2.5623994979440172, 2.5460648990522157, 2.5329938107610586, 2.5232086927537813, 2.5166481206982305, 2.5131797546714654, 2.5126133329441815, 2.5147133531963055, 2.519211151460735, 2.5258161256630003, 2.5342260293054824, 2.5441361046568445, 2.555247011369627, 2.5672715259622554, 2.57994000878733, 2.5930046870884085, 2.606242777383523, 2.6194585628158737, 2.6324844972555104, 2.6451814552483706, 2.6574382393335227, 2.669170457707132, 2.6803188935565565, 2.690847473700879, 2.700740955061278, 2.7100023754840317, 2.7186504788030597, 2.7267170457549246, 2.7342442957211164, 2.741282409673434, 2.74788717235059, 2.7541178140455345, 2.7600350720084674, 2.765699478186413, 2.7711698853692748, 2.7765022420589816, 2.7817485906212416, 2.7869563127911188, 2.7921675872673433, 2.797419042813959, 2.8027415891845484, 2.8081604041039068, 2.8136950611348186, 2.819359769761213, 2.8251636973960403, 2.831111380727867, 2.837203168677243, 2.8434357573528555, 2.849802653404289, 2.8562946979143944, 2.862900574954075, 2.8696073273193057, 2.8764006405117506, 2.8832654211552176, 2.890186403753478, 2.8971480186316914, 2.9041348885081604, 2.9111322007891225, 2.9181257331808945, 2.925102138351725, 2.9320489934780465, 2.9389549135402757, 2.945809579215054, 2.952603818412707, 2.9593295186297475, 2.965979636349908, 2.9725481388568182, 2.9790299364958748, 2.9854208130082878, 2.9917173200262432, 2.997916713358576, 3.0040168153903752, 3.0100160559865548, 3.0159131291123744, 3.021707144745569, 3.0273974377094355, 3.032983515202925, 3.0384649764134135, 3.043841457716222, 3.0491125770844407, 3.054277882285495, 3.059336834627823, 3.0642887639882748, 3.0691328470030603, 3.0738681105506305, 3.078493406281835, 3.0830073846383663, 3.0874085459669582, 3.0916952172124645, 3.095865573401991, 3.09991765670453, 3.103849386226372, 3.1076585768752243, 3.1113429599860427, 3.1149002057876816, 3.11832793888206, 3.121623773376077, 3.1247853127037906, 3.127810190563995, 3.1306960799577768, 3.13344070286877, 3.13604186752794, 3.1384974576508715, 3.1408054529922484, 3.1429639499162536, 3.144971193404928, 3.146825559862356, 3.148525525285512, 3.1500697425223088, 3.151457004646299, 3.152686252848746, 3.153756595261385, 3.1546672788931196, 3.1554177069448075, 3.1560074423951168, 3.156436197548064, 3.156703844449759, 3.1568104042182057, 3.1567560303441025, 3.156541028872965, 3.1561658441480738, 3.155631056773025, 3.154937376186606, 3.1540856448415786, 3.1530768385021997, 3.1519120403764136, 3.1505924566152608, 3.149119422612972, 3.1474943685017966, 3.1457188358625965, 3.143794487160551, 3.1417230695304768, 3.139506429954534, 3.137146526875842, 3.1346453985274505, 3.132005173963534, 3.129228084329081, 3.126316433415994, 3.1232726065326144, 3.1200990828841486, 3.116798407351012, 3.113373197284616, 3.109826161032197, 3.1061600442073614, 3.1023776826096756, 3.098481973455338, 3.094475863031509, 3.090362349774738, 3.0861444983714357, 3.0818254252879718, 3.0774082917519214, 3.072896291238313, 3.0682926565741435, 3.063600651624839, 3.058823566654739, 3.0539647328207207, 3.049027504266672, 3.04401524930242, 3.0389313513939893, 3.0337792049856076, 3.028562211242443, 3.0232837750605848, 3.017947300861009, 3.0125561893278987, 3.0071138398507347, 3.001623640562373, 2.9960889651139446, 2.9905131700684096, 2.984899576132355, 2.9792515332316123, 2.973572287945762, 2.967865097452162, 2.9621331792902974, 2.9563797213419303, 2.9506078776163553, 2.9448207590434943, 2.9390214338429077, 2.9332129280519177, 2.9273982247433104, 2.921580256118878, 2.9157619158839276, 2.9099460355331708, 2.904135411252483, 2.8983327727623327, 2.892540809642644, 2.8867621511099983, 2.880999374742671, 2.875255005466932, 2.869531510830195, 2.8638313060742173, 2.858156752644905, 2.852510152451722, 2.846893754658494, 2.8413097556442946, 2.8357602902793326, 2.8302474478354758, 2.8247732563649364, 2.819339692472457, 2.813948680398656, 2.8086020895516235, 2.8033017368491215, 2.798049386593531, 2.79284675126713, 2.787695491909266, 2.7825972172020177, 2.777553485574461, 2.7725658101585577, 2.767635649187317, 2.762764413566384, 2.7579534715357372, 2.753204141090702, 2.7485176934188975, 2.7438953558888715, 2.7393383121442643, 2.7348477003938423, 2.7304246162734294, 2.7260701122860107, 2.7217851998953377, 2.7175708492529935, 2.7134279897359788, 2.709357511204441, 2.7053602645023047, 2.701437062629192, 2.697588681220148, 2.6938158582084206, 2.6901192957258426, 2.686499660442634, 2.682957587065976, 2.6794936732783126, 2.676108484693949, 2.6728025545392073, 2.669576383638545, 2.6664304414738793, 2.6633651682446104, 2.660380974030734, 2.6574782399749517, 2.65465731142748, 2.651918514259756, 2.649262144075145, 2.6466884696813837, 2.6441977300981137, 2.6417901368851395, 2.639465881579655, 2.637225128407598, 2.635068017251021, 2.6329946586645554, 2.63100514591553, 2.6290995471187184, 2.627277907835914, 2.6255402498533993, 2.623886572522813, 2.6223168565982142, 2.6208310609090213, 2.619429124019032, 2.61811095786788, 2.6168764623942513, 2.6157255156366204, 2.6146579767144438, 2.6136736826681775, 2.612772450537077, 2.6119540845646756, 2.6112183687502983, 2.6105650695923828, 2.6099939281095637, 2.6095046774048893, 2.6090970303898744, 2.6087706831678408, 2.6085253129827146, 2.6083605795939504, 2.6082761300622344, 2.6082715938288894, 2.6083465845413385, 2.6085006957190644, 2.6087335104556906, 2.609044594731086, 2.6094334993166015, 2.609899758078507, 2.610442889056182, 2.611062398317262, 2.611757775943235, 2.6125284974807634, 2.6133740187382424, 2.6142937870415937, 2.615287233279291, 2.6163537740101885, 2.6174928096353356, 2.618703725412379, 2.6199858953480266, 2.6213386779682843, 2.622761417726048, 2.624253441279869, 2.6258140654417823, 2.6274425915114827, 2.6291383067349163, 2.630900483276485, 2.6327283787724416, 2.6346212385072785, 2.6365782930286623, 2.6385987589261535, 2.640681836557116, 2.642826714853426, 2.6450325678711524, 2.6472985556573763, 2.64962382348081, 2.652007502206578, 2.6544487098540515, 2.656946549843259, 2.659500111536509, 2.6621084688423045, 2.6647706831088818, 2.667485801017821, 2.670252855089423, 2.6730708635676117, 2.675938830469171, 2.6788557458132143, 2.681820585348206, 2.6848323106270056, 2.6878898693559488, 2.690992194659769, 2.6941382056096246, 2.697326807091948, 2.700556890569391, 2.7038273337513985, 2.7071369991301673, 2.710484735666848, 2.7138693782972156, 2.7172897506284506, 2.720744659438893, 2.724232898723437, 2.7277532487619482, 2.7313044778579454, 2.7348853412922334, 2.7384945783153283, 2.7421309160352716, 2.7457930682594536, 2.749479737704352, 2.7531896175385944, 2.756921381417775, 2.7606736931515807, 2.764445204023609, 2.7682345544206117, 2.772040380107088, 2.775861293956821, 2.779695901549845, 2.783542797073027, 2.787400563921305, 2.7912677883953543, 2.795143028736812, 2.7990248396520654, 2.802911766087542, 2.806802343449737, 2.810695111228459, 2.8145885861913444, 2.8184812800621994, 2.8223716978847655, 2.8262583372601835, 2.8301397008604776, 2.8340142761049227, 2.8378805425017943, 2.8417369771234537, 2.845582052213729, 2.8494142456547897, 2.8532320292474633, 2.857033864080337, 2.8608182135645395, 2.864583539416368, 2.868328307310967, 2.87205098691216, 2.875750039562725, 2.8794239320312367, 2.8830711348436933, 2.886690130096372, 2.89027939343521, 2.8938374095306525, 2.897362668935983, 2.9008536705541603, 2.9043089190645754, 2.9077269277904465, 2.9111062191277823, 2.914445328678566, 2.9177428017740477, 2.920997193641199, 2.92420707314612, 2.92737102584466, 2.930487655873169, 2.933555575757648, 2.936573417788729, 2.9395398327250364, 2.942453496377601, 2.945313096998354, 2.948117346700859, 2.950864979735221, 2.9535547552617247, 2.9561854551014903, 2.958755886573499, 2.9612648834280124, 2.963711306037133, 2.9660940430782734, 2.9684120128968754, 2.970664163754642, 2.97284947444842, 2.974966954771295, 2.977015649225907, 2.978994635546171, 2.980903026144424, 2.9827399664947354, 2.984504641863449, 2.9861962738906502, 2.9878141226462764, 2.989357482282157, 2.990825690947746, 2.99221812739932, 2.9935342112328516, 2.9947733998847212, 2.995935193203828, 2.9970191387949554, 2.9980248262318283, 2.9989518867531597, 2.999799989163936, 3.000568858933705, 3.0012582631196403, 3.0018680147531747, 3.0023979575970703, 3.002848000373716, 3.0032180923184573, 3.0035082299945035, 3.0037184443971525, 3.0038488225713573, 3.0038995003720825, 3.0038706587615027, 3.0037625180926417, 3.0035753430649734, 3.003309455512828, 3.0029652193382685, 3.002543041334868, 3.002043361624188, 3.0014666837729744, 3.000813549891307, 3.000084547187197, 2.999280286002888, 2.9984014439685267, 2.9974487334061743, 2.9964229091605734, 2.9953247540327106, 2.9941550991393027, 2.992914819260934, 2.991604825204995, 2.9902260589171146, 2.988779494902248, 2.987266155755079, 2.9856870942286102, 2.984043394994543, 2.982336163947186, 2.980566554707428, 2.9787357459463792, 2.976844946276023, 2.9748953798018514, 2.972888311610189, 2.9708250290120994, 2.9687068438884103, 2.9665350852174996, 2.9643111070142005, 2.962036287347608, 2.959712022210769, 2.9573397237222916, 2.95492081870355, 2.952456755080637, 2.9499489932881207, 2.947399006756165, 2.9448082780950067, 2.942178304386616, 2.9395105908908303, 2.9368066511357784, 2.934068005757041, 2.931296181139556, 2.92849270826587, 2.9256591214792786, 2.922796959243793, 2.9199077606739317, 2.916993063593643, 2.9140544053085713, 2.9110933226404874, 2.908111351850175, 2.905110020101447, 2.902090851101125, 2.8990553627965134, 2.8960050733120672, 2.8929414835885763, 2.8898660887314866, 2.886780373772105, 2.8836858216625947, 2.880583896412638, 2.8774760504134322, 2.874363723884159, 2.871248348738604, 2.8681313423343355, 2.865014102130476, 2.8618980122681847, 2.8587844436608614, 2.855674757114136, 2.8525702856625723, 2.849472348632643, 2.846382247516511, 2.843301276878801, 2.8402306985422356, 2.837171759827194, 2.8341256881841224, 2.831093699670812, 2.8280769835664885, 2.8250767081059065, 2.8220940219396153, 2.819130057379902, 2.816185926482032, 2.81326271432659, 2.810361486928708, 2.8074832905196128, 2.8046291555457965, 2.8018000817212343, 2.798997050074217, 2.7962210195344617, 2.7934729359247092, 2.790753712672132, 2.788064244677745, 2.785405404623341, 2.782778048443826, 2.7801830066763613, 2.7776210867848468, 2.775093075341691, 2.772599739512776, 2.770141825901636, 2.7677200556646926, 2.765335129966469, 2.762987729236473, 2.7606785159430394, 2.758408126584012, 2.7561771782435804, 2.7539862669095627, 2.7518359716418526, 2.749726846455503, 2.7476594261388723, 2.7456342250715946, 2.743651739348249, 2.7417124439823746, 2.7398167933092195, 2.7379652223970767, 2.736158147796166, 2.734395967289144, 2.732679057311028, 2.731007776106597, 2.7293824629501673, 2.7278034393861206, 2.72627100854201, 2.724785453713196, 2.723347040616604, 2.7219560168708012, 2.7206126136696334, 2.7193170442924797, 2.718069503204547, 2.7168701682937515, 2.715719200329943, 2.7146167435631816, 2.713562925318621, 2.7125578561154295, 2.711601630236079, 2.7106943257495897, 2.709836004115223, 2.709026711247325, 2.7082664774914322, 2.7075553174710754, 2.706893230405704, 2.7062801994011925, 2.7057161931478864, 2.705201165442237, 2.704735055114159, 2.7043177863496872, 2.70394926786533, 2.703629394939024, 2.703358048518489, 2.703135095361656, 2.702960388306943, 2.702833765704874, 2.70275505303659, 2.7027240620922126, 2.7027405912676206, 2.702804425758315, 2.7029153353772544, 2.703073079683016, 2.703277404408137, 2.7035280425057957, 2.703824714264945, 2.7041671263334344, 2.7045549743949935, 2.7049879413311206, 2.7054656978696245, 2.7059879026130753, 2.7065542012668042, 2.7071642290247104, 2.707817608892271, 2.70851395229105, 2.7092528589822136, 2.7100339163140723, 2.7108567018419687, 2.7117207813772244, 2.712625709663798, 2.7135710302507023, 2.714556275056635, 2.7155809664089237, 2.7166446154848076, 2.717746722881533, 2.7188867785828443, 2.7200642619201885, 2.7212786424255153, 2.7225293792509118, 2.723815921467912, 2.725137708246982, 2.726494168979411, 2.727884723117634, 2.729308780544846, 2.7307657416037103, 2.732254997504907, 2.733775930330626, 2.7353279124455985, 2.736910307389011, 2.738522469747042, 2.7401637457645203, 2.741833473073336, 2.743530980112162, 2.7452555871869513, 2.747006606285364, 2.7487833419589105, 2.7505850906053944, 2.75241114007511, 2.754260770822186, 2.7561332556765037, 2.7580278614952256, 2.7599438470025968, 2.761880462984393, 2.763836953785062, 2.765812556881524, 2.7678065030703394, 2.7698180218857305, 2.7718463296139, 2.77389063901649, 2.7759501569150067, 2.7780240843448274, 2.7801116185777848, 2.782211953549761, 2.7843242731322606, 2.7864477584579657, 2.788581585938742, 2.7907249274412704, 2.7928769551943806, 2.7950368337630898, 2.7972037229609454, 2.7993767802856406, 2.8015551599128785, 2.803738013586208, 2.8059244989473644, 2.8081137590355, 2.8103049394306887, 2.8124971838717068, 2.814689634492137, 2.816881434961056, 2.8190717292183396, 2.821259655374982, 2.8234443536593936, 2.825624964246451, 2.827800627520627, 2.8299704907472405, 2.832133696010719, 2.834289386951926, 2.836436709905075, 2.83857481314302, 2.8407028483065413, 2.842819976020098, 2.844925350329285, 2.8470181325434187, 2.849097487789779, 2.851162585337076, 2.853212602646291, 2.8552467220244617, 2.8572641267697336, 2.859264008273476, 2.8612455640829575, 2.8632079982535625, 2.865150527105068, 2.8670723683318795, 2.86897274874544, 2.8708509038369727, 2.872706077678302, 2.8745375244946145, 2.876344511500432, 2.878126309684727, 2.8798822028603315, 2.8816114855860384, 2.8833134635625606, 2.884987454321358, 2.886632787230328, 2.888248803792617, 2.8898348583928595, 2.8913903185639853, 2.8929145653850883, 2.8944069915778736, 2.8958670069958314, 2.897294035183008, 2.8986875146555544, 2.9000468993457464, 2.9013716578487534, 2.902661273030838, 2.903915248017761, 2.9051331011036226, 2.9063143677373877, 2.9074586008970376, 2.908565366765564, 2.9096342526302643, 2.9106648659441814, 2.91165683134713, 2.912609792508561, 2.9135234120692126, 2.914397360904127, 2.9152313448991007, 2.9160250841147795, 2.916778318806091, 2.917490809726855, 2.918162332737892, 2.9187926800112534, 2.919381677390282, 2.91992916592454, 2.9204350078644783, 2.9208990869060574, 2.9213212980067285, 2.9217015643815114, 2.922039832099646, 2.922336066364084, 2.9225902526370695, 2.922802391985811, 2.922972514282043, 2.923100667690924, 2.9231869215721673, 2.923231363145067, 2.923234101370456, 2.923195268689912, 2.923115017160618, 2.922993519571861, 2.922830960966391, 2.9226275571831795, 2.922383540810398, 2.922099164757809, 2.9217746983418453, 2.92141042849578, 2.921006668069745, 2.9205637464675345, 2.920082012302892, 2.919561824476821, 2.919003568808453, 2.918407647623605, 2.917774480452975, 2.917104502126025, 2.916398159722234, 2.915655925107509, 2.91487828330146, 2.9140657353716453, 2.9132187930708815, 2.912337986486612, 2.911423861556966, 2.910476977453441, 2.9094979067629296, 2.9084872319409607, 2.907445553436866, 2.9063734825529517, 2.9052716428810985, 2.904140667532951, 2.902981201275002, 2.9017939017334835, 2.900579435954048, 2.899338480947821, 2.8980717181859466, 2.896779844108586, 2.8954635614907107, 2.894123581110681, 2.8927606198803733, 2.891375400674379, 2.88996865537864, 2.8885411207029095, 2.8870935388146486, 2.8856266558998147, 2.884141223604713, 2.8826379973925578, 2.8811177361418414, 2.8795812017639095, 2.878029160754969, 2.876462380245723, 2.8748816288260866, 2.8732876768201243, 2.8716812953949122, 2.870063257264767, 2.868434334639688, 2.8667952986173706, 2.8651469198444137, 2.8634899676366836, 2.8618252111447102, 2.8601534175023446, 2.858475349404244, 2.8567917675760692, 2.8551034293887856, 2.853411090561903, 2.851715504528103, 2.8500174157817892, 2.84831756609229, 2.8466166921129816, 2.844915526825364, 2.8432148014709138, 2.8415152342886736, 2.839817540084071, 2.8381224270405987, 2.836430597528348, 2.834742752780395, 2.8330595778626537, 2.831381753625135, 2.8297099530219216, 2.8280448412232366, 2.8263870827565527, 2.8247373235375237, 2.8230962045113226, 2.821464357672301, 2.819842405789305, 2.818230970384904, 2.81663065401003, 2.8150420525507296, 2.813465752367314, 2.8119023297981953, 2.8103523577797973, 2.8088163926073832, 2.8072949808903935, 2.8057886596970767, 2.8042979554821574, 2.8028233893088608, 2.8013654679170292, 2.799924685845315, 2.798501528142139, 2.7970964688359983, 2.795709974807746, 2.7943425007048313, 2.7929944870890124, 2.7916663650860896, 2.7903585545553136, 2.78907146676574, 2.787805502439595, 2.7865610470060225, 2.7853384764822113, 2.7841381555055587, 2.78296043903984, 2.781805672731326, 2.7806741863345628, 2.7795663001916178, 2.778482323261955, 2.7774225540978894, 2.7763872827711595, 2.7753767833271605, 2.7743913204036765, 2.7734311473458257, 2.7724965066564384, 2.7715876329024667, 2.7707047448266175, 2.7698480517943276, 2.7690177520466275, 2.768214032788055, 2.767437073596009, 2.766687038704631, 2.7659640830207057, 2.76526835055884, 2.764599974461372, 2.763959079703357, 2.7633457776012587, 2.7627601695599115, 2.762202346534593, 2.76167238890492, 2.761170368311387, 2.7606963444130934, 2.7602503664957148, 2.759832473850272, 2.759442695522908, 2.7590810515375863, 2.7587475511688, 2.7584421932127623, 2.7581649668789865, 2.757915851489701, 2.757694817250379, 2.7575018245376057, 2.7573368234130693, 2.7571997547169875, 2.7570905497773457, 2.7570091310650717, 2.756955412004067, 2.7569292957457603, 2.7569306767394823, 2.7569594403404705, 2.7570154631014163, 2.7570986129868214, 2.757208748445629, 2.7573457194434257, 2.7575093672607296, 2.7576995246994738, 2.7579160165261927, 2.758158658335165, 2.7584272576715634, 2.7587216138212063, 2.759041517980776, 2.759386754141243, 2.75975709703891, 2.760152313998595, 2.760572164532835, 2.7610164004250337, 2.761484766529335, 2.7619770005675184, 2.7624928314483785, 2.7630319814168187, 2.7635941654980876, 2.7641790915877245, 2.764786461281958, 2.7654159686367277, 2.7660673007886043, 2.7667401383201864, 2.76743415518513, 2.7681490188749045, 2.768884391618019, 2.7696399277207786, 2.7704152759001235, 2.771210078772797, 2.7720239729534426, 2.772856589844785, 2.7737075556749753, 2.774576489403051, 2.7754630051982545, 2.776366711818401, 2.7772872127152595, 2.778224107716769, 2.7791769904557437, 2.780145449247165, 2.781129068063987, 2.7821274262156184, 2.7831400985251404, 2.7841666575949824, 2.7852066688286783, 2.786259694618339, 2.787325293367523, 2.7884030196128236, 2.78949242482553, 2.7905930577297755, 2.791704461687968, 2.792826177621138, 2.7939577433012106, 2.7950986934806057, 2.7962485616369452, 2.7974068775400784, 2.7985731677647134, 2.79974695703389, 2.8009277678253723, 2.8021151205103725, 2.803308536505168, 2.804507531581424, 2.8057116213869913, 2.806920320154198, 2.8081331408486774, 2.809349596114003, 2.810569199020563 ], "yaxis": "y2" }, { "line": { "color": "blue" }, "showlegend": false, "type": "scatter", "x": [ 0, 0.1001001001001001, 0.2002002002002002, 0.3003003003003003, 0.4004004004004004, 0.5005005005005005, 0.6006006006006006, 0.7007007007007008, 0.8008008008008008, 0.9009009009009009, 1.001001001001001, 1.1011011011011012, 1.2012012012012012, 1.3013013013013013, 1.4014014014014016, 1.5015015015015016, 1.6016016016016017, 1.7017017017017018, 1.8018018018018018, 1.9019019019019021, 2.002002002002002, 2.1021021021021022, 2.2022022022022023, 2.3023023023023024, 2.4024024024024024, 2.5025025025025025, 2.6026026026026026, 2.702702702702703, 2.802802802802803, 2.902902902902903, 3.0030030030030033, 3.1031031031031033, 3.2032032032032034, 3.3033033033033035, 3.4034034034034035, 3.5035035035035036, 3.6036036036036037, 3.7037037037037037, 3.8038038038038042, 3.9039039039039043, 4.004004004004004, 4.104104104104104, 4.2042042042042045, 4.3043043043043046, 4.404404404404405, 4.504504504504505, 4.604604604604605, 4.704704704704705, 4.804804804804805, 4.904904904904905, 5.005005005005005, 5.105105105105105, 5.205205205205205, 5.305305305305305, 5.405405405405406, 5.505505505505506, 5.605605605605606, 5.705705705705706, 5.805805805805806, 5.9059059059059065, 6.0060060060060065, 6.106106106106107, 6.206206206206207, 6.306306306306307, 6.406406406406407, 6.506506506506507, 6.606606606606607, 6.706706706706707, 6.806806806806807, 6.906906906906907, 7.007007007007007, 7.107107107107107, 7.207207207207207, 7.307307307307307, 7.407407407407407, 7.507507507507508, 7.6076076076076085, 7.7077077077077085, 7.807807807807809, 7.907907907907909, 8.008008008008009, 8.108108108108109, 8.208208208208209, 8.308308308308309, 8.408408408408409, 8.508508508508509, 8.608608608608609, 8.70870870870871, 8.80880880880881, 8.90890890890891, 9.00900900900901, 9.10910910910911, 9.20920920920921, 9.30930930930931, 9.40940940940941, 9.50950950950951, 9.60960960960961, 9.70970970970971, 9.80980980980981, 9.90990990990991, 10.01001001001001, 10.11011011011011, 10.21021021021021, 10.31031031031031, 10.41041041041041, 10.51051051051051, 10.61061061061061, 10.710710710710712, 10.810810810810812, 10.910910910910912, 11.011011011011012, 11.111111111111112, 11.211211211211213, 11.311311311311313, 11.411411411411413, 11.511511511511513, 11.611611611611613, 11.711711711711713, 11.811811811811813, 11.911911911911913, 12.012012012012013, 12.112112112112113, 12.212212212212213, 12.312312312312313, 12.412412412412413, 12.512512512512513, 12.612612612612613, 12.712712712712714, 12.812812812812814, 12.912912912912914, 13.013013013013014, 13.113113113113114, 13.213213213213214, 13.313313313313314, 13.413413413413414, 13.513513513513514, 13.613613613613614, 13.713713713713714, 13.813813813813814, 13.913913913913914, 14.014014014014014, 14.114114114114114, 14.214214214214214, 14.314314314314315, 14.414414414414415, 14.514514514514515, 14.614614614614615, 14.714714714714715, 14.814814814814815, 14.914914914914915, 15.015015015015017, 15.115115115115117, 15.215215215215217, 15.315315315315317, 15.415415415415417, 15.515515515515517, 15.615615615615617, 15.715715715715717, 15.815815815815817, 15.915915915915917, 16.016016016016017, 16.116116116116117, 16.216216216216218, 16.316316316316318, 16.416416416416418, 16.516516516516518, 16.616616616616618, 16.716716716716718, 16.816816816816818, 16.916916916916918, 17.017017017017018, 17.117117117117118, 17.217217217217218, 17.31731731731732, 17.41741741741742, 17.51751751751752, 17.61761761761762, 17.71771771771772, 17.81781781781782, 17.91791791791792, 18.01801801801802, 18.11811811811812, 18.21821821821822, 18.31831831831832, 18.41841841841842, 18.51851851851852, 18.61861861861862, 18.71871871871872, 18.81881881881882, 18.91891891891892, 19.01901901901902, 19.11911911911912, 19.21921921921922, 19.31931931931932, 19.41941941941942, 19.51951951951952, 19.61961961961962, 19.71971971971972, 19.81981981981982, 19.91991991991992, 20.02002002002002, 20.12012012012012, 20.22022022022022, 20.32032032032032, 20.42042042042042, 20.52052052052052, 20.62062062062062, 20.72072072072072, 20.82082082082082, 20.92092092092092, 21.02102102102102, 21.12112112112112, 21.22122122122122, 21.32132132132132, 21.421421421421424, 21.521521521521525, 21.621621621621625, 21.721721721721725, 21.821821821821825, 21.921921921921925, 22.022022022022025, 22.122122122122125, 22.222222222222225, 22.322322322322325, 22.422422422422425, 22.522522522522525, 22.622622622622625, 22.722722722722725, 22.822822822822825, 22.922922922922925, 23.023023023023026, 23.123123123123126, 23.223223223223226, 23.323323323323326, 23.423423423423426, 23.523523523523526, 23.623623623623626, 23.723723723723726, 23.823823823823826, 23.923923923923926, 24.024024024024026, 24.124124124124126, 24.224224224224226, 24.324324324324326, 24.424424424424426, 24.524524524524526, 24.624624624624627, 24.724724724724727, 24.824824824824827, 24.924924924924927, 25.025025025025027, 25.125125125125127, 25.225225225225227, 25.325325325325327, 25.425425425425427, 25.525525525525527, 25.625625625625627, 25.725725725725727, 25.825825825825827, 25.925925925925927, 26.026026026026027, 26.126126126126128, 26.226226226226228, 26.326326326326328, 26.426426426426428, 26.526526526526528, 26.626626626626628, 26.726726726726728, 26.826826826826828, 26.926926926926928, 27.027027027027028, 27.127127127127128, 27.227227227227228, 27.32732732732733, 27.42742742742743, 27.52752752752753, 27.62762762762763, 27.72772772772773, 27.82782782782783, 27.92792792792793, 28.02802802802803, 28.12812812812813, 28.22822822822823, 28.32832832832833, 28.42842842842843, 28.52852852852853, 28.62862862862863, 28.72872872872873, 28.82882882882883, 28.92892892892893, 29.02902902902903, 29.12912912912913, 29.22922922922923, 29.32932932932933, 29.42942942942943, 29.52952952952953, 29.62962962962963, 29.72972972972973, 29.82982982982983, 29.929929929929934, 30.030030030030034, 30.130130130130134, 30.230230230230234, 30.330330330330334, 30.430430430430434, 30.530530530530534, 30.630630630630634, 30.730730730730734, 30.830830830830834, 30.930930930930934, 31.031031031031034, 31.131131131131134, 31.231231231231234, 31.331331331331334, 31.431431431431434, 31.531531531531535, 31.631631631631635, 31.731731731731735, 31.831831831831835, 31.931931931931935, 32.032032032032035, 32.132132132132135, 32.232232232232235, 32.332332332332335, 32.432432432432435, 32.532532532532535, 32.632632632632635, 32.732732732732735, 32.832832832832835, 32.932932932932935, 33.033033033033036, 33.133133133133136, 33.233233233233236, 33.333333333333336, 33.433433433433436, 33.533533533533536, 33.633633633633636, 33.733733733733736, 33.833833833833836, 33.933933933933936, 34.034034034034036, 34.134134134134136, 34.234234234234236, 34.334334334334336, 34.434434434434436, 34.53453453453454, 34.63463463463464, 34.73473473473474, 34.83483483483484, 34.93493493493494, 35.03503503503504, 35.13513513513514, 35.23523523523524, 35.33533533533534, 35.43543543543544, 35.53553553553554, 35.63563563563564, 35.73573573573574, 35.83583583583584, 35.93593593593594, 36.03603603603604, 36.13613613613614, 36.23623623623624, 36.33633633633634, 36.43643643643644, 36.53653653653654, 36.63663663663664, 36.73673673673674, 36.83683683683684, 36.93693693693694, 37.03703703703704, 37.13713713713714, 37.23723723723724, 37.33733733733734, 37.43743743743744, 37.53753753753754, 37.63763763763764, 37.73773773773774, 37.83783783783784, 37.93793793793794, 38.03803803803804, 38.13813813813814, 38.23823823823824, 38.33833833833834, 38.43843843843844, 38.53853853853854, 38.63863863863864, 38.73873873873874, 38.83883883883884, 38.93893893893894, 39.03903903903904, 39.13913913913914, 39.23923923923924, 39.33933933933934, 39.43943943943944, 39.53953953953954, 39.63963963963964, 39.73973973973974, 39.83983983983984, 39.93993993993994, 40.04004004004004, 40.14014014014014, 40.24024024024024, 40.34034034034034, 40.44044044044044, 40.54054054054054, 40.64064064064064, 40.74074074074074, 40.84084084084084, 40.94094094094094, 41.04104104104104, 41.14114114114114, 41.24124124124124, 41.34134134134134, 41.44144144144144, 41.54154154154154, 41.64164164164164, 41.74174174174174, 41.84184184184184, 41.94194194194194, 42.04204204204204, 42.14214214214214, 42.24224224224224, 42.34234234234234, 42.44244244244244, 42.54254254254254, 42.64264264264264, 42.74274274274275, 42.84284284284285, 42.94294294294295, 43.04304304304305, 43.14314314314315, 43.24324324324325, 43.34334334334335, 43.44344344344345, 43.54354354354355, 43.64364364364365, 43.74374374374375, 43.84384384384385, 43.94394394394395, 44.04404404404405, 44.14414414414415, 44.24424424424425, 44.34434434434435, 44.44444444444445, 44.54454454454455, 44.64464464464465, 44.74474474474475, 44.84484484484485, 44.94494494494495, 45.04504504504505, 45.14514514514515, 45.24524524524525, 45.34534534534535, 45.44544544544545, 45.54554554554555, 45.64564564564565, 45.74574574574575, 45.84584584584585, 45.94594594594595, 46.04604604604605, 46.14614614614615, 46.24624624624625, 46.34634634634635, 46.44644644644645, 46.54654654654655, 46.64664664664665, 46.74674674674675, 46.84684684684685, 46.94694694694695, 47.04704704704705, 47.14714714714715, 47.24724724724725, 47.34734734734735, 47.44744744744745, 47.54754754754755, 47.64764764764765, 47.74774774774775, 47.84784784784785, 47.94794794794795, 48.04804804804805, 48.14814814814815, 48.24824824824825, 48.34834834834835, 48.44844844844845, 48.54854854854855, 48.64864864864865, 48.74874874874875, 48.84884884884885, 48.94894894894895, 49.04904904904905, 49.14914914914915, 49.24924924924925, 49.34934934934935, 49.44944944944945, 49.54954954954955, 49.64964964964965, 49.74974974974975, 49.84984984984985, 49.94994994994995, 50.050050050050054, 50.150150150150154, 50.250250250250254, 50.350350350350354, 50.450450450450454, 50.550550550550554, 50.650650650650654, 50.750750750750754, 50.850850850850854, 50.950950950950954, 51.051051051051054, 51.151151151151154, 51.251251251251254, 51.351351351351354, 51.451451451451454, 51.551551551551555, 51.651651651651655, 51.751751751751755, 51.851851851851855, 51.951951951951955, 52.052052052052055, 52.152152152152155, 52.252252252252255, 52.352352352352355, 52.452452452452455, 52.552552552552555, 52.652652652652655, 52.752752752752755, 52.852852852852855, 52.952952952952955, 53.053053053053056, 53.153153153153156, 53.253253253253256, 53.353353353353356, 53.453453453453456, 53.553553553553556, 53.653653653653656, 53.753753753753756, 53.853853853853856, 53.953953953953956, 54.054054054054056, 54.154154154154156, 54.254254254254256, 54.354354354354356, 54.454454454454456, 54.55455455455456, 54.65465465465466, 54.75475475475476, 54.85485485485486, 54.95495495495496, 55.05505505505506, 55.15515515515516, 55.25525525525526, 55.35535535535536, 55.45545545545546, 55.55555555555556, 55.65565565565566, 55.75575575575576, 55.85585585585586, 55.95595595595596, 56.05605605605606, 56.15615615615616, 56.25625625625626, 56.35635635635636, 56.45645645645646, 56.55655655655656, 56.65665665665666, 56.75675675675676, 56.85685685685686, 56.95695695695696, 57.05705705705706, 57.15715715715716, 57.25725725725726, 57.35735735735736, 57.45745745745746, 57.55755755755756, 57.65765765765766, 57.75775775775776, 57.85785785785786, 57.95795795795796, 58.05805805805806, 58.15815815815816, 58.25825825825826, 58.35835835835836, 58.45845845845846, 58.55855855855856, 58.65865865865866, 58.75875875875876, 58.85885885885886, 58.95895895895896, 59.05905905905906, 59.15915915915916, 59.25925925925926, 59.35935935935936, 59.45945945945946, 59.55955955955956, 59.65965965965966, 59.75975975975976, 59.85985985985987, 59.95995995995997, 60.06006006006007, 60.16016016016017, 60.26026026026027, 60.36036036036037, 60.46046046046047, 60.56056056056057, 60.66066066066067, 60.76076076076077, 60.86086086086087, 60.96096096096097, 61.06106106106107, 61.16116116116117, 61.26126126126127, 61.36136136136137, 61.46146146146147, 61.56156156156157, 61.66166166166167, 61.76176176176177, 61.86186186186187, 61.96196196196197, 62.06206206206207, 62.16216216216217, 62.26226226226227, 62.36236236236237, 62.46246246246247, 62.56256256256257, 62.66266266266267, 62.76276276276277, 62.86286286286287, 62.96296296296297, 63.06306306306307, 63.16316316316317, 63.26326326326327, 63.36336336336337, 63.46346346346347, 63.56356356356357, 63.66366366366367, 63.76376376376377, 63.86386386386387, 63.96396396396397, 64.06406406406407, 64.16416416416416, 64.26426426426427, 64.36436436436436, 64.46446446446447, 64.56456456456456, 64.66466466466467, 64.76476476476476, 64.86486486486487, 64.96496496496496, 65.06506506506507, 65.16516516516516, 65.26526526526527, 65.36536536536536, 65.46546546546547, 65.56556556556556, 65.66566566566567, 65.76576576576576, 65.86586586586587, 65.96596596596596, 66.06606606606607, 66.16616616616616, 66.26626626626627, 66.36636636636636, 66.46646646646647, 66.56656656656656, 66.66666666666667, 66.76676676676676, 66.86686686686687, 66.96696696696696, 67.06706706706707, 67.16716716716716, 67.26726726726727, 67.36736736736736, 67.46746746746747, 67.56756756756756, 67.66766766766767, 67.76776776776777, 67.86786786786787, 67.96796796796797, 68.06806806806807, 68.16816816816817, 68.26826826826827, 68.36836836836838, 68.46846846846847, 68.56856856856858, 68.66866866866867, 68.76876876876878, 68.86886886886887, 68.96896896896898, 69.06906906906907, 69.16916916916918, 69.26926926926927, 69.36936936936938, 69.46946946946947, 69.56956956956958, 69.66966966966967, 69.76976976976978, 69.86986986986987, 69.96996996996998, 70.07007007007007, 70.17017017017018, 70.27027027027027, 70.37037037037038, 70.47047047047047, 70.57057057057058, 70.67067067067067, 70.77077077077078, 70.87087087087087, 70.97097097097098, 71.07107107107107, 71.17117117117118, 71.27127127127127, 71.37137137137138, 71.47147147147147, 71.57157157157158, 71.67167167167167, 71.77177177177178, 71.87187187187187, 71.97197197197198, 72.07207207207207, 72.17217217217218, 72.27227227227228, 72.37237237237238, 72.47247247247248, 72.57257257257258, 72.67267267267268, 72.77277277277278, 72.87287287287288, 72.97297297297298, 73.07307307307308, 73.17317317317318, 73.27327327327328, 73.37337337337338, 73.47347347347348, 73.57357357357358, 73.67367367367368, 73.77377377377378, 73.87387387387388, 73.97397397397398, 74.07407407407408, 74.17417417417418, 74.27427427427428, 74.37437437437438, 74.47447447447448, 74.57457457457458, 74.67467467467468, 74.77477477477478, 74.87487487487488, 74.97497497497498, 75.07507507507508, 75.17517517517518, 75.27527527527528, 75.37537537537538, 75.47547547547548, 75.57557557557558, 75.67567567567568, 75.77577577577578, 75.87587587587588, 75.97597597597598, 76.07607607607608, 76.17617617617618, 76.27627627627628, 76.37637637637638, 76.47647647647648, 76.57657657657658, 76.67667667667668, 76.77677677677679, 76.87687687687688, 76.97697697697699, 77.07707707707708, 77.17717717717719, 77.27727727727728, 77.37737737737739, 77.47747747747748, 77.57757757757759, 77.67767767767768, 77.77777777777779, 77.87787787787788, 77.97797797797799, 78.07807807807808, 78.17817817817819, 78.27827827827828, 78.37837837837839, 78.47847847847848, 78.57857857857859, 78.67867867867868, 78.77877877877879, 78.87887887887888, 78.97897897897899, 79.07907907907908, 79.17917917917919, 79.27927927927928, 79.37937937937939, 79.47947947947948, 79.57957957957959, 79.67967967967968, 79.77977977977979, 79.87987987987988, 79.97997997997999, 80.08008008008008, 80.18018018018019, 80.28028028028028, 80.38038038038039, 80.48048048048048, 80.58058058058059, 80.68068068068068, 80.78078078078079, 80.88088088088088, 80.98098098098099, 81.08108108108108, 81.18118118118119, 81.28128128128128, 81.38138138138139, 81.48148148148148, 81.58158158158159, 81.68168168168168, 81.78178178178179, 81.88188188188188, 81.98198198198199, 82.08208208208208, 82.18218218218219, 82.28228228228228, 82.38238238238239, 82.48248248248248, 82.58258258258259, 82.68268268268268, 82.78278278278279, 82.88288288288288, 82.98298298298299, 83.08308308308308, 83.18318318318319, 83.28328328328328, 83.38338338338339, 83.48348348348348, 83.58358358358359, 83.68368368368368, 83.78378378378379, 83.88388388388388, 83.98398398398399, 84.08408408408408, 84.18418418418419, 84.28428428428428, 84.38438438438439, 84.48448448448448, 84.58458458458459, 84.68468468468468, 84.78478478478479, 84.88488488488488, 84.98498498498499, 85.08508508508508, 85.18518518518519, 85.28528528528528, 85.38538538538539, 85.4854854854855, 85.58558558558559, 85.6856856856857, 85.78578578578579, 85.8858858858859, 85.98598598598599, 86.0860860860861, 86.18618618618619, 86.2862862862863, 86.38638638638639, 86.4864864864865, 86.58658658658659, 86.6866866866867, 86.78678678678679, 86.8868868868869, 86.98698698698699, 87.0870870870871, 87.18718718718719, 87.2872872872873, 87.38738738738739, 87.4874874874875, 87.58758758758759, 87.6876876876877, 87.78778778778779, 87.8878878878879, 87.98798798798799, 88.0880880880881, 88.18818818818819, 88.2882882882883, 88.38838838838839, 88.4884884884885, 88.58858858858859, 88.6886886886887, 88.78878878878879, 88.8888888888889, 88.988988988989, 89.0890890890891, 89.1891891891892, 89.2892892892893, 89.3893893893894, 89.4894894894895, 89.5895895895896, 89.6896896896897, 89.7897897897898, 89.8898898898899, 89.98998998999, 90.0900900900901, 90.1901901901902, 90.2902902902903, 90.3903903903904, 90.4904904904905, 90.5905905905906, 90.6906906906907, 90.7907907907908, 90.8908908908909, 90.990990990991, 91.0910910910911, 91.1911911911912, 91.2912912912913, 91.3913913913914, 91.4914914914915, 91.5915915915916, 91.6916916916917, 91.7917917917918, 91.8918918918919, 91.991991991992, 92.0920920920921, 92.1921921921922, 92.2922922922923, 92.3923923923924, 92.4924924924925, 92.5925925925926, 92.6926926926927, 92.7927927927928, 92.8928928928929, 92.992992992993, 93.0930930930931, 93.1931931931932, 93.2932932932933, 93.3933933933934, 93.4934934934935, 93.5935935935936, 93.6936936936937, 93.7937937937938, 93.8938938938939, 93.993993993994, 94.0940940940941, 94.1941941941942, 94.2942942942943, 94.3943943943944, 94.4944944944945, 94.5945945945946, 94.6946946946947, 94.7947947947948, 94.8948948948949, 94.994994994995, 95.0950950950951, 95.1951951951952, 95.2952952952953, 95.3953953953954, 95.4954954954955, 95.5955955955956, 95.6956956956957, 95.7957957957958, 95.8958958958959, 95.995995995996, 96.0960960960961, 96.1961961961962, 96.2962962962963, 96.3963963963964, 96.4964964964965, 96.5965965965966, 96.6966966966967, 96.7967967967968, 96.8968968968969, 96.996996996997, 97.0970970970971, 97.1971971971972, 97.2972972972973, 97.3973973973974, 97.4974974974975, 97.5975975975976, 97.6976976976977, 97.7977977977978, 97.8978978978979, 97.997997997998, 98.0980980980981, 98.1981981981982, 98.2982982982983, 98.3983983983984, 98.4984984984985, 98.5985985985986, 98.6986986986987, 98.7987987987988, 98.8988988988989, 98.998998998999, 99.0990990990991, 99.1991991991992, 99.2992992992993, 99.3993993993994, 99.4994994994995, 99.5995995995996, 99.6996996996997, 99.7997997997998, 99.8998998998999, 100 ], "xaxis": "x3", "y": [ 0, 0.3781875167692903, 0.7259837312756904, 1.0385220112508158, 1.312476065598178, 1.5459410664818753, 1.7382940454197484, 1.8900398971836743, 2.0026488546846166, 2.078390739275627, 2.120170670077786, 2.1313702571982067, 2.11569762900823, 2.0770489724256525, 2.019383614170867, 1.9466140542718762, 1.8625117919648564, 1.7706292671956612, 1.674237784258903, 1.576280891445704, 1.479342363501335, 1.385627671916643, 1.2969576296530845, 1.2147727585214587, 1.14014684468747, 1.0738081154080987, 1.0161664822600298, 0.9673453465865864, 0.92721654528546, 0.8954371230348408, 0.8714867444448099, 0.8547047005778894, 0.8443256133884202, 0.839513093975483, 0.8393907617870036, 0.8430701783162561, 0.8496753872789851, 0.8583638812503618, 0.8683439303765633, 0.8788883107257018, 0.8893445573047802, 0.8991419394193657, 0.907795413990144, 0.9149068561293769, 0.9201638964888033, 0.9233367126312059, 0.9242731281490004, 0.9228923697835433, 0.9191778207960967, 0.9131690897456511, 0.9049536890712379, 0.8946585888437302, 0.8824418790569426, 0.8684847400846175, 0.8529838865369178, 0.8361446156766175, 0.8181745586337867, 0.7992782015809262, 0.7796522153514672, 0.7594816061216566, 0.7389366770195861, 0.7181707710477463, 0.69731874957213, 0.6764961478122836, 0.6557989391522256, 0.6353038335036859, 0.6150690311584261, 0.5951353522923317, 0.5755276632288846, 0.5562565234149067, 0.5373199814819959, 0.5187054544403742, 0.5003916306660999, 0.48235034460311466, 0.4645483787362346, 0.4469491561543184, 0.42951429469804675, 0.4122050010886488, 0.39498329040868563, 0.3778130227312228, 0.36066075447732054, 0.34349640716033286, 0.3262937605121707, 0.3090307805685004, 0.29168979612497975, 0.27425753909133, 0.2567250657055685, 0.23908757638031458, 0.22134415219896972, 0.2034974258302273, 0.18555320395687724, 0.16752005729263236, 0.14940889296136284, 0.13123252250679382, 0.11300523715354263, 0.09474240021331373, 0.07646006477808187, 0.05817462311345949, 0.03990249250145831, 0.02165984071666082, 0.0034623528805061547, -0.014674959854783327, -0.03273791047432603, -0.050713246767830365, -0.06858872493806668, -0.08635314921950638, -0.10399638104095672, -0.12150932157849167, -0.13888387171722674, -0.15611287348669475, -0.17319003697027593, -0.19010985653063653, -0.20686751995699226, -0.2234588138426094, -0.2398800281580384, -0.25612786261199566, -0.2721993370012227, -0.28809170735534395, -0.3038023892934959, -0.31932888963549394, -0.33466874695913396, -0.3498194814728659, -0.3647785542839932, -0.37954333588975386, -0.3941110835037939, -0.40847892665415036, -0.4226438603503297, -0.43660274501495316, -0.45035231230751693, -0.46388917593130086, -0.47720984650612824, -0.4903107496059983, -0.5031882460978988, -0.5158386539726243, -0.5282582709264825, -0.5404433970308279, -0.5523903569110945, -0.5640955209453273, -0.5755553250814233, -0.5867662889599402, -0.5977250321134093, -0.6084282880918842, -0.6188729164366681, -0.6290559124887912, -0.6389744150752216, -0.6486257121636068, -0.6580072446155012, -0.667116608198649, -0.6759515540413303, -0.6845099877265524, -0.6927899672315877, -0.7007896999198079, -0.708507538787683, -0.7159419781610921, -0.7230916490225331, -0.7299553141352718, -0.7365318631127327, -0.7428203075622322, -0.7488197764122113, -0.7545295115120075, -0.7599488635734981, -0.7650772885050651, -0.769914344170668, -0.7744596875906675, -0.7787130725866005, -0.7826743478595528, -0.7863434554811436, -0.7897204297674726, -0.7928053964996299, -0.7955985724494573, -0.7981002651660661, -0.8003108729769948, -0.8022308851576925, -0.8038608822240241, -0.8052015363045582, -0.8062536115523035, -0.8070179645591203, -0.8074955447400882, -0.8076873946594676, -0.8075946502744205, -0.8072185410771977, -0.8065603901209512, -0.8056216139185854, -0.8044037222080288, -0.8029083175809372, -0.801137094975078, -0.7990918410334507, -0.7967744333355766, -0.7941868395083241, -0.7913311162251301, -0.7882094081035677, -0.7848239465119131, -0.7811770482957058, -0.7772711144353317, -0.7731086286454193, -0.7686921559263622, -0.7640243410776257, -0.7591079071816837, -0.7539456540665224, -0.7485404567536653, -0.742895263897661, -0.7370130962219515, -0.7308970449550537, -0.7245502702700253, -0.7179759997293133, -0.7111775267362697, -0.7041582089939057, -0.6969214669708306, -0.6894707823738013, -0.6818096966258885, -0.6739418093489272, -0.6658707768487017, -0.6576003106011545, -0.6491341757378452, -0.6404761895288893, -0.631630219861662, -0.6226001837136735, -0.613390045618169, -0.6040038161212004, -0.5944455502291199, -0.5847193458456773, -0.5748293421981234, -0.564779718251965, -0.5545746911142317, -0.5442185144253355, -0.5337154767397971, -0.5230698998963016, -0.5122861373776969, -0.5013685726616957, -0.4903216175631515, -0.47914971056887307, -0.4678573151660161, -0.4564489181651379, -0.44492902801903067, -0.4333021731384644, -0.4215729002059641, -0.4097457724887305, -0.39782536815178465, -0.3858162785723765, -0.3737231066566548, -0.3615504651595438, -0.3493029750087164, -0.33698526363350023, -0.3246019632994958, -0.3121577094496302, -0.2996571390523202, -0.2871048889573668, -0.274505594260158, -0.2618638866747196, -0.2491843929161112, -0.23647173309264052, -0.2237305191083375, -0.21096535307610995, -0.19818082574198748, -0.18538151492084362, -0.1725719839439817, -0.15975678011895947, -0.1469404332020289, -0.13412745388356515, -0.12132233228686098, -0.108529536480664, -0.09575351100584212, -0.08299867541656147, -0.07026942283637196, -0.0575701185295939, -0.04490509848840886, -0.03227866803605612, -0.019695100446542862, -0.007158635581274987, 0.00532652145698411, 0.017756201652419062, 0.03012627338632881, 0.04243264372875201, 0.05467125971115509, 0.06683810957979304, 0.07892922402935912, 0.09094067741654818, 0.10286858895316611, 0.11470912387842863, 0.12645849461010197, 0.1381129618741495, 0.1496688358125581, 0.16112247706903135, 0.17247029785224652, 0.183708762976385, 0.19483439087865798, 0.2058437546135599, 0.21673348282359473, 0.22750026068623164, 0.23814083083685667, 0.24865199426750179, 0.25903061120113813, 0.26927360194133715, 0.2793779476971086, 0.28934069138273827, 0.29915893839245683, 0.3088298573497811, 0.318350680831379, 0.32771870606531966, 0.3369312956035782, 0.34598587796867536, 0.35487994827434016, 0.3636110688200938, 0.37217686965966246, 0.3805750491431336, 0.38880337443278173, 0.3968596819924975, 0.4047418780507634, 0.4124479390371273, 0.41997591199213513, 0.4273239149506943, 0.4344901372988443, 0.441472840103925, 0.4482703564181397, 0.45488109155551826, 0.461303523342297, 0.4675362023407408, 0.47357775204643965, 0.4794268690591248, 0.4850823232270549, 0.49054295776503537, 0.49580768934614017, 0.5008755081672158, 0.5057454779882561, 0.5104167361457466, 0.5148884935400813, 0.5191600345971711, 0.523230717204365, 0.5270999726208166, 0.530767305362439, 0.5342322930615941, 0.5374945863016779, 0.5405539084267642, 0.5434100553264832, 0.5460628951963163, 0.5485123682734971, 0.5507584865487162, 0.5528013334538362, 0.5546410635258298, 0.5562779020471591, 0.5577121446628293, 0.5589441569743455, 0.5599743741108203, 0.5608033002774772, 0.5614315082818087, 0.5618596390376503, 0.5620884010474403, 0.5621185698629405, 0.5619509875247014, 0.5615865619805589, 0.5610262664834574, 0.5602711389689006, 0.5593222814123349, 0.5581808591667793, 0.5568481002810175, 0.5553252947986768, 0.5536137940385212, 0.5517150098562936, 0.5496304138884439, 0.5473615367780886, 0.5449099673835489, 0.5422773519698203, 0.5394653933833325, 0.5364758502103593, 0.5333105359194464, 0.5299713179882272, 0.5264601170149968, 0.5227789058154292, 0.5189297085048111, 0.5149145995661828, 0.5107357029047711, 0.5063951908891081, 0.501895283379227, 0.49723824674233463, 0.49242639285636003, 0.4874620781017799, 0.4823477023421281, 0.4770857078935939, 0.47167857848412, 0.4661288382024101, 0.4604390504372595, 0.454611816807623, 0.4486497760838356, 0.44255560310040404, 0.43633200766078756, 0.4299817334345861, 0.423507556847558, 0.4169122859648869, 0.41019875936812034, 0.4033698450262013, 0.39642843916101583, 0.3893774651078775, 0.382219872171374, 0.3749586344769941, 0.36759674981896096, 0.36013723850468937, 0.35258314219629067, 0.3449375227495433, 0.3372034610507494, 0.32938405585189384, 0.3214824226045248, 0.31350169229276903, 0.3054450102658968, 0.2973155350708497, 0.2891164372851401, 0.2808508983505328, 0.2725221094079139, 0.26413327013375265, 0.2556875875785582, 0.24718827500773036, 0.23863855074520268, 0.2300416370202716, 0.22140075881800367, 0.21271914273360962, 0.20400001583117117, 0.19524660450710274, 0.1864621333587278, 0.17764982405834503, 0.16881289423315726, 0.15995455635143158, 0.1510780166152549, 0.14218647386024666, 0.13328311846258536, 0.12437113125370164, 0.1154536824429866, 0.10653393054885978, 0.097615021338537, 0.08870008677683246, 0.07979224398432733, 0.07089459420522938, 0.06201022178524598, 0.05314219315978657, 0.04429355585280566, 0.03546733748659284, 0.02666654480281113, 0.017894162695079065, 0.009153153253387608, 0.0004464548206367626, -0.00822301893842873, -0.016852379955609863, -0.025438766664702177, -0.03397934489373982, -0.04247130874377803, -0.050911881453962624, -0.059298316252641134, -0.06762789719427759, -0.07589793998193564, -0.08410579277510406, -0.0922488369826438, -0.10032448804064063, -0.10833019617495591, -0.11626344714827212, -0.12412176299143729, -0.13190270271891932, -0.1396038630281859, -0.14722287898283418, -0.1547574246792986, -0.16220521389697412, -0.16956400073159691, -0.17683158021173187, -0.1840057888982223, -0.19108450546646527, -0.19806565127138026, -0.20494719089494817, -0.21172713267620177, -0.21840352922355746, -0.224974477909384, -0.23143812134670985, -0.23779264784797927, -0.24403629186577178, -0.25016733441540884, -0.2561841034793758, -0.26208497439349554, -0.2678683702147965, -0.2735327620710236, -0.27907666949174914, -0.2844986607210455, -0.2897973530116888, -0.2949714129008699, -0.30001955646739487, -0.30494054957036393, -0.30973320806932503, -0.31439639802590286, -0.3189290358869141, -0.32333008864898166, -0.3275985740046711, -0.3317335604701768, -0.3357341674945918, -0.33959956555080195, -0.3433289762080526, -0.3469216721862387, -0.3503769773919801, -0.3536942669365457, -0.3568729671356993, -0.3599125554915441, -0.3628125606564502, -0.36557256237915364, -0.36819219143312387, -0.37067112952729914, -0.3730091091992994, -0.3752059136912271, -0.37726137680817545, -0.37917538275956797, -0.380947865983459, -0.3825788109539297, -0.3840682519717199, -0.3854162729382419, -0.38662300711312597, -0.3876886368554555, -0.3886133933488497, -0.38939755631056283, -0.39004145368476917, -0.3905454613202096, -0.3909100026323821, -0.3911355482504578, -0.391222615649115, -0.39117176876548515, -0.39098361760140815, -0.3906588178112011, -0.3901980702751468, -0.3896021206589135, -0.388871758959121, -0.3880078190352736, -0.3870111781282804, -0.3858827563657934, -0.3846235162545899, -0.3832344621602363, -0.38171663977426995, -0.380071135569139, -0.37829907624114667, -0.3764016281416439, -0.3743799966967249, -0.3722354258156748, -0.36996919728842975, -0.3675826301723047, -0.3650770801682535, -0.3624539389869237, -0.35971463370477336, -0.3568606261105193, -0.3538934120421876, -0.35081452071504005, -0.3476255140406504, -0.3443279859374117, -0.3409235616327491, -0.33741389695732277, -0.3338006776315014, -0.33008561854439156, -0.32627046302570695, -0.32235698211076586, -0.3183469737989041, -0.3142422623055907, -0.31004469730854006, -0.3057561531881074, -0.30137852826226263, -0.2969137440164315, -0.29236374432849954, -0.2877304946892708, -0.28301598141867473, -0.2782222108780157, -0.2733512086785593, -0.26840501888674756, -0.2633857032263401, -0.2582953402777712, -0.25313602467501994, -0.2479098663002836, -0.24261898947674823, -0.23726553215974766, -0.2318516451266033, -0.2263794911654342, -0.2208512442632273, -0.2152690887934561, -0.20963521870353674, -0.20395183670240558, -0.19822115344850572, -0.19244538673846434, -0.186626760696744, -0.1807675049665488, -0.1748698539022637, -0.1689360457637052, -0.16296832191245772, -0.156968926010571, -0.15094010322188808, -0.14488409941627506, -0.13880316037701884, -0.13269953101165824, -0.12657545456651204, -0.12043317184516203, -0.11427492043115112, -0.10810293391515113, -0.10191944112685168, -0.09572666537182119, -0.08952682367358569, -0.08332212602117171, -0.07711477462235157, -0.0709069631628308, -0.0647008760716125, -0.05849868779277029, -0.052302562063857444, -0.04611465120117891, -0.03993709539214694, -0.03377202199493912, -0.027621544845673786, -0.021487763573313622, -0.015372762922505586, -0.009278612084560853, -0.0032073640367754185, 0.0028389451097125327, 0.008858296753336057, 0.014848690436594224, 0.020808144471443985, 0.0267346965554085, 0.03262640437822477, 0.038481346218857924, 0.04429762153271435, 0.05007335152888812, 0.05580667973728152, 0.061495772565443536, 0.0671388198449743, 0.07273403536734878, 0.0782796574090162, 0.0837739492456372, 0.08921519965532405, 0.09460172341075468, 0.09993186176003471, 0.1052039828961873, 0.11041648241515455, 0.11556778376219827, 0.12065633866659314, 0.12568062756451054, 0.1306391600099937, 0.13553047507393162, 0.14035314173094346, 0.14510575923408822, 0.14978695747732046, 0.15439539734561858, 0.15892977105271347, 0.16338880246635362, 0.16777124742104502, 0.1720758940182098, 0.17630156291371263, 0.1804471075927072, 0.18451141463176127, 0.18849340394822228, 0.19239202903679106, 0.19620627719327494, 0.19993516972549732, 0.2035777621513438, 0.20713314438393102, 0.2106004409038885, 0.21397881091874785, 0.217267448509439, 0.22046558276389697, 0.2235724778977881, 0.22658743336236783, 0.2295097839394881, 0.23233889982377548, 0.23507418669200705, 0.23771508575971348, 0.2402610738250456, 0.2427116632999423, 0.24506640222864456, 0.2473248742936025, 0.24948669880882834, 0.2515515307007505, 0.2535190604766302, 0.25538901418060467, 0.25716115333742534, 0.25883527488396374, 0.2604112110885623, 0.26188882945830944, 0.2632680326343244, 0.26454875827513974, 0.26573097892827346, 0.26681470189008666, 0.26779996905402687, 0.2686868567473592, 0.26947547555649287, 0.27016597014101396, 0.2707585190365365, 0.27125333444649147, 0.27165066202297267, 0.2719507806367641, 0.27215400213667634, 0.2722606710983225, 0.2722711645624666, 0.2721858917630821, 0.2720052938452598, 0.27172984357310814, 0.27136004502779143, 0.27089643329585433, 0.27033957414798426, 0.26969006370836573, 0.2689485281147823, 0.26811562316962706, 0.26719203398198177, 0.2661784746009296, 0.265075687640268, 0.26388444389479054, 0.26260554194830865, 0.2612398077735862, 0.2597880943243638, 0.25825128111964796, 0.2566302738204464, 0.25492600379912955, 0.2531394277016021, 0.2512715270024685, 0.2493233075533804, 0.24729579912475158, 0.24519005494103333, 0.24300715120973757, 0.24074818664440337, 0.23841428198169873, 0.2360065794928532, 0.23352624248961715, 0.2309744548249451, 0.2283524203886015, 0.22566136259788744, 0.222902523883689, 0.2200771651720474, 0.21718656536145306, 0.21423202079606513, 0.21121484473505944, 0.20813636681830816, 0.20499793252859463, 0.20180090265056716, 0.19854665272663602, 0.19523657251001883, 0.19187206541513732, 0.18845454796557193, 0.184985449239777, 0.1814662103147624, 0.17789828370794503, 0.17428313281737529, 0.1706222313605407, 0.16691706281195184, 0.1631691198397124, 0.159379903741276, 0.1555509238785919, 0.151683697112841, 0.1477797472389616, 0.14384060442016586, 0.13986780462264495, 0.13586288905066168, 0.1318274035822262, 0.12776289820555187, 0.12367092645648572, 0.1195530448571072, 0.11541081235568675, 0.1112457897681964, 0.10705953922156186, 0.10285362359884333, 0.09862960598653318, 0.09438904912415497, 0.09013351485634706, 0.0858645635876142, 0.08158375373992552, 0.07729264121333884, 0.07299277884982729, 0.0686857159004827, 0.0643729974962694, 0.060056164122498604, 0.055736751097192304, 0.05141628805350354, 0.04709629842635737, 0.04277829894347513, 0.03846379912094184, 0.03415430076347469, 0.029851297469548347, 0.025556274141529733, 0.02127070650097341, 0.016996060609225844, 0.012733792393483857, 0.008485347178450744, 0.004252159223730647, 3.565126709952171e-05, -0.004162765926212563, -0.008341694008094784, -0.012499747485854888, -0.016635554154116994, -0.020747755520193697, -0.024835007222811015, -0.028895979444067705, -0.03292935731451225, -0.03693384131122597, -0.0409081476488014, -0.044851008663109274, -0.04876117318775016, -0.05263740692308967, -0.0564784927977798, -0.060283231322670945, -0.06405044093702286, -0.06777895834692689, -0.07146763885585257, -0.07511535668723718, -0.07872100529903854, -0.08228349769017537, -0.08580176669878102, -0.08927476529220399, -0.09270146684868395, -0.0960808654306448, -0.09941197604954138, -0.1026938349222043, -0.10592549971862936, -0.10910604980116079, -0.11223458645502105, -0.11531023311014393, -0.11833213555426952, -0.12129946213726452, -0.12421140396663247, -0.12706717509418453, -0.12986601269384188, -0.13260717723054632, -0.1352899526202568, -0.13791364638101422, -0.1404775897750613, -0.14298113794200296, -0.14542367002300152, -0.14780458927600007, -0.15012332318197305, -0.15237932354220443, -0.15457206656659755, -0.15670105295302522, -0.15876580795772974, -0.16076588145678675, -0.16270084799864995, -0.1645703068477956, -0.1663738820194911, -0.16811122230571288, -0.16978200129224116, -0.17138591736696596, -0.17292269371943722, -0.1743920783316976, -0.1757938439604383, -0.17712778811052185, -0.1783937329999181, -0.17959152551610175, -0.18072103716396462, -0.1817821640052972, -0.18277482658989602, -0.1836989698783583, -0.1845545631566257, -0.1853415999423427, -0.18606009788309866, -0.1867100986466233, -0.18729166780300888, -0.18780489469903447, -0.18824989232467138, -0.18862679717184905, -0.18893576908556553, -0.18917699110742608, -0.1893506693116992, -0.18945703263397848, -0.18949633269254348, -0.18946884360251237, -0.18937486178288432, -0.18921470575656793, -0.18898871594349817, -0.18869725444694302, -0.18834070483310397, -0.18791947190411798, -0.18743398146456797, -0.18688468008161127, -0.18627203483884017, -0.18559653308398416, -0.18485868217057366, -0.1840590091936777, -0.18319806071983635, -0.18227640251130722, -0.1812946192447475, -0.18025331422445373, -0.17915310909028423, -0.17799464352038935, -0.17677857492887641, -0.17550557815853715, -0.1741763451687673, -0.17279158471880832, -0.1713520220464429, -0.16985839854227683, -0.16831147141974018, -0.1667120133809429, -0.16506081227851965, -0.1633586707736001, -0.16160640599004117, -0.15980484916505974, -0.15795484529640344, -0.1560572527861984, -0.15411294308161375, -0.15212280031248251, -0.15008772092601946, -0.14800861331877765, -0.14588639746598334, -0.14372200454839176, -0.14151637657680632, -0.13927046601440105, -0.1369852353969911, -0.13466165695139176, -0.13230071221200926, -0.12990339163580525, -0.12747069421577778, -0.12500362709310053, -0.12250320516806315, -0.11997045070995377, -0.11740639296602544, -0.11481206776968914, -0.11218851714807271, -0.10953678892908782, -0.10685793634814385, -0.10415301765464995, -0.10142309571844384, -0.09866923763628521, -0.09589251433855302, -0.09309400019628428, -0.09027477262868926, -0.08743591171128066, -0.08457849978475195, -0.08170362106473755, -0.0788123612525898, -0.07590580714730505, -0.0729850462587299, -0.0700511664221773, -0.0671052554145841, -0.06414840057233659, -0.06118168841089166, -0.05820620424631974, -0.055223031818894375, -0.05223325291885209, -0.04923794701444399, -0.04623819088240122, -0.04323505824093316, -0.040229619385376225, -0.037222940826610644, -0.034216084932360176, -0.031210109571488457, -0.02820606776140368, -0.025205007318683744, -0.022207970513028908, -0.019215993724650823, -0.01623010710520277, -0.013251334242355464, -0.010280691828121124, -0.007319189331024981, -0.0043678286722246655, -0.0014276039056729298, 0.0015004990975802314, 0.0044155029608532875, 0.007316439108975261, 0.010202348071014953, 0.013072279778509673, 0.01592529385910776, 0.01876045992554152, 0.021576857859849422, 0.024373578092767433, 0.02714972187821224, 0.02990440156278082, 0.032636740850193593, 0.03534587506060891, 0.0380309513847404, 0.040691129132710044, 0.043325579977572255, 0.04593348819344559, 0.04851405088819227, 0.05106647823058663, 0.0535899936719167, 0.056083834161964344, 0.05854725035931293, 0.060979506835932056, 0.06337988227599263, 0.06574766966886723, 0.06808217649627211, 0.07038272491351114, 0.07264865192478256, 0.07487930955251297, 0.07707406500068423, 0.0792323008121219, 0.08135341501971553, 0.08343682129154444, 0.08548194906988285, 0.08748824370406337, 0.08945516657717695, 0.09138219522659256, 0.0932688234582795, 0.09511456145492007, 0.0969189358777998, 0.09868148996246756, 0.10040178360815787, 0.10207939346097072, 0.10371391299080673, 0.10530495256205737, 0.10685213949805197, 0.10835511813926631, 0.10981354989529793, 0.11122711329061812, 0.1125955040041098, 0.11391843490240541, 0.11519563606703852, 0.11642685481542678, 0.11761185571570563, 0.11875042059543278, 0.11984234854418858, 0.12088745591009528 ], "yaxis": "y3" }, { "line": { "color": "blue", "dash": "dash" }, "showlegend": false, "type": "scatter", "x": [ 0, 0.1001001001001001, 0.2002002002002002, 0.3003003003003003, 0.4004004004004004, 0.5005005005005005, 0.6006006006006006, 0.7007007007007008, 0.8008008008008008, 0.9009009009009009, 1.001001001001001, 1.1011011011011012, 1.2012012012012012, 1.3013013013013013, 1.4014014014014016, 1.5015015015015016, 1.6016016016016017, 1.7017017017017018, 1.8018018018018018, 1.9019019019019021, 2.002002002002002, 2.1021021021021022, 2.2022022022022023, 2.3023023023023024, 2.4024024024024024, 2.5025025025025025, 2.6026026026026026, 2.702702702702703, 2.802802802802803, 2.902902902902903, 3.0030030030030033, 3.1031031031031033, 3.2032032032032034, 3.3033033033033035, 3.4034034034034035, 3.5035035035035036, 3.6036036036036037, 3.7037037037037037, 3.8038038038038042, 3.9039039039039043, 4.004004004004004, 4.104104104104104, 4.2042042042042045, 4.3043043043043046, 4.404404404404405, 4.504504504504505, 4.604604604604605, 4.704704704704705, 4.804804804804805, 4.904904904904905, 5.005005005005005, 5.105105105105105, 5.205205205205205, 5.305305305305305, 5.405405405405406, 5.505505505505506, 5.605605605605606, 5.705705705705706, 5.805805805805806, 5.9059059059059065, 6.0060060060060065, 6.106106106106107, 6.206206206206207, 6.306306306306307, 6.406406406406407, 6.506506506506507, 6.606606606606607, 6.706706706706707, 6.806806806806807, 6.906906906906907, 7.007007007007007, 7.107107107107107, 7.207207207207207, 7.307307307307307, 7.407407407407407, 7.507507507507508, 7.6076076076076085, 7.7077077077077085, 7.807807807807809, 7.907907907907909, 8.008008008008009, 8.108108108108109, 8.208208208208209, 8.308308308308309, 8.408408408408409, 8.508508508508509, 8.608608608608609, 8.70870870870871, 8.80880880880881, 8.90890890890891, 9.00900900900901, 9.10910910910911, 9.20920920920921, 9.30930930930931, 9.40940940940941, 9.50950950950951, 9.60960960960961, 9.70970970970971, 9.80980980980981, 9.90990990990991, 10.01001001001001, 10.11011011011011, 10.21021021021021, 10.31031031031031, 10.41041041041041, 10.51051051051051, 10.61061061061061, 10.710710710710712, 10.810810810810812, 10.910910910910912, 11.011011011011012, 11.111111111111112, 11.211211211211213, 11.311311311311313, 11.411411411411413, 11.511511511511513, 11.611611611611613, 11.711711711711713, 11.811811811811813, 11.911911911911913, 12.012012012012013, 12.112112112112113, 12.212212212212213, 12.312312312312313, 12.412412412412413, 12.512512512512513, 12.612612612612613, 12.712712712712714, 12.812812812812814, 12.912912912912914, 13.013013013013014, 13.113113113113114, 13.213213213213214, 13.313313313313314, 13.413413413413414, 13.513513513513514, 13.613613613613614, 13.713713713713714, 13.813813813813814, 13.913913913913914, 14.014014014014014, 14.114114114114114, 14.214214214214214, 14.314314314314315, 14.414414414414415, 14.514514514514515, 14.614614614614615, 14.714714714714715, 14.814814814814815, 14.914914914914915, 15.015015015015017, 15.115115115115117, 15.215215215215217, 15.315315315315317, 15.415415415415417, 15.515515515515517, 15.615615615615617, 15.715715715715717, 15.815815815815817, 15.915915915915917, 16.016016016016017, 16.116116116116117, 16.216216216216218, 16.316316316316318, 16.416416416416418, 16.516516516516518, 16.616616616616618, 16.716716716716718, 16.816816816816818, 16.916916916916918, 17.017017017017018, 17.117117117117118, 17.217217217217218, 17.31731731731732, 17.41741741741742, 17.51751751751752, 17.61761761761762, 17.71771771771772, 17.81781781781782, 17.91791791791792, 18.01801801801802, 18.11811811811812, 18.21821821821822, 18.31831831831832, 18.41841841841842, 18.51851851851852, 18.61861861861862, 18.71871871871872, 18.81881881881882, 18.91891891891892, 19.01901901901902, 19.11911911911912, 19.21921921921922, 19.31931931931932, 19.41941941941942, 19.51951951951952, 19.61961961961962, 19.71971971971972, 19.81981981981982, 19.91991991991992, 20.02002002002002, 20.12012012012012, 20.22022022022022, 20.32032032032032, 20.42042042042042, 20.52052052052052, 20.62062062062062, 20.72072072072072, 20.82082082082082, 20.92092092092092, 21.02102102102102, 21.12112112112112, 21.22122122122122, 21.32132132132132, 21.421421421421424, 21.521521521521525, 21.621621621621625, 21.721721721721725, 21.821821821821825, 21.921921921921925, 22.022022022022025, 22.122122122122125, 22.222222222222225, 22.322322322322325, 22.422422422422425, 22.522522522522525, 22.622622622622625, 22.722722722722725, 22.822822822822825, 22.922922922922925, 23.023023023023026, 23.123123123123126, 23.223223223223226, 23.323323323323326, 23.423423423423426, 23.523523523523526, 23.623623623623626, 23.723723723723726, 23.823823823823826, 23.923923923923926, 24.024024024024026, 24.124124124124126, 24.224224224224226, 24.324324324324326, 24.424424424424426, 24.524524524524526, 24.624624624624627, 24.724724724724727, 24.824824824824827, 24.924924924924927, 25.025025025025027, 25.125125125125127, 25.225225225225227, 25.325325325325327, 25.425425425425427, 25.525525525525527, 25.625625625625627, 25.725725725725727, 25.825825825825827, 25.925925925925927, 26.026026026026027, 26.126126126126128, 26.226226226226228, 26.326326326326328, 26.426426426426428, 26.526526526526528, 26.626626626626628, 26.726726726726728, 26.826826826826828, 26.926926926926928, 27.027027027027028, 27.127127127127128, 27.227227227227228, 27.32732732732733, 27.42742742742743, 27.52752752752753, 27.62762762762763, 27.72772772772773, 27.82782782782783, 27.92792792792793, 28.02802802802803, 28.12812812812813, 28.22822822822823, 28.32832832832833, 28.42842842842843, 28.52852852852853, 28.62862862862863, 28.72872872872873, 28.82882882882883, 28.92892892892893, 29.02902902902903, 29.12912912912913, 29.22922922922923, 29.32932932932933, 29.42942942942943, 29.52952952952953, 29.62962962962963, 29.72972972972973, 29.82982982982983, 29.929929929929934, 30.030030030030034, 30.130130130130134, 30.230230230230234, 30.330330330330334, 30.430430430430434, 30.530530530530534, 30.630630630630634, 30.730730730730734, 30.830830830830834, 30.930930930930934, 31.031031031031034, 31.131131131131134, 31.231231231231234, 31.331331331331334, 31.431431431431434, 31.531531531531535, 31.631631631631635, 31.731731731731735, 31.831831831831835, 31.931931931931935, 32.032032032032035, 32.132132132132135, 32.232232232232235, 32.332332332332335, 32.432432432432435, 32.532532532532535, 32.632632632632635, 32.732732732732735, 32.832832832832835, 32.932932932932935, 33.033033033033036, 33.133133133133136, 33.233233233233236, 33.333333333333336, 33.433433433433436, 33.533533533533536, 33.633633633633636, 33.733733733733736, 33.833833833833836, 33.933933933933936, 34.034034034034036, 34.134134134134136, 34.234234234234236, 34.334334334334336, 34.434434434434436, 34.53453453453454, 34.63463463463464, 34.73473473473474, 34.83483483483484, 34.93493493493494, 35.03503503503504, 35.13513513513514, 35.23523523523524, 35.33533533533534, 35.43543543543544, 35.53553553553554, 35.63563563563564, 35.73573573573574, 35.83583583583584, 35.93593593593594, 36.03603603603604, 36.13613613613614, 36.23623623623624, 36.33633633633634, 36.43643643643644, 36.53653653653654, 36.63663663663664, 36.73673673673674, 36.83683683683684, 36.93693693693694, 37.03703703703704, 37.13713713713714, 37.23723723723724, 37.33733733733734, 37.43743743743744, 37.53753753753754, 37.63763763763764, 37.73773773773774, 37.83783783783784, 37.93793793793794, 38.03803803803804, 38.13813813813814, 38.23823823823824, 38.33833833833834, 38.43843843843844, 38.53853853853854, 38.63863863863864, 38.73873873873874, 38.83883883883884, 38.93893893893894, 39.03903903903904, 39.13913913913914, 39.23923923923924, 39.33933933933934, 39.43943943943944, 39.53953953953954, 39.63963963963964, 39.73973973973974, 39.83983983983984, 39.93993993993994, 40.04004004004004, 40.14014014014014, 40.24024024024024, 40.34034034034034, 40.44044044044044, 40.54054054054054, 40.64064064064064, 40.74074074074074, 40.84084084084084, 40.94094094094094, 41.04104104104104, 41.14114114114114, 41.24124124124124, 41.34134134134134, 41.44144144144144, 41.54154154154154, 41.64164164164164, 41.74174174174174, 41.84184184184184, 41.94194194194194, 42.04204204204204, 42.14214214214214, 42.24224224224224, 42.34234234234234, 42.44244244244244, 42.54254254254254, 42.64264264264264, 42.74274274274275, 42.84284284284285, 42.94294294294295, 43.04304304304305, 43.14314314314315, 43.24324324324325, 43.34334334334335, 43.44344344344345, 43.54354354354355, 43.64364364364365, 43.74374374374375, 43.84384384384385, 43.94394394394395, 44.04404404404405, 44.14414414414415, 44.24424424424425, 44.34434434434435, 44.44444444444445, 44.54454454454455, 44.64464464464465, 44.74474474474475, 44.84484484484485, 44.94494494494495, 45.04504504504505, 45.14514514514515, 45.24524524524525, 45.34534534534535, 45.44544544544545, 45.54554554554555, 45.64564564564565, 45.74574574574575, 45.84584584584585, 45.94594594594595, 46.04604604604605, 46.14614614614615, 46.24624624624625, 46.34634634634635, 46.44644644644645, 46.54654654654655, 46.64664664664665, 46.74674674674675, 46.84684684684685, 46.94694694694695, 47.04704704704705, 47.14714714714715, 47.24724724724725, 47.34734734734735, 47.44744744744745, 47.54754754754755, 47.64764764764765, 47.74774774774775, 47.84784784784785, 47.94794794794795, 48.04804804804805, 48.14814814814815, 48.24824824824825, 48.34834834834835, 48.44844844844845, 48.54854854854855, 48.64864864864865, 48.74874874874875, 48.84884884884885, 48.94894894894895, 49.04904904904905, 49.14914914914915, 49.24924924924925, 49.34934934934935, 49.44944944944945, 49.54954954954955, 49.64964964964965, 49.74974974974975, 49.84984984984985, 49.94994994994995, 50.050050050050054, 50.150150150150154, 50.250250250250254, 50.350350350350354, 50.450450450450454, 50.550550550550554, 50.650650650650654, 50.750750750750754, 50.850850850850854, 50.950950950950954, 51.051051051051054, 51.151151151151154, 51.251251251251254, 51.351351351351354, 51.451451451451454, 51.551551551551555, 51.651651651651655, 51.751751751751755, 51.851851851851855, 51.951951951951955, 52.052052052052055, 52.152152152152155, 52.252252252252255, 52.352352352352355, 52.452452452452455, 52.552552552552555, 52.652652652652655, 52.752752752752755, 52.852852852852855, 52.952952952952955, 53.053053053053056, 53.153153153153156, 53.253253253253256, 53.353353353353356, 53.453453453453456, 53.553553553553556, 53.653653653653656, 53.753753753753756, 53.853853853853856, 53.953953953953956, 54.054054054054056, 54.154154154154156, 54.254254254254256, 54.354354354354356, 54.454454454454456, 54.55455455455456, 54.65465465465466, 54.75475475475476, 54.85485485485486, 54.95495495495496, 55.05505505505506, 55.15515515515516, 55.25525525525526, 55.35535535535536, 55.45545545545546, 55.55555555555556, 55.65565565565566, 55.75575575575576, 55.85585585585586, 55.95595595595596, 56.05605605605606, 56.15615615615616, 56.25625625625626, 56.35635635635636, 56.45645645645646, 56.55655655655656, 56.65665665665666, 56.75675675675676, 56.85685685685686, 56.95695695695696, 57.05705705705706, 57.15715715715716, 57.25725725725726, 57.35735735735736, 57.45745745745746, 57.55755755755756, 57.65765765765766, 57.75775775775776, 57.85785785785786, 57.95795795795796, 58.05805805805806, 58.15815815815816, 58.25825825825826, 58.35835835835836, 58.45845845845846, 58.55855855855856, 58.65865865865866, 58.75875875875876, 58.85885885885886, 58.95895895895896, 59.05905905905906, 59.15915915915916, 59.25925925925926, 59.35935935935936, 59.45945945945946, 59.55955955955956, 59.65965965965966, 59.75975975975976, 59.85985985985987, 59.95995995995997, 60.06006006006007, 60.16016016016017, 60.26026026026027, 60.36036036036037, 60.46046046046047, 60.56056056056057, 60.66066066066067, 60.76076076076077, 60.86086086086087, 60.96096096096097, 61.06106106106107, 61.16116116116117, 61.26126126126127, 61.36136136136137, 61.46146146146147, 61.56156156156157, 61.66166166166167, 61.76176176176177, 61.86186186186187, 61.96196196196197, 62.06206206206207, 62.16216216216217, 62.26226226226227, 62.36236236236237, 62.46246246246247, 62.56256256256257, 62.66266266266267, 62.76276276276277, 62.86286286286287, 62.96296296296297, 63.06306306306307, 63.16316316316317, 63.26326326326327, 63.36336336336337, 63.46346346346347, 63.56356356356357, 63.66366366366367, 63.76376376376377, 63.86386386386387, 63.96396396396397, 64.06406406406407, 64.16416416416416, 64.26426426426427, 64.36436436436436, 64.46446446446447, 64.56456456456456, 64.66466466466467, 64.76476476476476, 64.86486486486487, 64.96496496496496, 65.06506506506507, 65.16516516516516, 65.26526526526527, 65.36536536536536, 65.46546546546547, 65.56556556556556, 65.66566566566567, 65.76576576576576, 65.86586586586587, 65.96596596596596, 66.06606606606607, 66.16616616616616, 66.26626626626627, 66.36636636636636, 66.46646646646647, 66.56656656656656, 66.66666666666667, 66.76676676676676, 66.86686686686687, 66.96696696696696, 67.06706706706707, 67.16716716716716, 67.26726726726727, 67.36736736736736, 67.46746746746747, 67.56756756756756, 67.66766766766767, 67.76776776776777, 67.86786786786787, 67.96796796796797, 68.06806806806807, 68.16816816816817, 68.26826826826827, 68.36836836836838, 68.46846846846847, 68.56856856856858, 68.66866866866867, 68.76876876876878, 68.86886886886887, 68.96896896896898, 69.06906906906907, 69.16916916916918, 69.26926926926927, 69.36936936936938, 69.46946946946947, 69.56956956956958, 69.66966966966967, 69.76976976976978, 69.86986986986987, 69.96996996996998, 70.07007007007007, 70.17017017017018, 70.27027027027027, 70.37037037037038, 70.47047047047047, 70.57057057057058, 70.67067067067067, 70.77077077077078, 70.87087087087087, 70.97097097097098, 71.07107107107107, 71.17117117117118, 71.27127127127127, 71.37137137137138, 71.47147147147147, 71.57157157157158, 71.67167167167167, 71.77177177177178, 71.87187187187187, 71.97197197197198, 72.07207207207207, 72.17217217217218, 72.27227227227228, 72.37237237237238, 72.47247247247248, 72.57257257257258, 72.67267267267268, 72.77277277277278, 72.87287287287288, 72.97297297297298, 73.07307307307308, 73.17317317317318, 73.27327327327328, 73.37337337337338, 73.47347347347348, 73.57357357357358, 73.67367367367368, 73.77377377377378, 73.87387387387388, 73.97397397397398, 74.07407407407408, 74.17417417417418, 74.27427427427428, 74.37437437437438, 74.47447447447448, 74.57457457457458, 74.67467467467468, 74.77477477477478, 74.87487487487488, 74.97497497497498, 75.07507507507508, 75.17517517517518, 75.27527527527528, 75.37537537537538, 75.47547547547548, 75.57557557557558, 75.67567567567568, 75.77577577577578, 75.87587587587588, 75.97597597597598, 76.07607607607608, 76.17617617617618, 76.27627627627628, 76.37637637637638, 76.47647647647648, 76.57657657657658, 76.67667667667668, 76.77677677677679, 76.87687687687688, 76.97697697697699, 77.07707707707708, 77.17717717717719, 77.27727727727728, 77.37737737737739, 77.47747747747748, 77.57757757757759, 77.67767767767768, 77.77777777777779, 77.87787787787788, 77.97797797797799, 78.07807807807808, 78.17817817817819, 78.27827827827828, 78.37837837837839, 78.47847847847848, 78.57857857857859, 78.67867867867868, 78.77877877877879, 78.87887887887888, 78.97897897897899, 79.07907907907908, 79.17917917917919, 79.27927927927928, 79.37937937937939, 79.47947947947948, 79.57957957957959, 79.67967967967968, 79.77977977977979, 79.87987987987988, 79.97997997997999, 80.08008008008008, 80.18018018018019, 80.28028028028028, 80.38038038038039, 80.48048048048048, 80.58058058058059, 80.68068068068068, 80.78078078078079, 80.88088088088088, 80.98098098098099, 81.08108108108108, 81.18118118118119, 81.28128128128128, 81.38138138138139, 81.48148148148148, 81.58158158158159, 81.68168168168168, 81.78178178178179, 81.88188188188188, 81.98198198198199, 82.08208208208208, 82.18218218218219, 82.28228228228228, 82.38238238238239, 82.48248248248248, 82.58258258258259, 82.68268268268268, 82.78278278278279, 82.88288288288288, 82.98298298298299, 83.08308308308308, 83.18318318318319, 83.28328328328328, 83.38338338338339, 83.48348348348348, 83.58358358358359, 83.68368368368368, 83.78378378378379, 83.88388388388388, 83.98398398398399, 84.08408408408408, 84.18418418418419, 84.28428428428428, 84.38438438438439, 84.48448448448448, 84.58458458458459, 84.68468468468468, 84.78478478478479, 84.88488488488488, 84.98498498498499, 85.08508508508508, 85.18518518518519, 85.28528528528528, 85.38538538538539, 85.4854854854855, 85.58558558558559, 85.6856856856857, 85.78578578578579, 85.8858858858859, 85.98598598598599, 86.0860860860861, 86.18618618618619, 86.2862862862863, 86.38638638638639, 86.4864864864865, 86.58658658658659, 86.6866866866867, 86.78678678678679, 86.8868868868869, 86.98698698698699, 87.0870870870871, 87.18718718718719, 87.2872872872873, 87.38738738738739, 87.4874874874875, 87.58758758758759, 87.6876876876877, 87.78778778778779, 87.8878878878879, 87.98798798798799, 88.0880880880881, 88.18818818818819, 88.2882882882883, 88.38838838838839, 88.4884884884885, 88.58858858858859, 88.6886886886887, 88.78878878878879, 88.8888888888889, 88.988988988989, 89.0890890890891, 89.1891891891892, 89.2892892892893, 89.3893893893894, 89.4894894894895, 89.5895895895896, 89.6896896896897, 89.7897897897898, 89.8898898898899, 89.98998998999, 90.0900900900901, 90.1901901901902, 90.2902902902903, 90.3903903903904, 90.4904904904905, 90.5905905905906, 90.6906906906907, 90.7907907907908, 90.8908908908909, 90.990990990991, 91.0910910910911, 91.1911911911912, 91.2912912912913, 91.3913913913914, 91.4914914914915, 91.5915915915916, 91.6916916916917, 91.7917917917918, 91.8918918918919, 91.991991991992, 92.0920920920921, 92.1921921921922, 92.2922922922923, 92.3923923923924, 92.4924924924925, 92.5925925925926, 92.6926926926927, 92.7927927927928, 92.8928928928929, 92.992992992993, 93.0930930930931, 93.1931931931932, 93.2932932932933, 93.3933933933934, 93.4934934934935, 93.5935935935936, 93.6936936936937, 93.7937937937938, 93.8938938938939, 93.993993993994, 94.0940940940941, 94.1941941941942, 94.2942942942943, 94.3943943943944, 94.4944944944945, 94.5945945945946, 94.6946946946947, 94.7947947947948, 94.8948948948949, 94.994994994995, 95.0950950950951, 95.1951951951952, 95.2952952952953, 95.3953953953954, 95.4954954954955, 95.5955955955956, 95.6956956956957, 95.7957957957958, 95.8958958958959, 95.995995995996, 96.0960960960961, 96.1961961961962, 96.2962962962963, 96.3963963963964, 96.4964964964965, 96.5965965965966, 96.6966966966967, 96.7967967967968, 96.8968968968969, 96.996996996997, 97.0970970970971, 97.1971971971972, 97.2972972972973, 97.3973973973974, 97.4974974974975, 97.5975975975976, 97.6976976976977, 97.7977977977978, 97.8978978978979, 97.997997997998, 98.0980980980981, 98.1981981981982, 98.2982982982983, 98.3983983983984, 98.4984984984985, 98.5985985985986, 98.6986986986987, 98.7987987987988, 98.8988988988989, 98.998998998999, 99.0990990990991, 99.1991991991992, 99.2992992992993, 99.3993993993994, 99.4994994994995, 99.5995995995996, 99.6996996996997, 99.7997997997998, 99.8998998998999, 100 ], "xaxis": "x3", "y": [ 0, 0.3781850441051795, 0.7259896275250274, 1.0385467771281938, 1.3125237621305792, 1.546005274954328, 1.7383561205943818, 1.8900692046196692, 2.002604578062646, 2.0782247984915054, 2.11983103176479, 2.1308041256512364, 2.114854052310062, 2.0758805216637786, 2.0178469763310396, 1.9446695290045888, 1.8601218291808173, 1.767756303015743, 1.6708416836122675, 1.5723163445091732, 1.4747565737652577, 1.3803586086603266, 1.2909331500522976, 1.2079105884563675, 1.132355604963155, 1.0649893132874433, 1.0062173905902136, 0.956162536528965, 0.9146999213002046, 0.8814941779180583, 0.8560367891341305, 0.8376828429140107, 0.8256862544066204, 0.8192327478224948, 0.8174700496985348, 0.8195349056619101, 0.8245766574015566, 0.8317772449118945, 0.8403676115781095, 0.8496405958056151, 0.8589604648332066, 0.8677693104277361, 0.8755905789858597, 0.882030069241786, 0.886774697801244, 0.8895893673418649, 0.8903123055062637, 0.888849208083945, 0.8851664998335602, 0.87928398243148, 0.871267182143567, 0.8612195937682271, 0.8492750620480709, 0.8355904548956652, 0.8203387776233201, 0.8037028458122624, 0.785869586160753, 0.7670250282317133, 0.7473500105065279, 0.7270166045372916, 0.706185269455484, 0.6850026663914627, 0.6636001252305206, 0.6420926914611796, 0.6205787063987325, 0.5991398578762231, 0.5778416258470566, 0.5567340492252058, 0.5358527785249595, 0.5152203174084018, 0.49484740897694734, 0.47473452188038967, 0.45487338076120865, 0.43524848408881606, 0.4158385919205039, 0.39661815522858984, 0.3775586243454671, 0.3586296335198427, 0.33980015249123424, 0.3210394281009715, 0.30231779157244226, 0.28360740881392615, 0.2648827443187081, 0.24612102766772062, 0.22730255280673697, 0.2084108602561844, 0.18943282931264727, 0.17035867065351568, 0.15118210282806202, 0.13189974916150807, 0.11251118172044451, 0.09301884808347421, 0.07342759554078837, 0.05374450170249898, 0.033978555690866545, 0.014140373306215906, -0.005758084055182004, -0.02570379603988172, -0.04568293404508236, -0.06568113304583048, -0.08568367992935623, -0.10567573790771032, -0.12564250423221934, -0.14556936298640527, -0.16544202167236494, -0.18524661879339485, -0.20496971144204054, -0.2245985277170009, -0.2441208393801044, -0.2635249957818859, -0.28279998547339247, -0.30193540704486516, -0.3209214506991852, -0.3397488540879986, -0.3584089065060246, -0.37689330534951954, -0.3951942137921798, -0.41330418089053733, -0.4312160537811195, -0.4489229668514308, -0.46641834749024386, -0.4836957519876747, -0.5007488931419728, -0.5175715802729759, -0.5341576933133749, -0.5505011539917837, -0.5665958998175791, -0.5824358626410722, -0.5980149529144124, -0.6133270461359605, -0.628365973887273, -0.6431255266677636, -0.6575994467352381, -0.6717814384732056, -0.6856651686474239, -0.699244288073637, -0.712512422906724, -0.7254631876719927, -0.738090229602203, -0.7503872089834156, -0.7623478319888071, -0.7739658844746233, -0.7852352234559735, -0.7961498039956584, -0.8067036958807626, -0.8168910987211292, -0.8267063548181821, -0.8361439676209595, -0.8451986229279388, -0.8538651727655315, -0.86213870868383, -0.8700145178577957, -0.8774881073736257, -0.8845552235347695, -0.8912118575390955, -0.8974542529310279, -0.9032789182923097, -0.9086826199954299, -0.9136623816448877, -0.9182155267408632, -0.922339653162927, -0.9260326223567313, -0.9292926020216056, -0.9321180466884574, -0.9345076863647614, -0.9364605532418666, -0.9379759719914907, -0.9390535521405663, -0.9396931982188541, -0.9398951072992637, -0.9396597663635571, -0.938987950792329, -0.9378807255246293, -0.9363394466098027, -0.9343657513699676, -0.9319615612337508, -0.9291290906183399, -0.9258708134956326, -0.9221894979188353, -0.9180881872244052, -0.9135701859017666, -0.9086390631153807, -0.9032986662159722, -0.8975531083587472, -0.891406760042819, -0.8848642298615023, -0.8779303837719904, -0.8706103340925382, -0.8629094337365074, -0.8548332545895501, -0.8463875952552847, -0.8375784805662846, -0.828412152201505, -0.8188950579140659, -0.8090338394417865, -0.798835341476234, -0.7883066004245997, -0.7774548356946409, -0.7662874145387499, -0.7548118749202507, -0.7430359168668925, -0.7309673909304445, -0.7186142467654534, -0.7059846755918986, -0.6930868321749372, -0.6799290790663508, -0.6665198738304874, -0.6528677675313289, -0.6389813767185094, -0.6248694040388395, -0.6105406177557043, -0.5960038456420338, -0.5812679734443112, -0.5663419084212898, -0.5512346362489685, -0.5359551022887965, -0.5205123503204665, -0.5049153443414475, -0.48917312852477307, -0.47329468579585227, -0.4572890053659878, -0.4411650627114523, -0.4249317786969013, -0.40859807505694673, -0.39217280872056487, -0.3756647799837648, -0.35908274100480864, -0.34243539492564423, -0.32573133639976276, -0.3089791495009148, -0.292187295920766, -0.2753641741978624, -0.2585181063440945, -0.24165731811972352, -0.2247899380634609, -0.20792400184073645, -0.19106744129330053, -0.17422808132340814, -0.15741363307089906, -0.14063169449469828, -0.1238897712217673, -0.10719521932614111, -0.09055527889529098, -0.0739770967588709, -0.05746767376468638, -0.04103387876340643, -0.024682466611243056, -0.008420072709886789, 0.007746818652277518, 0.02381184711112746, 0.03976876926968389, 0.05561149364962668, 0.07133405869581023, 0.08693062633717973, 0.10239550221287513, 0.11772313030180935, 0.13290807755394793, 0.1479450429203197, 0.16282888346539887, 0.17755458615747255, 0.19211727754506863, 0.2065121568464752, 0.22073463655503436, 0.234780240183695, 0.24864462791958877, 0.2623235671720582, 0.2758129466741479, 0.28910883201211335, 0.30220740122649803, 0.31510496399705984, 0.3277979081004506, 0.34028280890590573, 0.35255634814890835, 0.3646153330637627, 0.3764566842585945, 0.3880774403117182, 0.39947477856736374, 0.4106459892390328, 0.42158848203234633, 0.4322997655237482, 0.4427774867424813, 0.45301940035826566, 0.46302337487727147, 0.47278738394147085, 0.4823095086973285, 0.49158795092091506, 0.5006210152719716, 0.5094071130335881, 0.5179447453909841, 0.5262325340106666, 0.5342691963371722, 0.5420535499269489, 0.5495845086588097, 0.556861082462874, 0.5638823805550047, 0.57064760465318, 0.5771560491614102, 0.5834071024953151, 0.5894002399508765, 0.5951350264526775, 0.6006111141176611, 0.6058282435448047, 0.6107862411852387, 0.6154850128511274, 0.6199245482127602, 0.6241049176586306, 0.6280262779568611, 0.6316888564344978, 0.6350929602414882, 0.6382389724629594, 0.6411273536660034, 0.6437586393122506, 0.6461334330317535, 0.648252411625398, 0.6501163219213704, 0.6517259884581326, 0.6530822938591946, 0.6541861910812765, 0.6550386989668421, 0.6556409054068959, 0.6559939642336037, 0.6560990857845179, 0.6559575453263066, 0.6555706790828203, 0.654939894856072, 0.654066646853638, 0.6529524522744469, 0.6515988860412127, 0.6500075841734329, 0.6481802408546876, 0.6461185990527968, 0.643824459259749, 0.6412996756639116, 0.6385461653688042, 0.6355658866736851, 0.6323608534316465, 0.6289331305447637, 0.625284836892342, 0.621418142853175, 0.6173352622443021, 0.6130384598882084, 0.6085300483476473, 0.6038123963591234, 0.598887909219446, 0.5937590418633925, 0.5884282948648332, 0.5828982170757232, 0.5771714035022978, 0.5712504882106052, 0.5651381510887925, 0.5588371150115229, 0.5523501524918345, 0.5456800701690505, 0.5388297191189219, 0.5318019916878064, 0.524599823162974, 0.517226190258094, 0.5096841062320997, 0.5019766253555099, 0.49410684090662027, 0.4860778886377144, 0.47789293812951666, 0.46955519825008185, 0.46106791525980884, 0.45243437350649623, 0.44365789420856566, 0.4347418328793779, 0.42568958152929914, 0.4165045673714503, 0.4071902525522913, 0.39775013382519236, 0.3881877412398407, 0.37850663851056676, 0.36871042232875206, 0.35880272192840595, 0.3487871986998208, 0.3386675455492159, 0.3284474866088754, 0.31813077674343604, 0.3077212008371555, 0.29722256549268017, 0.2866387166087011, 0.27597352480570964, 0.26523088866844513, 0.25441473425404926, 0.24352900331989724, 0.23257767557677886, 0.22156475350390561, 0.2104942634193211, 0.1993702558149947, 0.18819679283939, 0.17697796792939188, 0.16571789835628817, 0.15442071959932308, 0.1430905874221692, 0.13173166523959182, 0.12034813786950141, 0.10894421685466298, 0.09752412477547762, 0.0860920998420521, 0.07465238761941576, 0.06320924092449859, 0.05176693765319181, 0.04032976074573351, 0.028902001206078158, 0.017487949768540515, 0.006091915048483679, -0.00528179264598857, -0.01662885841699479, -0.027944976891260246, -0.03922582852564512, -0.050467096726376996, -0.06166446667604805, -0.07281363554657637, -0.08391030198573676, -0.09495016571630246, -0.10592893706402225, -0.1168423399919152, -0.12768611499053684, -0.13845600505977262, -0.14914777187250955, -0.15975719475363576, -0.17028008423837973, -0.18071225490600007, -0.19104954919849612, -0.20128783335010372, -0.2114230151209309, -0.22145101650063592, -0.23136779201029306, -0.24116932993883086, -0.2508516616275184, -0.26041085425878546, -0.2698430079176316, -0.27914426749903326, -0.2883108243745099, -0.29733892095349723, -0.30622483962653485, -0.3149649166400974, -0.32355554146266285, -0.3319931653553372, -0.3402742891307145, -0.34839547621595396, -0.35635335206618624, -0.3641446105702159, -0.37176600911021757, -0.37921437420607335, -0.38648660427726406, -0.39357967308391056, -0.4004906305802743, -0.4072166034764869, -0.4137548000109671, -0.42010251088852485, -0.4262571107131917, -0.4322160634863234, -0.43797692211550016, -0.44353733110950605, -0.4488950194054422, -0.4540478225790532, -0.4589936702053184, -0.4637305917867197, -0.46825670642217126, -0.4725702447221043, -0.47666954376197734, -0.48055304534029547, -0.4842192903152477, -0.48766692609686074, -0.4908947233826871, -0.49390156002103497, -0.4966864229255689, -0.49924839670237914, -0.5015867062039274, -0.5037006843110271, -0.5055897824647547, -0.5072535380753451, -0.5086916449825519, -0.5099039042929077, -0.5108902382266884, -0.5116506649641049, -0.512185337943891, -0.5124945390065772, -0.5125786660289583, -0.5124382226975931, -0.5120738236089281, -0.51148623089211, -0.5106763160722396, -0.5096450646751521, -0.5083935494734291, -0.5069230046404382, -0.5052347664989485, -0.5033302890473794, -0.5012110990576226, -0.4988788829436439, -0.49633542764197963, -0.4935826311186892, -0.4906224745773394, -0.48745705908217185, -0.4840886051079937, -0.48051943069613223, -0.4767519432620093, -0.4727886368045523, -0.4686321346892127, -0.46428514507712093, -0.4597504670144469, -0.45503096038242175, -0.45012961515560046, -0.4450494943270611, -0.4397937464504326, -0.43436557167326695, -0.4287682792973495, -0.4230052495907635, -0.4170799350940123, -0.4109958437712754, -0.4047565556608279, -0.39836572665380465, -0.3918270694329851, -0.385144350028126, -0.3783213813869919, -0.371362046642417, -0.36427027261268474, -0.35705003247776873, -0.34970533086858674, -0.34224022910868274, -0.33465882097668664, -0.32696523533263416, -0.3191636268928487, -0.3112581844527514, -0.3032531221327152, -0.2951526761531089, -0.2869611021746544, -0.2786826726847102, -0.2703216743248564, -0.26188240444825744, -0.2533691698902422, -0.2447862858691058, -0.23613806505846344, -0.22742882166300848, -0.2186628671919486, -0.2098445186702549, -0.20097807166949763, -0.19206781554421562, -0.18311802605163247, -0.17413297599410513, -0.16511691044223253, -0.1560740533056887, -0.1470086075605521, -0.1379247603266721, -0.12882667359599237, -0.11971846958438268, -0.11060424418075943, -0.10148806462303905, -0.09237397702078462, -0.08326597056492911, -0.07416800344746291, -0.06508399350051075, -0.05601784111215217, -0.04697337529866332, -0.037954389874447464, -0.028964631900794346, -0.020007818461932315, -0.01108760646191205, -0.002207598929676549, 0.0066286491505619565, 0.015417625259010076, 0.024155865458845054, 0.03283997582101658, 0.04146661140640831, 0.05003247994210239, 0.058534329489799634, 0.06696898938187394, 0.07533333920223956, 0.08362431846969222, 0.09183890389384278, 0.09997415782223244, 0.10802719593659109, 0.11599519551368924, 0.12387538221556604, 0.13166505087820096, 0.13936156424268925, 0.14696234473156106, 0.15446486895876332, 0.1618666715457134, 0.16916536870819412, 0.17635863317107991, 0.18344420248670953, 0.19041986450607132, 0.19728346917726475, 0.20403295029413906, 0.21066629712762314, 0.21718156394334184, 0.22357685225252047, 0.22985033066485544, 0.23600024772784176, 0.24202490748253747, 0.2479226780363698, 0.2536919747398278, 0.25933128308515957, 0.2648391608595245, 0.2702142224692753, 0.27545514488068373, 0.2805606541286709, 0.28552954623753546, 0.29036068250039626, 0.2950529817136973, 0.29960542350686314, 0.30401703636550914, 0.30828691800459923, 0.31241422649725015, 0.3163981768552732, 0.3202380429212435, 0.3239331456517194, 0.3274828745213584, 0.33088667504085273, 0.3341440482413315, 0.33725455166422164, 0.34021778879890796, 0.3430334293990987, 0.3457011953445846, 0.34822086229477645, 0.35059225988924947, 0.3528152623416239, 0.3548898072371668, 0.3568158807659174, 0.3585935207736671, 0.3602228162382241, 0.3617039029884476, 0.36303697196239504, 0.3642222619708323, 0.3652600609943117, 0.3661507054709021, 0.3668945777687758, 0.3674921108196694, 0.36794378353923896, 0.3682501214211159, 0.36841169571492666, 0.3684291215048034, 0.36830306127321594, 0.36803422102989597, 0.36762335071488655, 0.367071243458627, 0.3663787345508509, 0.36554670275033574, 0.36457606819104743, 0.3634677923022668, 0.36222287738653897, 0.3608423662011825, 0.35932734093981544, 0.35767892317830097, 0.3558982732287357, 0.3539865899469397, 0.3519451102919758, 0.34977510767343034, 0.34747789257747264, 0.3450548117251845, 0.34250724778861047, 0.33983661880555976, 0.3370443771538031, 0.3341320096265917, 0.33110103675007635, 0.3279530122495872, 0.3246895225656743, 0.32131218638752856, 0.31782265409398586, 0.3142226072647144, 0.3105137579843976, 0.3066978485441739, 0.30277665106268054, 0.2987519667233789, 0.2946256253544457, 0.2903994845253989, 0.2860754296315037, 0.2816553733679858, 0.2771412548666741, 0.272535039331049, 0.26783871750334926, 0.26305430287321313, 0.25818383640050485, 0.25322938186504973, 0.24819302645749514, 0.2430768802607287, 0.23788307435572145, 0.2326137601015375, 0.22727111368336092, 0.22185733031447302, 0.21637462529012333, 0.21082523345302923, 0.20521140520411554, 0.19953541195625066, 0.1937995436015833, 0.18800610632696957, 0.1821574229423098, 0.17625583164787692, 0.17030367746237077, 0.16430333208979916, 0.15825717665428277, 0.15216760566770499, 0.14603702644186625, 0.13986785397372412, 0.13366251269660714, 0.12742344576699258, 0.12115310245996895, 0.11485394133290706, 0.1085284295954911, 0.1021790334156111, 0.09580823472266395, 0.08941852141997761, 0.0830123855188972, 0.07659232394854065, 0.07016083608455205, 0.0637204146499667, 0.057273570144975076, 0.05082280872328466, 0.04437063743891065, 0.03791956352564794, 0.03147208665657621, 0.025030705134824312, 0.018597923042449456, 0.012176236753330348, 0.005768138470493578, -0.0006238845485713198, -0.006997364445300975, -0.013349825079126987, -0.01967880150815564, -0.02598183876553017, -0.03225649149154812, -0.038500327657821125, -0.04471093534136403, -0.05088590040278312, -0.057022828262248304, -0.06311933880941095, -0.06917306728625762, -0.07518167288613967, -0.08114282935461468, -0.0870542233129733, -0.09291356436976475, -0.09871858260109417, -0.10446702948394665, -0.11015668869000855, -0.11578535520516062, -0.12135085271150052, -0.12685103073454082, -0.13228376537876924, -0.13764696156166878, -0.14293855484767687, -0.14815650622039483, -0.1532988091179148, -0.15836348863440713, -0.16334860250630795, -0.16825224215455048, -0.17307253358100333, -0.17780763837032645, -0.18245575471614878, -0.1870151183897506, -0.19148400355786618, -0.19586071916331996, -0.20014362089319962, -0.20433110336319982, -0.20842160346085783, -0.21241360131418277, -0.21630561706216675, -0.22009621248639685, -0.2237840045489128, -0.22736765252827257, -0.23084586318153713, -0.23421739166868802, -0.2374810312409694, -0.2406356322137312, -0.24368009680558264, -0.24661337579068174, -0.2494344701067012, -0.25214242531853504, -0.25473634972842923, -0.25721540108273705, -0.25957879104238635, -0.2618257776172766, -0.2639556751557182, -0.26596785912165566, -0.26786175723945876, -0.2696368529121574, -0.2712926701957566, -0.27282880845031077, -0.27424491707719983, -0.27554070264833924, -0.27671592298085274, -0.27777038969340356, -0.27870398249572953, -0.2795166342468056, -0.2802083359043955, -0.2807791190973014, -0.28122909032036053, -0.2815584104991459, -0.28176729699811076, -0.28185601934001203, -0.2818248924157346, -0.28167430789543785, -0.28140470639792636, -0.2810165852675645, -0.2805104821918369, -0.2798870007324366, -0.27914680321565083, -0.2782906031931394, -0.27731916609037394, -0.27623329426395554, -0.27503386564378046, -0.27372180229026455, -0.27229807832983854, -0.27076370889023826, -0.2691197609193409, -0.26736735985391225, -0.26550767556334987, -0.2635419261411915, -0.26147135838766167, -0.2592972879708611, -0.2570210682498641, -0.25464409749164685, -0.25216781111357656, -0.24959368238258628, -0.2469232391382766, -0.24415804449982162, -0.24129970157030897, -0.23834983322233763, -0.2353101196177219, -0.23218227390049803, -0.22896804277470797, -0.22566920746715788, -0.2222875659347902, -0.2188249609004563, -0.2152832681177742, -0.21166438921499184, -0.20797025425095553, -0.2042028091028428, -0.2003640302536447, -0.1964559252267929, -0.1924805204016532, -0.1884398641490312, -0.18433601992308932, -0.18017107014272743, -0.17594712211585167, -0.17166629646457132, -0.16733072934121257, -0.1629425691698611, -0.158503975650325, -0.15401712458215247, -0.1494842002431631, -0.14490739609170603, -0.14028891330699744, -0.13563095926682645, -0.13093574771910502, -0.12620549627916905, -0.12144242556480514, -0.11664875849934278, -0.11182672137069051, -0.10697853594396163, -0.10210642382316522, -0.09721260371657973, -0.09229929067214472, -0.08736870256197049, -0.08242304067047586, -0.07746450288264996, -0.0724952786989021, -0.06751754807159424, -0.06253349298928196, -0.05754526936164378, -0.05255502528734983, -0.04756489589639907, -0.04257700184458822, -0.03759346160076637, -0.03261636493927929, -0.02764778588248742, -0.022689782338520238, -0.01774439336170818, -0.01281365069882765, -0.007899557479764594, -0.0030040925680912315, 0.001870783721632865, 0.006723133750437368, 0.011551032506072567, 0.016352581994573536, 0.02112591680985095, 0.02586919196369736, 0.030580588396186638, 0.03525830486642304, 0.03990056468477026, 0.0445056313814473, 0.04907179033098325, 0.05359735552034306, 0.05808066363076315, 0.06252007313935852, 0.06691398918895149, 0.0712608399227699, 0.07555908423542436, 0.07980720805264623, 0.08400371659105516, 0.08814716665362428, 0.0922361390575936, 0.09626924700442005, 0.10024513434401476, 0.10416246223255422, 0.10801994680297236, 0.11181632909118708, 0.11555038368509235, 0.11922091865377325, 0.12282675793644043, 0.12636678248418542, 0.12983989888393524, 0.1332450480156212, 0.1365812053405573, 0.13984736514959784, 0.14304257377450807, 0.14616590761154588, 0.14921647674225316, 0.15219342609402317, 0.155095923364597, 0.15792318154775936, 0.16067444841499537, 0.16334900437155309, 0.16594616459774159, 0.16846527013225096, 0.1709057016203068, 0.17326687770746518, 0.17554824866693508, 0.1777492991863315, 0.17986954205089153, 0.1819085250329214, 0.1838658357671754, 0.18574109255795937, 0.1875339475154211, 0.18924408224847952, 0.19087120968212376, 0.19241508337822436, 0.1938754865965232, 0.19525223557587928, 0.19654517675835825, 0.1977541849600047, 0.19887917554365606, 0.1999200925596746, 0.20087691201935687, 0.20174964030579562, 0.20253830994142516, 0.20324299300006668, 0.2038637892813214, 0.20440082937505513, 0.20485427376983928, 0.20522430629577837, 0.20551115086165156, 0.2057150572735979, 0.20583630487956608, 0.20587520236943438, 0.2058320839628429, 0.20570731065201206, 0.20550127889106867, 0.20521440998396426, 0.20484715310462448, 0.20439998506280666, 0.20387340281323543, 0.2032679362648944, 0.20258414284313905, 0.20182260455600143, 0.20098392937627474, 0.20006875054455914, 0.19907771984450634, 0.19801152340481026, 0.1968708683561098, 0.19565648608999198, 0.1943691319629094, 0.19300958300725485, 0.1915786378102143, 0.1900771225313171, 0.18850588374969596, 0.18686579024043595, 0.18515773265751861, 0.18338261932362257, 0.1815413825216684, 0.17963497627194383, 0.17766437386600095, 0.17563056860359796, 0.17353457328900673, 0.17137741426681388, 0.1691601443977809, 0.1668838320698861, 0.1645495637128041, 0.16215844343967947, 0.1597115909756412, 0.15721014080439896, 0.15465524870293, 0.15204808433260822, 0.14938983297017888, 0.1466816951293389, 0.1439248828678927, 0.14112062466809164, 0.13827016427218128, 0.13537475781294328, 0.13243567450897595, 0.1294541962675857, 0.1264316120968358, 0.123369229472977, 0.12026836467066193, 0.11713034483031949, 0.11395650754364466, 0.11074819906654922, 0.10750677286975177 ], "yaxis": "y3" }, { "line": { "color": "blue" }, "showlegend": false, "type": "scatter", "x": [ 0, 0.1001001001001001, 0.2002002002002002, 0.3003003003003003, 0.4004004004004004, 0.5005005005005005, 0.6006006006006006, 0.7007007007007008, 0.8008008008008008, 0.9009009009009009, 1.001001001001001, 1.1011011011011012, 1.2012012012012012, 1.3013013013013013, 1.4014014014014016, 1.5015015015015016, 1.6016016016016017, 1.7017017017017018, 1.8018018018018018, 1.9019019019019021, 2.002002002002002, 2.1021021021021022, 2.2022022022022023, 2.3023023023023024, 2.4024024024024024, 2.5025025025025025, 2.6026026026026026, 2.702702702702703, 2.802802802802803, 2.902902902902903, 3.0030030030030033, 3.1031031031031033, 3.2032032032032034, 3.3033033033033035, 3.4034034034034035, 3.5035035035035036, 3.6036036036036037, 3.7037037037037037, 3.8038038038038042, 3.9039039039039043, 4.004004004004004, 4.104104104104104, 4.2042042042042045, 4.3043043043043046, 4.404404404404405, 4.504504504504505, 4.604604604604605, 4.704704704704705, 4.804804804804805, 4.904904904904905, 5.005005005005005, 5.105105105105105, 5.205205205205205, 5.305305305305305, 5.405405405405406, 5.505505505505506, 5.605605605605606, 5.705705705705706, 5.805805805805806, 5.9059059059059065, 6.0060060060060065, 6.106106106106107, 6.206206206206207, 6.306306306306307, 6.406406406406407, 6.506506506506507, 6.606606606606607, 6.706706706706707, 6.806806806806807, 6.906906906906907, 7.007007007007007, 7.107107107107107, 7.207207207207207, 7.307307307307307, 7.407407407407407, 7.507507507507508, 7.6076076076076085, 7.7077077077077085, 7.807807807807809, 7.907907907907909, 8.008008008008009, 8.108108108108109, 8.208208208208209, 8.308308308308309, 8.408408408408409, 8.508508508508509, 8.608608608608609, 8.70870870870871, 8.80880880880881, 8.90890890890891, 9.00900900900901, 9.10910910910911, 9.20920920920921, 9.30930930930931, 9.40940940940941, 9.50950950950951, 9.60960960960961, 9.70970970970971, 9.80980980980981, 9.90990990990991, 10.01001001001001, 10.11011011011011, 10.21021021021021, 10.31031031031031, 10.41041041041041, 10.51051051051051, 10.61061061061061, 10.710710710710712, 10.810810810810812, 10.910910910910912, 11.011011011011012, 11.111111111111112, 11.211211211211213, 11.311311311311313, 11.411411411411413, 11.511511511511513, 11.611611611611613, 11.711711711711713, 11.811811811811813, 11.911911911911913, 12.012012012012013, 12.112112112112113, 12.212212212212213, 12.312312312312313, 12.412412412412413, 12.512512512512513, 12.612612612612613, 12.712712712712714, 12.812812812812814, 12.912912912912914, 13.013013013013014, 13.113113113113114, 13.213213213213214, 13.313313313313314, 13.413413413413414, 13.513513513513514, 13.613613613613614, 13.713713713713714, 13.813813813813814, 13.913913913913914, 14.014014014014014, 14.114114114114114, 14.214214214214214, 14.314314314314315, 14.414414414414415, 14.514514514514515, 14.614614614614615, 14.714714714714715, 14.814814814814815, 14.914914914914915, 15.015015015015017, 15.115115115115117, 15.215215215215217, 15.315315315315317, 15.415415415415417, 15.515515515515517, 15.615615615615617, 15.715715715715717, 15.815815815815817, 15.915915915915917, 16.016016016016017, 16.116116116116117, 16.216216216216218, 16.316316316316318, 16.416416416416418, 16.516516516516518, 16.616616616616618, 16.716716716716718, 16.816816816816818, 16.916916916916918, 17.017017017017018, 17.117117117117118, 17.217217217217218, 17.31731731731732, 17.41741741741742, 17.51751751751752, 17.61761761761762, 17.71771771771772, 17.81781781781782, 17.91791791791792, 18.01801801801802, 18.11811811811812, 18.21821821821822, 18.31831831831832, 18.41841841841842, 18.51851851851852, 18.61861861861862, 18.71871871871872, 18.81881881881882, 18.91891891891892, 19.01901901901902, 19.11911911911912, 19.21921921921922, 19.31931931931932, 19.41941941941942, 19.51951951951952, 19.61961961961962, 19.71971971971972, 19.81981981981982, 19.91991991991992, 20.02002002002002, 20.12012012012012, 20.22022022022022, 20.32032032032032, 20.42042042042042, 20.52052052052052, 20.62062062062062, 20.72072072072072, 20.82082082082082, 20.92092092092092, 21.02102102102102, 21.12112112112112, 21.22122122122122, 21.32132132132132, 21.421421421421424, 21.521521521521525, 21.621621621621625, 21.721721721721725, 21.821821821821825, 21.921921921921925, 22.022022022022025, 22.122122122122125, 22.222222222222225, 22.322322322322325, 22.422422422422425, 22.522522522522525, 22.622622622622625, 22.722722722722725, 22.822822822822825, 22.922922922922925, 23.023023023023026, 23.123123123123126, 23.223223223223226, 23.323323323323326, 23.423423423423426, 23.523523523523526, 23.623623623623626, 23.723723723723726, 23.823823823823826, 23.923923923923926, 24.024024024024026, 24.124124124124126, 24.224224224224226, 24.324324324324326, 24.424424424424426, 24.524524524524526, 24.624624624624627, 24.724724724724727, 24.824824824824827, 24.924924924924927, 25.025025025025027, 25.125125125125127, 25.225225225225227, 25.325325325325327, 25.425425425425427, 25.525525525525527, 25.625625625625627, 25.725725725725727, 25.825825825825827, 25.925925925925927, 26.026026026026027, 26.126126126126128, 26.226226226226228, 26.326326326326328, 26.426426426426428, 26.526526526526528, 26.626626626626628, 26.726726726726728, 26.826826826826828, 26.926926926926928, 27.027027027027028, 27.127127127127128, 27.227227227227228, 27.32732732732733, 27.42742742742743, 27.52752752752753, 27.62762762762763, 27.72772772772773, 27.82782782782783, 27.92792792792793, 28.02802802802803, 28.12812812812813, 28.22822822822823, 28.32832832832833, 28.42842842842843, 28.52852852852853, 28.62862862862863, 28.72872872872873, 28.82882882882883, 28.92892892892893, 29.02902902902903, 29.12912912912913, 29.22922922922923, 29.32932932932933, 29.42942942942943, 29.52952952952953, 29.62962962962963, 29.72972972972973, 29.82982982982983, 29.929929929929934, 30.030030030030034, 30.130130130130134, 30.230230230230234, 30.330330330330334, 30.430430430430434, 30.530530530530534, 30.630630630630634, 30.730730730730734, 30.830830830830834, 30.930930930930934, 31.031031031031034, 31.131131131131134, 31.231231231231234, 31.331331331331334, 31.431431431431434, 31.531531531531535, 31.631631631631635, 31.731731731731735, 31.831831831831835, 31.931931931931935, 32.032032032032035, 32.132132132132135, 32.232232232232235, 32.332332332332335, 32.432432432432435, 32.532532532532535, 32.632632632632635, 32.732732732732735, 32.832832832832835, 32.932932932932935, 33.033033033033036, 33.133133133133136, 33.233233233233236, 33.333333333333336, 33.433433433433436, 33.533533533533536, 33.633633633633636, 33.733733733733736, 33.833833833833836, 33.933933933933936, 34.034034034034036, 34.134134134134136, 34.234234234234236, 34.334334334334336, 34.434434434434436, 34.53453453453454, 34.63463463463464, 34.73473473473474, 34.83483483483484, 34.93493493493494, 35.03503503503504, 35.13513513513514, 35.23523523523524, 35.33533533533534, 35.43543543543544, 35.53553553553554, 35.63563563563564, 35.73573573573574, 35.83583583583584, 35.93593593593594, 36.03603603603604, 36.13613613613614, 36.23623623623624, 36.33633633633634, 36.43643643643644, 36.53653653653654, 36.63663663663664, 36.73673673673674, 36.83683683683684, 36.93693693693694, 37.03703703703704, 37.13713713713714, 37.23723723723724, 37.33733733733734, 37.43743743743744, 37.53753753753754, 37.63763763763764, 37.73773773773774, 37.83783783783784, 37.93793793793794, 38.03803803803804, 38.13813813813814, 38.23823823823824, 38.33833833833834, 38.43843843843844, 38.53853853853854, 38.63863863863864, 38.73873873873874, 38.83883883883884, 38.93893893893894, 39.03903903903904, 39.13913913913914, 39.23923923923924, 39.33933933933934, 39.43943943943944, 39.53953953953954, 39.63963963963964, 39.73973973973974, 39.83983983983984, 39.93993993993994, 40.04004004004004, 40.14014014014014, 40.24024024024024, 40.34034034034034, 40.44044044044044, 40.54054054054054, 40.64064064064064, 40.74074074074074, 40.84084084084084, 40.94094094094094, 41.04104104104104, 41.14114114114114, 41.24124124124124, 41.34134134134134, 41.44144144144144, 41.54154154154154, 41.64164164164164, 41.74174174174174, 41.84184184184184, 41.94194194194194, 42.04204204204204, 42.14214214214214, 42.24224224224224, 42.34234234234234, 42.44244244244244, 42.54254254254254, 42.64264264264264, 42.74274274274275, 42.84284284284285, 42.94294294294295, 43.04304304304305, 43.14314314314315, 43.24324324324325, 43.34334334334335, 43.44344344344345, 43.54354354354355, 43.64364364364365, 43.74374374374375, 43.84384384384385, 43.94394394394395, 44.04404404404405, 44.14414414414415, 44.24424424424425, 44.34434434434435, 44.44444444444445, 44.54454454454455, 44.64464464464465, 44.74474474474475, 44.84484484484485, 44.94494494494495, 45.04504504504505, 45.14514514514515, 45.24524524524525, 45.34534534534535, 45.44544544544545, 45.54554554554555, 45.64564564564565, 45.74574574574575, 45.84584584584585, 45.94594594594595, 46.04604604604605, 46.14614614614615, 46.24624624624625, 46.34634634634635, 46.44644644644645, 46.54654654654655, 46.64664664664665, 46.74674674674675, 46.84684684684685, 46.94694694694695, 47.04704704704705, 47.14714714714715, 47.24724724724725, 47.34734734734735, 47.44744744744745, 47.54754754754755, 47.64764764764765, 47.74774774774775, 47.84784784784785, 47.94794794794795, 48.04804804804805, 48.14814814814815, 48.24824824824825, 48.34834834834835, 48.44844844844845, 48.54854854854855, 48.64864864864865, 48.74874874874875, 48.84884884884885, 48.94894894894895, 49.04904904904905, 49.14914914914915, 49.24924924924925, 49.34934934934935, 49.44944944944945, 49.54954954954955, 49.64964964964965, 49.74974974974975, 49.84984984984985, 49.94994994994995, 50.050050050050054, 50.150150150150154, 50.250250250250254, 50.350350350350354, 50.450450450450454, 50.550550550550554, 50.650650650650654, 50.750750750750754, 50.850850850850854, 50.950950950950954, 51.051051051051054, 51.151151151151154, 51.251251251251254, 51.351351351351354, 51.451451451451454, 51.551551551551555, 51.651651651651655, 51.751751751751755, 51.851851851851855, 51.951951951951955, 52.052052052052055, 52.152152152152155, 52.252252252252255, 52.352352352352355, 52.452452452452455, 52.552552552552555, 52.652652652652655, 52.752752752752755, 52.852852852852855, 52.952952952952955, 53.053053053053056, 53.153153153153156, 53.253253253253256, 53.353353353353356, 53.453453453453456, 53.553553553553556, 53.653653653653656, 53.753753753753756, 53.853853853853856, 53.953953953953956, 54.054054054054056, 54.154154154154156, 54.254254254254256, 54.354354354354356, 54.454454454454456, 54.55455455455456, 54.65465465465466, 54.75475475475476, 54.85485485485486, 54.95495495495496, 55.05505505505506, 55.15515515515516, 55.25525525525526, 55.35535535535536, 55.45545545545546, 55.55555555555556, 55.65565565565566, 55.75575575575576, 55.85585585585586, 55.95595595595596, 56.05605605605606, 56.15615615615616, 56.25625625625626, 56.35635635635636, 56.45645645645646, 56.55655655655656, 56.65665665665666, 56.75675675675676, 56.85685685685686, 56.95695695695696, 57.05705705705706, 57.15715715715716, 57.25725725725726, 57.35735735735736, 57.45745745745746, 57.55755755755756, 57.65765765765766, 57.75775775775776, 57.85785785785786, 57.95795795795796, 58.05805805805806, 58.15815815815816, 58.25825825825826, 58.35835835835836, 58.45845845845846, 58.55855855855856, 58.65865865865866, 58.75875875875876, 58.85885885885886, 58.95895895895896, 59.05905905905906, 59.15915915915916, 59.25925925925926, 59.35935935935936, 59.45945945945946, 59.55955955955956, 59.65965965965966, 59.75975975975976, 59.85985985985987, 59.95995995995997, 60.06006006006007, 60.16016016016017, 60.26026026026027, 60.36036036036037, 60.46046046046047, 60.56056056056057, 60.66066066066067, 60.76076076076077, 60.86086086086087, 60.96096096096097, 61.06106106106107, 61.16116116116117, 61.26126126126127, 61.36136136136137, 61.46146146146147, 61.56156156156157, 61.66166166166167, 61.76176176176177, 61.86186186186187, 61.96196196196197, 62.06206206206207, 62.16216216216217, 62.26226226226227, 62.36236236236237, 62.46246246246247, 62.56256256256257, 62.66266266266267, 62.76276276276277, 62.86286286286287, 62.96296296296297, 63.06306306306307, 63.16316316316317, 63.26326326326327, 63.36336336336337, 63.46346346346347, 63.56356356356357, 63.66366366366367, 63.76376376376377, 63.86386386386387, 63.96396396396397, 64.06406406406407, 64.16416416416416, 64.26426426426427, 64.36436436436436, 64.46446446446447, 64.56456456456456, 64.66466466466467, 64.76476476476476, 64.86486486486487, 64.96496496496496, 65.06506506506507, 65.16516516516516, 65.26526526526527, 65.36536536536536, 65.46546546546547, 65.56556556556556, 65.66566566566567, 65.76576576576576, 65.86586586586587, 65.96596596596596, 66.06606606606607, 66.16616616616616, 66.26626626626627, 66.36636636636636, 66.46646646646647, 66.56656656656656, 66.66666666666667, 66.76676676676676, 66.86686686686687, 66.96696696696696, 67.06706706706707, 67.16716716716716, 67.26726726726727, 67.36736736736736, 67.46746746746747, 67.56756756756756, 67.66766766766767, 67.76776776776777, 67.86786786786787, 67.96796796796797, 68.06806806806807, 68.16816816816817, 68.26826826826827, 68.36836836836838, 68.46846846846847, 68.56856856856858, 68.66866866866867, 68.76876876876878, 68.86886886886887, 68.96896896896898, 69.06906906906907, 69.16916916916918, 69.26926926926927, 69.36936936936938, 69.46946946946947, 69.56956956956958, 69.66966966966967, 69.76976976976978, 69.86986986986987, 69.96996996996998, 70.07007007007007, 70.17017017017018, 70.27027027027027, 70.37037037037038, 70.47047047047047, 70.57057057057058, 70.67067067067067, 70.77077077077078, 70.87087087087087, 70.97097097097098, 71.07107107107107, 71.17117117117118, 71.27127127127127, 71.37137137137138, 71.47147147147147, 71.57157157157158, 71.67167167167167, 71.77177177177178, 71.87187187187187, 71.97197197197198, 72.07207207207207, 72.17217217217218, 72.27227227227228, 72.37237237237238, 72.47247247247248, 72.57257257257258, 72.67267267267268, 72.77277277277278, 72.87287287287288, 72.97297297297298, 73.07307307307308, 73.17317317317318, 73.27327327327328, 73.37337337337338, 73.47347347347348, 73.57357357357358, 73.67367367367368, 73.77377377377378, 73.87387387387388, 73.97397397397398, 74.07407407407408, 74.17417417417418, 74.27427427427428, 74.37437437437438, 74.47447447447448, 74.57457457457458, 74.67467467467468, 74.77477477477478, 74.87487487487488, 74.97497497497498, 75.07507507507508, 75.17517517517518, 75.27527527527528, 75.37537537537538, 75.47547547547548, 75.57557557557558, 75.67567567567568, 75.77577577577578, 75.87587587587588, 75.97597597597598, 76.07607607607608, 76.17617617617618, 76.27627627627628, 76.37637637637638, 76.47647647647648, 76.57657657657658, 76.67667667667668, 76.77677677677679, 76.87687687687688, 76.97697697697699, 77.07707707707708, 77.17717717717719, 77.27727727727728, 77.37737737737739, 77.47747747747748, 77.57757757757759, 77.67767767767768, 77.77777777777779, 77.87787787787788, 77.97797797797799, 78.07807807807808, 78.17817817817819, 78.27827827827828, 78.37837837837839, 78.47847847847848, 78.57857857857859, 78.67867867867868, 78.77877877877879, 78.87887887887888, 78.97897897897899, 79.07907907907908, 79.17917917917919, 79.27927927927928, 79.37937937937939, 79.47947947947948, 79.57957957957959, 79.67967967967968, 79.77977977977979, 79.87987987987988, 79.97997997997999, 80.08008008008008, 80.18018018018019, 80.28028028028028, 80.38038038038039, 80.48048048048048, 80.58058058058059, 80.68068068068068, 80.78078078078079, 80.88088088088088, 80.98098098098099, 81.08108108108108, 81.18118118118119, 81.28128128128128, 81.38138138138139, 81.48148148148148, 81.58158158158159, 81.68168168168168, 81.78178178178179, 81.88188188188188, 81.98198198198199, 82.08208208208208, 82.18218218218219, 82.28228228228228, 82.38238238238239, 82.48248248248248, 82.58258258258259, 82.68268268268268, 82.78278278278279, 82.88288288288288, 82.98298298298299, 83.08308308308308, 83.18318318318319, 83.28328328328328, 83.38338338338339, 83.48348348348348, 83.58358358358359, 83.68368368368368, 83.78378378378379, 83.88388388388388, 83.98398398398399, 84.08408408408408, 84.18418418418419, 84.28428428428428, 84.38438438438439, 84.48448448448448, 84.58458458458459, 84.68468468468468, 84.78478478478479, 84.88488488488488, 84.98498498498499, 85.08508508508508, 85.18518518518519, 85.28528528528528, 85.38538538538539, 85.4854854854855, 85.58558558558559, 85.6856856856857, 85.78578578578579, 85.8858858858859, 85.98598598598599, 86.0860860860861, 86.18618618618619, 86.2862862862863, 86.38638638638639, 86.4864864864865, 86.58658658658659, 86.6866866866867, 86.78678678678679, 86.8868868868869, 86.98698698698699, 87.0870870870871, 87.18718718718719, 87.2872872872873, 87.38738738738739, 87.4874874874875, 87.58758758758759, 87.6876876876877, 87.78778778778779, 87.8878878878879, 87.98798798798799, 88.0880880880881, 88.18818818818819, 88.2882882882883, 88.38838838838839, 88.4884884884885, 88.58858858858859, 88.6886886886887, 88.78878878878879, 88.8888888888889, 88.988988988989, 89.0890890890891, 89.1891891891892, 89.2892892892893, 89.3893893893894, 89.4894894894895, 89.5895895895896, 89.6896896896897, 89.7897897897898, 89.8898898898899, 89.98998998999, 90.0900900900901, 90.1901901901902, 90.2902902902903, 90.3903903903904, 90.4904904904905, 90.5905905905906, 90.6906906906907, 90.7907907907908, 90.8908908908909, 90.990990990991, 91.0910910910911, 91.1911911911912, 91.2912912912913, 91.3913913913914, 91.4914914914915, 91.5915915915916, 91.6916916916917, 91.7917917917918, 91.8918918918919, 91.991991991992, 92.0920920920921, 92.1921921921922, 92.2922922922923, 92.3923923923924, 92.4924924924925, 92.5925925925926, 92.6926926926927, 92.7927927927928, 92.8928928928929, 92.992992992993, 93.0930930930931, 93.1931931931932, 93.2932932932933, 93.3933933933934, 93.4934934934935, 93.5935935935936, 93.6936936936937, 93.7937937937938, 93.8938938938939, 93.993993993994, 94.0940940940941, 94.1941941941942, 94.2942942942943, 94.3943943943944, 94.4944944944945, 94.5945945945946, 94.6946946946947, 94.7947947947948, 94.8948948948949, 94.994994994995, 95.0950950950951, 95.1951951951952, 95.2952952952953, 95.3953953953954, 95.4954954954955, 95.5955955955956, 95.6956956956957, 95.7957957957958, 95.8958958958959, 95.995995995996, 96.0960960960961, 96.1961961961962, 96.2962962962963, 96.3963963963964, 96.4964964964965, 96.5965965965966, 96.6966966966967, 96.7967967967968, 96.8968968968969, 96.996996996997, 97.0970970970971, 97.1971971971972, 97.2972972972973, 97.3973973973974, 97.4974974974975, 97.5975975975976, 97.6976976976977, 97.7977977977978, 97.8978978978979, 97.997997997998, 98.0980980980981, 98.1981981981982, 98.2982982982983, 98.3983983983984, 98.4984984984985, 98.5985985985986, 98.6986986986987, 98.7987987987988, 98.8988988988989, 98.998998998999, 99.0990990990991, 99.1991991991992, 99.2992992992993, 99.3993993993994, 99.4994994994995, 99.5995995995996, 99.6996996996997, 99.7997997997998, 99.8998998998999, 100 ], "xaxis": "x4", "y": [ 0, 0.019157265763131263, 0.07469733963081315, 0.16332119635237008, 0.2813206421914231, 0.4247267537316714, 0.5894453251410747, 0.7713775697140178, 0.966524932818215, 1.1710774329365587, 1.381485447809807, 1.5945152987666196, 1.8072893554965295, 2.0173116851756765, 2.222480505204733, 2.4210888706156646, 2.611815139467658, 2.793704817297269, 2.9661453906626276, 3.128835726265305, 3.281751542549398, 3.425108361631293, 3.559323227356624, 3.6849763363996235, 3.8027735794119697, 3.9135108336053412, 4.018040691568004, 4.117242157718988, 4.2119936971097305, 4.303149884169818, 4.391521773710591, 4.477861004695344, 4.562847550040637, 4.647080943595363, 4.731074748554644, 4.815253979601851, 4.899955153388501, 4.985428617631764, 5.071842796986247, 5.15928999262262, 5.247793380706261, 5.3373148712441605, 5.427763511576857, 5.519004146681886, 5.610866080035975, 5.703151512754522, 5.795643573899382, 5.888113790157214, 5.980328877615503, 6.0720567713197715, 6.1630718390451635, 6.2531592537617975, 6.342118524254479, 6.429766205038654, 6.515937824976928, 6.6004890888286525, 6.683296417433818, 6.764256900492852, 6.8432877411695765, 6.920325274277315, 6.99532363990571, 7.0682531923285215, 7.139098720232956, 7.207857549062965, 7.274537589899203, 7.339155392119429, 7.401734249386637, 7.46230240056447, 7.520891359197802, 7.577534397427192, 7.632265202803003, 7.685116719570028, 7.736120179715937, 7.78530432349621, 7.8326948043152305, 7.878313768782764, 7.922179599479014, 7.964306805431435, 8.004706043497142, 8.043384252707012, 8.080344883101482, 8.11558820060614, 8.14911164998451, 8.180910258791366, 8.210977066456563, 8.239303564083759, 8.265880132179822, 8.290696465274229, 8.31374197418342, 8.335006158470028, 8.354478943395074, 8.372150977324004, 8.38801388709337, 8.402060490249973, 8.414284964320839, 8.424682974349684, 8.433251760838177, 8.439990190958405, 8.444898776460974, 8.447979662099247, 8.449236588635753, 8.448674834605496, 8.446301140997933, 8.442123622901425, 8.436151671947941, 8.428395853118506, 8.418867799138159, 8.407580105318546, 8.39454622731156, 8.379780383831836, 8.363297466001459, 8.345112954576932, 8.325242845945176, 8.303703587428805, 8.28051202212657, 8.2556853432366, 8.229241057569958, 8.201196957761605, 8.171571102524519, 8.1403818041699, 8.107647622529711, 8.073387364365038, 8.037620087321498, 8.000365107497915, 7.961642009722795, 7.9214706596811, 7.879871217097491, 7.8368641492579325, 7.792470244235772, 7.746710623277784, 7.6996067518973375, 7.651180449312998, 7.601453895959393, 7.550449638880999, 7.498190594897207, 7.444700051497383, 7.390001665486788, 7.33411945945774, 7.277077816204959, 7.2189014712397555, 7.159615503584824, 7.099245325050329, 7.03781666820336, 6.975355573247313, 6.911888374026245, 6.847441683362432, 6.782042377924296, 6.715717582807206, 6.648494655992421, 6.580401172830331, 6.511464910673881, 6.441713833767399, 6.3711760784754805, 6.299879938916694, 6.227853853047998, 6.155126389228392, 6.081726233274537, 6.0076821760072106, 5.9330231012754995, 5.857777974435777, 5.781975831254516, 5.705645767198062, 5.628816927068297, 5.551518494940691, 5.4737796843602915, 5.395629728751643, 5.317097872000182, 5.2382133591652575, 5.159005427288181, 5.079503296262676, 4.999736159739358, 4.9197331760404674, 4.839523459065662, 4.759136069174328, 4.678600004034268, 4.597944189430814, 4.517197470034317, 4.436388600127392, 4.355546234296399, 4.274698918094224, 4.1938750786836145, 4.113103015471991, 4.032410890749963, 3.9518267203466113, 3.8713783643150985, 3.791093517662278, 3.7109997011358202, 3.63112425208195, 3.5514943153862224, 3.4721368345089716, 3.393078542626115, 3.3143459538849545, 3.235965354783533, 3.157962795681015, 3.0803640824454357, 3.003194768244135, 2.926480145481172, 2.8502452378850993, 2.7745147927496276, 2.699313273328977, 2.6246648513890487, 2.550593399915026, 2.4771224859755554, 2.404275363743324, 2.3320749676715913, 2.2605439058260646, 2.1897044533714194, 2.1195785462117342, 2.0501877747841486, 1.981553378005128, 1.9136962373688389, 1.8466368711972772, 1.7803954290419666, 1.71499168623721, 1.6504450386050573, 1.5867744973123281, 1.523998683880199, 1.4621358253470051, 1.4012037495850538, 1.341219880772359, 1.2822012350202932, 1.2241644161582346, 1.1671256116763253, 1.1111005888274903, 1.056104690889859, 1.0021528335907246, 0.9492595016931292, 0.8974387457461184, 0.8467041789996296, 0.7970689744849059, 0.748545862261231, 0.7011471268296775, 0.6548846047144623, 0.6097696822123827, 0.5658132933107032, 0.5230259177737431, 0.48141757939830876, 0.44099784443799833, 0.401775820196308, 0.36376015378835963, 0.32695903107097807, 0.29138017574075037, 0.2570308485996158, 0.22391784698745268, 0.19204750438105406, 0.16142569015881325, 0.13205780953037694, 0.10394880363046176, 0.07710314977597621, 0.05152486188553638, 0.027217491060416533, 0.004184126325929245, -0.017572604467813103, -0.0380505335868452, -0.05724795219713367, -0.075163608992368, -0.09179670866696432, -0.10714691023552551, -0.12121432520003954, -0.13399951556613474, -0.14550349170974905, -0.15572771009560785, -0.1646740708489441, -0.17234491518193293, -0.17874302267635298, -0.1838716084240257, -0.18773432002662527, -0.19033523445649142, -0.19167885478011856, -0.19177010674603526, -0.1906143352388294, -0.18821730060111402, -0.1845851748252704, -0.17972453761684348, -0.17364237233150534, -0.16634606178754063, -0.15784338395584552, -0.14814250752946967, -0.13725198737476654, -0.12518075986625235, -0.11193813810730913, -0.09753380703889904, -0.08197781843849063, -0.06528058581142748, -0.04745287917699992, -0.028505819751508395, -0.008450874530635267, 0.012700149226532917, 0.034935109609465186, 0.058241535761736775, 0.08260663367775675, 0.10801729208823718, 0.13446008843194798, 0.16192129491128202, 0.19038688462913667, 0.21984253780460117, 0.25027364806492153, 0.28166532881120143, 0.31400241965528025, 0.34726949292521925, 0.38145086023681163, 0.41653057912852215, 0.45249245975725044, 0.48932007165230357, 0.5269967505249527, 0.5655056051309428, 0.6048295241833166, 0.6449511833129047, 0.6858530520738362, 0.7275174009914106, 0.7699263086496749, 0.8130616688160445, 0.8569051976003055, 0.9014384406453354, 0.9466427803468792, 0.9924994430997184, 1.0389895065675738, 1.0860939069740854, 1.1337934464122148, 1.1820688001694248, 1.2309005240659905, 1.2802690618038068, 1.3301547523230672, 1.3805378371641872, 1.431398467832368, 1.4827167131621972, 1.534472566679696, 1.5866459539592372, 1.6392167399727704, 1.6921647364287984, 1.745469709098575, 1.7991113851269978, 1.853069460325695, 1.9073236064458141, 1.9618534784280481, 2.0166387216274417, 2.0716589790105493, 2.126893898322535, 2.1823231392218148, 2.2379263803798857, 2.293683326543981, 2.3495737155602376, 2.4055773253550723, 2.4616739808724923, 2.51784356096509, 2.5740660052365003, 2.6303213208331178, 2.6865895891829124, 2.7428509726791943, 2.7990857213072164, 2.855274179211534, 2.911396791202063, 2.96743410919681, 3.023366798599296, 3.0791756446086853, 3.1348415584607223, 3.19034558359755, 3.245668901764569, 3.300792839032491, 3.3556988717428, 3.410368632374858, 3.4647839153329234, 3.5189266826514043, 3.5727790696166752, 3.626323390303853, 3.679542143026941, 3.7324180157008082, 3.784933891113482, 3.8370728521073008, 3.8888181866674842, 3.9401533929167383, 3.9910621840145404, 4.041528492959786, 4.091536477295532, 4.141070523714591, 4.190115252564803, 4.238655522252811, 4.286676433545233, 4.334163333766167, 4.3811018208899934, 4.427477747528485, 4.47327722481127, 4.518486626158762, 4.563092590946664, 4.607082028061244, 4.6504421193446035, 4.69316032292918, 4.735224376460803, 4.776622300209649, 4.817342400068471, 4.857373270437549, 4.896703796995815, 4.9353231593576865, 4.973220833615148, 5.0103865947646895, 5.046810519018742, 5.082482986001289, 5.1173946808273865, 5.151536596066345, 5.184900033588407, 5.217476606294744, 5.249258239730681, 5.280237173582083, 5.310405963054879, 5.339757480137717, 5.368284914747861, 5.3959817757603625, 5.422841891920705, 5.448859412641055, 5.4740288086803695, 5.498344872708607, 5.521802719755343, 5.54439778754313, 5.566125836705972, 5.586982950893344, 5.606965536760206, 5.626070323843489, 5.644294364325612, 5.661635032685574, 5.678090025238236, 5.693657359562441, 5.708335373818641, 5.722122725956737, 5.735018392814917, 5.747021669110229, 5.758132166321744, 5.768349811467155, 5.777674845773686, 5.786107823244248, 5.7936496091197895, 5.800301378238828, 5.806064613295179, 5.810941102994939, 5.814932940113788, 5.818042519455744, 5.820272535714492, 5.821625981238466, 5.822106143700877, 5.821716603675929, 5.820461232122457, 5.818344187776283, 5.8153699144525985, 5.8115431382596965, 5.806868864725435, 5.801352375837786, 5.794999227000917, 5.7878152439082, 5.779806519333626, 5.770979409843112, 5.761340532427167, 5.750896761056475, 5.739655223161911, 5.727623296040572, 5.71480860318938, 5.701219010567887, 5.686862622791872, 5.67174777925938, 5.655883050210856, 5.639277232725036, 5.621939346652277, 5.603878630487036, 5.585104537181195, 5.565626729899966, 5.545455077722126, 5.524599651286298, 5.503070718385086, 5.480878739508797, 5.458034363340562, 5.434548422204623, 5.410431927469617, 5.385696064908633, 5.36035219001789, 5.3344118232958335, 5.3078866454845, 5.280788492774972, 5.253129351978771, 5.22492135566702, 5.1961767772792475, 5.16690802620365, 5.137127642830695, 5.106848293581894, 5.076082765915624, 5.044843963311825, 5.013144900237454, 4.980998697094522, 4.948418575152592, 4.915417851467562, 4.882009933788591, 4.848208315455015, 4.814026570285064, 4.779478347458253, 4.744577366393236, 4.7093374116229585, 4.673772327668926, 4.637896013916393, 4.6017224194922495, 4.565265538147437, 4.528539403145627, 4.491558082159964, 4.4543356721796155, 4.416886294427892, 4.3792240892936585, 4.341363211277772, 4.303317823956256, 4.26510209496191, 4.226730190986037, 4.18821627280196, 4.149574490311993, 4.11081897761949, 4.071963848127612, 4.0330231896664115, 3.994011059649835, 3.9549414802642024, 3.9158284336897373, 3.8766858573566747, 3.8375276392374684, 3.7983676131766, 3.759219554259469, 3.7200971742218214, 3.6810141169011628, 3.6419839537315672, 3.6030201792832868, 3.564136206848532, 3.5253453640747816, 3.4866608886469472, 3.4480959240197033, 3.4096635152012746, 3.371376604589927, 3.333248027864417, 3.2952905099295973, 3.2575166609183768, 3.2199389722511977, 3.1825698127541626, 3.1454214248369308, 3.1085059207314667, 3.071835278792702, 3.035421339862152, 2.9992758036954843, 2.9634102254550276, 2.927836012268176, 2.892564419852612, 2.857606549209248, 2.822973343383763, 2.7886755842975726, 2.7547238896490494, 2.7211287098857864, 2.6879003252486595, 2.6550488428884145, 2.622584194055494, 2.590516131363764, 2.558854226128794, 2.527607865781303, 2.4967862513563572, 2.4663983950588815, 2.4364531179060016, 2.4069590474467346, 2.377924615559476, 2.3493580563277425, 2.3212674039945678, 2.2936604909959404, 2.266544946073633, 2.2399281924677457, 2.213817446189257, 2.1882197143728455, 2.1631417937102193, 2.138590268964154, 2.1145715115634185, 2.0910916782787354, 2.0681567099798914, 2.045772330474086, 2.0239440454255817, 2.002677141356684, 1.981976684730052, 1.961847521112315, 1.9422942744189415, 1.923321346240271, 1.9049329152486056, 1.8871329366862157, 1.8699251419340936, 1.853313038161262, 1.837299908054412, 1.8218888096276245, 1.807082576111893, 1.7928838159241474, 1.7792949127154496, 1.7663180254980007, 1.7539550888505768, 1.74220781320199, 1.7310776851921303, 1.7205659681101388, 1.7106737024092202, 1.701401706297585, 1.692750576404991, 1.6847206885243209, 1.6773121984276136, 1.6705250427559473, 1.6643589399825363, 1.6588133914483965, 1.6538876824698998, 1.649580883517519, 1.6458918514650454, 1.6428192309085368, 1.64036145555423, 1.6385167496746387, 1.6372831296320274, 1.6366584054684399, 1.6366401825614352, 1.6372258633446681, 1.6384126490924313, 1.6401975417672547, 1.642577345929646, 1.645548670709028, 1.6491079318349255, 1.6532513537274196, 1.6579749716458874, 1.6632746338950177, 1.669146004087082, 1.6755845634594257, 1.6825856132461234, 1.6901442771027364, 1.6982555035830906, 1.706914068666979, 1.7161145783376826, 1.725851471208192, 1.736119021194993, 1.7469113402382745, 1.7582223810674036, 1.7700459400104995, 1.7823756598469307, 1.7952050327015465, 1.808527402979449, 1.8223359703400959, 1.8366237927095246, 1.8513837893294696, 1.8666087438421455, 1.8822913074094603, 1.898424001865409, 1.9149992229004031, 1.9320092432762717, 1.9494462160706814, 1.9673021779497006, 1.985569052467241, 2.004238653390097, 2.0233026880473104, 2.042752760702572, 2.0625803759483783, 2.082776942120659, 2.1033337747325795, 2.124242099926242, 2.145493057940979, 2.1670777065969586, 2.188987024792812, 2.2112119160159853, 2.2337432118645393, 2.256571675579091, 2.279688005583635, 2.303082839033943, 2.32674675537227, 2.3506702798870878, 2.374843887276576, 2.3992580052145978, 2.4239030179178958, 2.4487692697132544, 2.4738470686033676, 2.4991266898301667, 2.5245983794343703, 2.550252357810014, 2.5760788232527387, 2.6020679555006105, 2.6282099192662636, 2.654494867759163, 2.680912946196785, 2.7074542953035348, 2.7341090547962192, 2.760867366854913, 2.787719379578052, 2.8146552504206164, 2.841665149614258, 2.8687392635682567, 2.895867798250183, 2.9230409825451718, 2.950249071592719, 2.9774823500999186, 3.004731135630076, 3.0319857818656604, 3.0592366818445416, 3.0864742711684983, 3.1136890311829895, 3.140871492127188, 3.1680122362533027, 3.195101900914221, 3.222131181618524, 3.249090835051938, 3.2759716820643097, 3.3027646106211934, 3.3294605787191744, 3.356050617264055, 3.3825258329110484, 3.408877410866149, 3.4350966176478592, 3.4611748038084733, 3.4871034066141338, 3.512873952682892, 3.5384780605800357, 3.5639074433699434, 3.58915391112376, 3.6142093733822076, 3.6390658415728403, 3.6637154313811164, 3.6881503650746223, 3.7123629737798574, 3.7363456997109665, 3.760091098349851, 3.7835918405771, 3.8068407147532004, 3.8298306287495083, 3.8525546119284906, 3.875005817072743, 3.8971775222623446, 3.919063132700097, 3.9406561824842363, 3.9619503363282176, 3.9829393912271973, 4.0036172780708545, 4.023978063202216, 4.044015949922167, 4.063725279939346, 4.0831005347651725, 4.102136337053716, 4.120827451886203, 4.1391687879999335, 4.157155398961415, 4.174782484283549, 4.1920453904867, 4.208939612103538, 4.225460792627522, 4.241604725404949, 4.25736735447048, 4.272744775326116, 4.287733235663562, 4.302329136030001, 4.316529030437259, 4.330329626914407, 4.343727788003844, 4.356720531200924, 4.369305029337225, 4.381478610907556, 4.393238760340841, 4.40458311821501, 4.415509481416078, 4.4260158032415875, 4.436100193448613, 4.44576091824656, 4.454996400234984, 4.4638052182867085, 4.472186107376487, 4.480137958355532, 4.487659817672211, 4.494750887039232, 4.501410523047683, 4.507638236728266, 4.513433693060128, 4.518796710427679, 4.5237272600258, 4.528225465213893, 4.532291600819203, 4.535926092389879, 4.539129515398259, 4.54190259439486, 4.544246202113597, 4.546161358528743, 4.547649229864175, 4.548711127555453, 4.5493485071653135, 4.549562967253138, 4.549356248199009, 4.548730230982958, 4.547686935920014, 4.54622852135171, 4.544357282294675, 4.542075649046977, 4.539386185752894, 4.536291588926789, 4.532794685936787, 4.528898433448952, 4.524605915832697, 4.519920343528141, 4.514845051376145, 4.509383496911799, 4.503539258622085, 4.497316034168504, 4.490717638575447, 4.483748002385059, 4.476411169779438, 4.46871129667093, 4.4606526487613465, 4.452239599570913, 4.443476628437786, 4.43436831848894, 4.424919354583291, 4.415134521227881, 4.405018700467981, 4.394576869751944, 4.383814099771715, 4.372735552279803, 4.361346477883624, 4.349652213818083, 4.337658181697243, 4.325369885246008, 4.3127929080126535, 4.299932911063133, 4.286795630658021, 4.273386875912999, 4.259712526443772, 4.2457785299963025, 4.231590900063286, 4.217155713487724, 4.202479108054527, 4.187567280071033, 4.17242648193733, 4.157063019707301, 4.141483250641268, 4.125693580751154, 4.109700462339024, 4.093510391529946, 4.077129905800015, 4.0605655815004695, 4.043824031378762, 4.026911902097474, 4.009835871751973, 3.992602647387661, 3.9752189625177197, 3.957691574642193, 3.9400272627693, 3.9222328249398215, 3.9043150757554304, 3.8862808439118046, 3.8681369697373817, 3.8498903027385887, 3.8315476991523854, 3.813116019506951, 3.7946021261913305, 3.7760128810348665, 3.757355142897218, 3.7386357652697684, 3.719861593889225, 3.701039464364184, 3.6821761998154487, 3.663278608530872, 3.644353481635478, 3.6254075907776233, 3.606447685831939, 3.587480492619791, 3.5685127106479824, 3.549551010866416, 3.530602033445424, 3.511672385573461, 3.492768639275852, 3.47389732925526, 3.4550649507545517, 3.4362779574427127, 3.417542759324452, 3.398865720674132, 3.3802531579946526, 3.361711338001884, 3.343246475635264, 3.324864732095136, 3.306572212907408, 3.2883749660160944, 3.2702789799042873, 3.252290181744104, 3.2344144355761335, 3.216657540518887, 3.1990252290087704, 3.1815231650710465, 3.1641569426222804, 3.146932083804714, 3.129854037353031, 3.1129281769939365, 3.096159799878985, 3.079554125051047, 3.0631162919448336, 3.0468513589218342, 3.0307643018400574, 3.0148600126589096, 2.999143298079563, 2.9836188782211366, 2.9682913853329977, 2.953165362543484, 2.938245262645331, 2.923535446918072, 2.90904018398767, 2.8947636487236132, 2.880709921173714, 2.8668829855368143, 2.8532867291735977, 2.839924941655695, 2.826801313853254, 2.813919437061121, 2.8012828021637852, 2.788894798839212, 2.7767587148016664, 2.764877735083644, 2.7532549413569787, 2.741893311293204, 2.7307957179632245, 2.7199649292763395, 2.7094036074586434, 2.6991143085708242, 2.6890994820653527, 2.679361470383055, 2.6699025085890367, 2.660724724047925, 2.6518301361383587, 2.6432206560066813, 2.63489808635973, 2.6268641212966477, 2.619120346179593, 2.6116682375432374, 2.604509163042911, 2.5976443814412447, 2.59107504263316, 2.5848021877090184, 2.5788267490557573, 2.573149550495803, 2.5677713074635595, 2.562692627219244, 2.55791400909983, 2.553435844806862, 2.5492584187308722, 2.5453819083121285, 2.54180638443744, 2.5385318118727134, 2.5355580497309638, 2.5328848519754597, 2.530511867957674, 2.528438642989704, 2.5266646189508117, 2.5251891349277193, 2.524011427888298, 2.5231306333882646, 2.5225457863104968, 2.522255821636567, 2.5222595752500863, 2.5225557847714386, 2.523143090423476, 2.5240200359277396, 2.5251850694307603, 2.526636544459982, 2.528372720908844, 2.5303917660505553, 2.5326917555800788, 2.535270674683834, 2.538126419136629, 2.5412567964253183, 2.544659526898673, 2.5483322449429484, 2.552272500182629, 2.5564777587058143, 2.5609454043137143, 2.5656727397937074, 2.5706569882154167, 2.575895294249246, 2.5813847255068163, 2.587122273902742, 2.5931048570371704, 2.5993293195985103, 2.6057924347857746, 2.612490905749948, 2.619421367053792, 2.6265803861494965, 2.6339644648735807, 2.6415700409584453, 2.649393489559968, 2.657431124800544, 2.665679201326958, 2.6741339158824764, 2.6827914088925455, 2.6916477660634843, 2.7006990199935483, 2.709941151795747, 2.719370092731797, 2.728981725856583, 2.738771887672508, 2.7487363697931055, 2.7588709206152924, 2.769171246999634, 2.7796330159579994, 2.790251856347977, 2.8010233605734327, 2.811943086290583, 2.823006558118953, 2.8342092693566134, 2.8455466836990535, 2.8570142369610916, 2.8686073388011866, 2.8803213744475484, 2.8921517064254196, 2.9040936762849294, 2.9161426063288998 ], "yaxis": "y4" }, { "line": { "color": "blue", "dash": "dash" }, "showlegend": false, "type": "scatter", "x": [ 0, 0.1001001001001001, 0.2002002002002002, 0.3003003003003003, 0.4004004004004004, 0.5005005005005005, 0.6006006006006006, 0.7007007007007008, 0.8008008008008008, 0.9009009009009009, 1.001001001001001, 1.1011011011011012, 1.2012012012012012, 1.3013013013013013, 1.4014014014014016, 1.5015015015015016, 1.6016016016016017, 1.7017017017017018, 1.8018018018018018, 1.9019019019019021, 2.002002002002002, 2.1021021021021022, 2.2022022022022023, 2.3023023023023024, 2.4024024024024024, 2.5025025025025025, 2.6026026026026026, 2.702702702702703, 2.802802802802803, 2.902902902902903, 3.0030030030030033, 3.1031031031031033, 3.2032032032032034, 3.3033033033033035, 3.4034034034034035, 3.5035035035035036, 3.6036036036036037, 3.7037037037037037, 3.8038038038038042, 3.9039039039039043, 4.004004004004004, 4.104104104104104, 4.2042042042042045, 4.3043043043043046, 4.404404404404405, 4.504504504504505, 4.604604604604605, 4.704704704704705, 4.804804804804805, 4.904904904904905, 5.005005005005005, 5.105105105105105, 5.205205205205205, 5.305305305305305, 5.405405405405406, 5.505505505505506, 5.605605605605606, 5.705705705705706, 5.805805805805806, 5.9059059059059065, 6.0060060060060065, 6.106106106106107, 6.206206206206207, 6.306306306306307, 6.406406406406407, 6.506506506506507, 6.606606606606607, 6.706706706706707, 6.806806806806807, 6.906906906906907, 7.007007007007007, 7.107107107107107, 7.207207207207207, 7.307307307307307, 7.407407407407407, 7.507507507507508, 7.6076076076076085, 7.7077077077077085, 7.807807807807809, 7.907907907907909, 8.008008008008009, 8.108108108108109, 8.208208208208209, 8.308308308308309, 8.408408408408409, 8.508508508508509, 8.608608608608609, 8.70870870870871, 8.80880880880881, 8.90890890890891, 9.00900900900901, 9.10910910910911, 9.20920920920921, 9.30930930930931, 9.40940940940941, 9.50950950950951, 9.60960960960961, 9.70970970970971, 9.80980980980981, 9.90990990990991, 10.01001001001001, 10.11011011011011, 10.21021021021021, 10.31031031031031, 10.41041041041041, 10.51051051051051, 10.61061061061061, 10.710710710710712, 10.810810810810812, 10.910910910910912, 11.011011011011012, 11.111111111111112, 11.211211211211213, 11.311311311311313, 11.411411411411413, 11.511511511511513, 11.611611611611613, 11.711711711711713, 11.811811811811813, 11.911911911911913, 12.012012012012013, 12.112112112112113, 12.212212212212213, 12.312312312312313, 12.412412412412413, 12.512512512512513, 12.612612612612613, 12.712712712712714, 12.812812812812814, 12.912912912912914, 13.013013013013014, 13.113113113113114, 13.213213213213214, 13.313313313313314, 13.413413413413414, 13.513513513513514, 13.613613613613614, 13.713713713713714, 13.813813813813814, 13.913913913913914, 14.014014014014014, 14.114114114114114, 14.214214214214214, 14.314314314314315, 14.414414414414415, 14.514514514514515, 14.614614614614615, 14.714714714714715, 14.814814814814815, 14.914914914914915, 15.015015015015017, 15.115115115115117, 15.215215215215217, 15.315315315315317, 15.415415415415417, 15.515515515515517, 15.615615615615617, 15.715715715715717, 15.815815815815817, 15.915915915915917, 16.016016016016017, 16.116116116116117, 16.216216216216218, 16.316316316316318, 16.416416416416418, 16.516516516516518, 16.616616616616618, 16.716716716716718, 16.816816816816818, 16.916916916916918, 17.017017017017018, 17.117117117117118, 17.217217217217218, 17.31731731731732, 17.41741741741742, 17.51751751751752, 17.61761761761762, 17.71771771771772, 17.81781781781782, 17.91791791791792, 18.01801801801802, 18.11811811811812, 18.21821821821822, 18.31831831831832, 18.41841841841842, 18.51851851851852, 18.61861861861862, 18.71871871871872, 18.81881881881882, 18.91891891891892, 19.01901901901902, 19.11911911911912, 19.21921921921922, 19.31931931931932, 19.41941941941942, 19.51951951951952, 19.61961961961962, 19.71971971971972, 19.81981981981982, 19.91991991991992, 20.02002002002002, 20.12012012012012, 20.22022022022022, 20.32032032032032, 20.42042042042042, 20.52052052052052, 20.62062062062062, 20.72072072072072, 20.82082082082082, 20.92092092092092, 21.02102102102102, 21.12112112112112, 21.22122122122122, 21.32132132132132, 21.421421421421424, 21.521521521521525, 21.621621621621625, 21.721721721721725, 21.821821821821825, 21.921921921921925, 22.022022022022025, 22.122122122122125, 22.222222222222225, 22.322322322322325, 22.422422422422425, 22.522522522522525, 22.622622622622625, 22.722722722722725, 22.822822822822825, 22.922922922922925, 23.023023023023026, 23.123123123123126, 23.223223223223226, 23.323323323323326, 23.423423423423426, 23.523523523523526, 23.623623623623626, 23.723723723723726, 23.823823823823826, 23.923923923923926, 24.024024024024026, 24.124124124124126, 24.224224224224226, 24.324324324324326, 24.424424424424426, 24.524524524524526, 24.624624624624627, 24.724724724724727, 24.824824824824827, 24.924924924924927, 25.025025025025027, 25.125125125125127, 25.225225225225227, 25.325325325325327, 25.425425425425427, 25.525525525525527, 25.625625625625627, 25.725725725725727, 25.825825825825827, 25.925925925925927, 26.026026026026027, 26.126126126126128, 26.226226226226228, 26.326326326326328, 26.426426426426428, 26.526526526526528, 26.626626626626628, 26.726726726726728, 26.826826826826828, 26.926926926926928, 27.027027027027028, 27.127127127127128, 27.227227227227228, 27.32732732732733, 27.42742742742743, 27.52752752752753, 27.62762762762763, 27.72772772772773, 27.82782782782783, 27.92792792792793, 28.02802802802803, 28.12812812812813, 28.22822822822823, 28.32832832832833, 28.42842842842843, 28.52852852852853, 28.62862862862863, 28.72872872872873, 28.82882882882883, 28.92892892892893, 29.02902902902903, 29.12912912912913, 29.22922922922923, 29.32932932932933, 29.42942942942943, 29.52952952952953, 29.62962962962963, 29.72972972972973, 29.82982982982983, 29.929929929929934, 30.030030030030034, 30.130130130130134, 30.230230230230234, 30.330330330330334, 30.430430430430434, 30.530530530530534, 30.630630630630634, 30.730730730730734, 30.830830830830834, 30.930930930930934, 31.031031031031034, 31.131131131131134, 31.231231231231234, 31.331331331331334, 31.431431431431434, 31.531531531531535, 31.631631631631635, 31.731731731731735, 31.831831831831835, 31.931931931931935, 32.032032032032035, 32.132132132132135, 32.232232232232235, 32.332332332332335, 32.432432432432435, 32.532532532532535, 32.632632632632635, 32.732732732732735, 32.832832832832835, 32.932932932932935, 33.033033033033036, 33.133133133133136, 33.233233233233236, 33.333333333333336, 33.433433433433436, 33.533533533533536, 33.633633633633636, 33.733733733733736, 33.833833833833836, 33.933933933933936, 34.034034034034036, 34.134134134134136, 34.234234234234236, 34.334334334334336, 34.434434434434436, 34.53453453453454, 34.63463463463464, 34.73473473473474, 34.83483483483484, 34.93493493493494, 35.03503503503504, 35.13513513513514, 35.23523523523524, 35.33533533533534, 35.43543543543544, 35.53553553553554, 35.63563563563564, 35.73573573573574, 35.83583583583584, 35.93593593593594, 36.03603603603604, 36.13613613613614, 36.23623623623624, 36.33633633633634, 36.43643643643644, 36.53653653653654, 36.63663663663664, 36.73673673673674, 36.83683683683684, 36.93693693693694, 37.03703703703704, 37.13713713713714, 37.23723723723724, 37.33733733733734, 37.43743743743744, 37.53753753753754, 37.63763763763764, 37.73773773773774, 37.83783783783784, 37.93793793793794, 38.03803803803804, 38.13813813813814, 38.23823823823824, 38.33833833833834, 38.43843843843844, 38.53853853853854, 38.63863863863864, 38.73873873873874, 38.83883883883884, 38.93893893893894, 39.03903903903904, 39.13913913913914, 39.23923923923924, 39.33933933933934, 39.43943943943944, 39.53953953953954, 39.63963963963964, 39.73973973973974, 39.83983983983984, 39.93993993993994, 40.04004004004004, 40.14014014014014, 40.24024024024024, 40.34034034034034, 40.44044044044044, 40.54054054054054, 40.64064064064064, 40.74074074074074, 40.84084084084084, 40.94094094094094, 41.04104104104104, 41.14114114114114, 41.24124124124124, 41.34134134134134, 41.44144144144144, 41.54154154154154, 41.64164164164164, 41.74174174174174, 41.84184184184184, 41.94194194194194, 42.04204204204204, 42.14214214214214, 42.24224224224224, 42.34234234234234, 42.44244244244244, 42.54254254254254, 42.64264264264264, 42.74274274274275, 42.84284284284285, 42.94294294294295, 43.04304304304305, 43.14314314314315, 43.24324324324325, 43.34334334334335, 43.44344344344345, 43.54354354354355, 43.64364364364365, 43.74374374374375, 43.84384384384385, 43.94394394394395, 44.04404404404405, 44.14414414414415, 44.24424424424425, 44.34434434434435, 44.44444444444445, 44.54454454454455, 44.64464464464465, 44.74474474474475, 44.84484484484485, 44.94494494494495, 45.04504504504505, 45.14514514514515, 45.24524524524525, 45.34534534534535, 45.44544544544545, 45.54554554554555, 45.64564564564565, 45.74574574574575, 45.84584584584585, 45.94594594594595, 46.04604604604605, 46.14614614614615, 46.24624624624625, 46.34634634634635, 46.44644644644645, 46.54654654654655, 46.64664664664665, 46.74674674674675, 46.84684684684685, 46.94694694694695, 47.04704704704705, 47.14714714714715, 47.24724724724725, 47.34734734734735, 47.44744744744745, 47.54754754754755, 47.64764764764765, 47.74774774774775, 47.84784784784785, 47.94794794794795, 48.04804804804805, 48.14814814814815, 48.24824824824825, 48.34834834834835, 48.44844844844845, 48.54854854854855, 48.64864864864865, 48.74874874874875, 48.84884884884885, 48.94894894894895, 49.04904904904905, 49.14914914914915, 49.24924924924925, 49.34934934934935, 49.44944944944945, 49.54954954954955, 49.64964964964965, 49.74974974974975, 49.84984984984985, 49.94994994994995, 50.050050050050054, 50.150150150150154, 50.250250250250254, 50.350350350350354, 50.450450450450454, 50.550550550550554, 50.650650650650654, 50.750750750750754, 50.850850850850854, 50.950950950950954, 51.051051051051054, 51.151151151151154, 51.251251251251254, 51.351351351351354, 51.451451451451454, 51.551551551551555, 51.651651651651655, 51.751751751751755, 51.851851851851855, 51.951951951951955, 52.052052052052055, 52.152152152152155, 52.252252252252255, 52.352352352352355, 52.452452452452455, 52.552552552552555, 52.652652652652655, 52.752752752752755, 52.852852852852855, 52.952952952952955, 53.053053053053056, 53.153153153153156, 53.253253253253256, 53.353353353353356, 53.453453453453456, 53.553553553553556, 53.653653653653656, 53.753753753753756, 53.853853853853856, 53.953953953953956, 54.054054054054056, 54.154154154154156, 54.254254254254256, 54.354354354354356, 54.454454454454456, 54.55455455455456, 54.65465465465466, 54.75475475475476, 54.85485485485486, 54.95495495495496, 55.05505505505506, 55.15515515515516, 55.25525525525526, 55.35535535535536, 55.45545545545546, 55.55555555555556, 55.65565565565566, 55.75575575575576, 55.85585585585586, 55.95595595595596, 56.05605605605606, 56.15615615615616, 56.25625625625626, 56.35635635635636, 56.45645645645646, 56.55655655655656, 56.65665665665666, 56.75675675675676, 56.85685685685686, 56.95695695695696, 57.05705705705706, 57.15715715715716, 57.25725725725726, 57.35735735735736, 57.45745745745746, 57.55755755755756, 57.65765765765766, 57.75775775775776, 57.85785785785786, 57.95795795795796, 58.05805805805806, 58.15815815815816, 58.25825825825826, 58.35835835835836, 58.45845845845846, 58.55855855855856, 58.65865865865866, 58.75875875875876, 58.85885885885886, 58.95895895895896, 59.05905905905906, 59.15915915915916, 59.25925925925926, 59.35935935935936, 59.45945945945946, 59.55955955955956, 59.65965965965966, 59.75975975975976, 59.85985985985987, 59.95995995995997, 60.06006006006007, 60.16016016016017, 60.26026026026027, 60.36036036036037, 60.46046046046047, 60.56056056056057, 60.66066066066067, 60.76076076076077, 60.86086086086087, 60.96096096096097, 61.06106106106107, 61.16116116116117, 61.26126126126127, 61.36136136136137, 61.46146146146147, 61.56156156156157, 61.66166166166167, 61.76176176176177, 61.86186186186187, 61.96196196196197, 62.06206206206207, 62.16216216216217, 62.26226226226227, 62.36236236236237, 62.46246246246247, 62.56256256256257, 62.66266266266267, 62.76276276276277, 62.86286286286287, 62.96296296296297, 63.06306306306307, 63.16316316316317, 63.26326326326327, 63.36336336336337, 63.46346346346347, 63.56356356356357, 63.66366366366367, 63.76376376376377, 63.86386386386387, 63.96396396396397, 64.06406406406407, 64.16416416416416, 64.26426426426427, 64.36436436436436, 64.46446446446447, 64.56456456456456, 64.66466466466467, 64.76476476476476, 64.86486486486487, 64.96496496496496, 65.06506506506507, 65.16516516516516, 65.26526526526527, 65.36536536536536, 65.46546546546547, 65.56556556556556, 65.66566566566567, 65.76576576576576, 65.86586586586587, 65.96596596596596, 66.06606606606607, 66.16616616616616, 66.26626626626627, 66.36636636636636, 66.46646646646647, 66.56656656656656, 66.66666666666667, 66.76676676676676, 66.86686686686687, 66.96696696696696, 67.06706706706707, 67.16716716716716, 67.26726726726727, 67.36736736736736, 67.46746746746747, 67.56756756756756, 67.66766766766767, 67.76776776776777, 67.86786786786787, 67.96796796796797, 68.06806806806807, 68.16816816816817, 68.26826826826827, 68.36836836836838, 68.46846846846847, 68.56856856856858, 68.66866866866867, 68.76876876876878, 68.86886886886887, 68.96896896896898, 69.06906906906907, 69.16916916916918, 69.26926926926927, 69.36936936936938, 69.46946946946947, 69.56956956956958, 69.66966966966967, 69.76976976976978, 69.86986986986987, 69.96996996996998, 70.07007007007007, 70.17017017017018, 70.27027027027027, 70.37037037037038, 70.47047047047047, 70.57057057057058, 70.67067067067067, 70.77077077077078, 70.87087087087087, 70.97097097097098, 71.07107107107107, 71.17117117117118, 71.27127127127127, 71.37137137137138, 71.47147147147147, 71.57157157157158, 71.67167167167167, 71.77177177177178, 71.87187187187187, 71.97197197197198, 72.07207207207207, 72.17217217217218, 72.27227227227228, 72.37237237237238, 72.47247247247248, 72.57257257257258, 72.67267267267268, 72.77277277277278, 72.87287287287288, 72.97297297297298, 73.07307307307308, 73.17317317317318, 73.27327327327328, 73.37337337337338, 73.47347347347348, 73.57357357357358, 73.67367367367368, 73.77377377377378, 73.87387387387388, 73.97397397397398, 74.07407407407408, 74.17417417417418, 74.27427427427428, 74.37437437437438, 74.47447447447448, 74.57457457457458, 74.67467467467468, 74.77477477477478, 74.87487487487488, 74.97497497497498, 75.07507507507508, 75.17517517517518, 75.27527527527528, 75.37537537537538, 75.47547547547548, 75.57557557557558, 75.67567567567568, 75.77577577577578, 75.87587587587588, 75.97597597597598, 76.07607607607608, 76.17617617617618, 76.27627627627628, 76.37637637637638, 76.47647647647648, 76.57657657657658, 76.67667667667668, 76.77677677677679, 76.87687687687688, 76.97697697697699, 77.07707707707708, 77.17717717717719, 77.27727727727728, 77.37737737737739, 77.47747747747748, 77.57757757757759, 77.67767767767768, 77.77777777777779, 77.87787787787788, 77.97797797797799, 78.07807807807808, 78.17817817817819, 78.27827827827828, 78.37837837837839, 78.47847847847848, 78.57857857857859, 78.67867867867868, 78.77877877877879, 78.87887887887888, 78.97897897897899, 79.07907907907908, 79.17917917917919, 79.27927927927928, 79.37937937937939, 79.47947947947948, 79.57957957957959, 79.67967967967968, 79.77977977977979, 79.87987987987988, 79.97997997997999, 80.08008008008008, 80.18018018018019, 80.28028028028028, 80.38038038038039, 80.48048048048048, 80.58058058058059, 80.68068068068068, 80.78078078078079, 80.88088088088088, 80.98098098098099, 81.08108108108108, 81.18118118118119, 81.28128128128128, 81.38138138138139, 81.48148148148148, 81.58158158158159, 81.68168168168168, 81.78178178178179, 81.88188188188188, 81.98198198198199, 82.08208208208208, 82.18218218218219, 82.28228228228228, 82.38238238238239, 82.48248248248248, 82.58258258258259, 82.68268268268268, 82.78278278278279, 82.88288288288288, 82.98298298298299, 83.08308308308308, 83.18318318318319, 83.28328328328328, 83.38338338338339, 83.48348348348348, 83.58358358358359, 83.68368368368368, 83.78378378378379, 83.88388388388388, 83.98398398398399, 84.08408408408408, 84.18418418418419, 84.28428428428428, 84.38438438438439, 84.48448448448448, 84.58458458458459, 84.68468468468468, 84.78478478478479, 84.88488488488488, 84.98498498498499, 85.08508508508508, 85.18518518518519, 85.28528528528528, 85.38538538538539, 85.4854854854855, 85.58558558558559, 85.6856856856857, 85.78578578578579, 85.8858858858859, 85.98598598598599, 86.0860860860861, 86.18618618618619, 86.2862862862863, 86.38638638638639, 86.4864864864865, 86.58658658658659, 86.6866866866867, 86.78678678678679, 86.8868868868869, 86.98698698698699, 87.0870870870871, 87.18718718718719, 87.2872872872873, 87.38738738738739, 87.4874874874875, 87.58758758758759, 87.6876876876877, 87.78778778778779, 87.8878878878879, 87.98798798798799, 88.0880880880881, 88.18818818818819, 88.2882882882883, 88.38838838838839, 88.4884884884885, 88.58858858858859, 88.6886886886887, 88.78878878878879, 88.8888888888889, 88.988988988989, 89.0890890890891, 89.1891891891892, 89.2892892892893, 89.3893893893894, 89.4894894894895, 89.5895895895896, 89.6896896896897, 89.7897897897898, 89.8898898898899, 89.98998998999, 90.0900900900901, 90.1901901901902, 90.2902902902903, 90.3903903903904, 90.4904904904905, 90.5905905905906, 90.6906906906907, 90.7907907907908, 90.8908908908909, 90.990990990991, 91.0910910910911, 91.1911911911912, 91.2912912912913, 91.3913913913914, 91.4914914914915, 91.5915915915916, 91.6916916916917, 91.7917917917918, 91.8918918918919, 91.991991991992, 92.0920920920921, 92.1921921921922, 92.2922922922923, 92.3923923923924, 92.4924924924925, 92.5925925925926, 92.6926926926927, 92.7927927927928, 92.8928928928929, 92.992992992993, 93.0930930930931, 93.1931931931932, 93.2932932932933, 93.3933933933934, 93.4934934934935, 93.5935935935936, 93.6936936936937, 93.7937937937938, 93.8938938938939, 93.993993993994, 94.0940940940941, 94.1941941941942, 94.2942942942943, 94.3943943943944, 94.4944944944945, 94.5945945945946, 94.6946946946947, 94.7947947947948, 94.8948948948949, 94.994994994995, 95.0950950950951, 95.1951951951952, 95.2952952952953, 95.3953953953954, 95.4954954954955, 95.5955955955956, 95.6956956956957, 95.7957957957958, 95.8958958958959, 95.995995995996, 96.0960960960961, 96.1961961961962, 96.2962962962963, 96.3963963963964, 96.4964964964965, 96.5965965965966, 96.6966966966967, 96.7967967967968, 96.8968968968969, 96.996996996997, 97.0970970970971, 97.1971971971972, 97.2972972972973, 97.3973973973974, 97.4974974974975, 97.5975975975976, 97.6976976976977, 97.7977977977978, 97.8978978978979, 97.997997997998, 98.0980980980981, 98.1981981981982, 98.2982982982983, 98.3983983983984, 98.4984984984985, 98.5985985985986, 98.6986986986987, 98.7987987987988, 98.8988988988989, 98.998998998999, 99.0990990990991, 99.1991991991992, 99.2992992992993, 99.3993993993994, 99.4994994994995, 99.5995995995996, 99.6996996996997, 99.7997997997998, 99.8998998998999, 100 ], "xaxis": "x4", "y": [ 0.8387171721372888, 0.8578742371983663, 0.913414382181029, 1.0020396998064833, 1.1200427786273162, 1.263454593269718, 1.428179691774084, 1.6101168105850256, 1.8052638026730503, 2.009806205561457, 2.220189358882799, 2.433174312675447, 2.645878226007201, 2.855800232711581, 3.060834009177633, 3.259268464771408, 3.449778106567815, 3.6314046986122372, 3.8035318612506726, 3.965854206268952, 4.11834255773415, 4.261206714705906, 4.394856973664853, 4.519865820365701, 4.636930446807909, 4.7468372093812805, 4.8504285949915324, 4.948573261465501, 5.042139450344443, 5.131972057254321, 5.218873437371171, 5.303587911874685, 5.386789895475055, 5.469075443197892, 5.550956961726991, 5.63286078416209, 5.715127279744606, 5.798013146882629, 5.881695527328915, 5.966277583854169, 6.051795200871162, 6.138224483755814, 6.225489750851676, 6.313471719342725, 6.4020157298238844, 6.490939726234787, 6.580041836956322, 6.669107426549194, 6.757915512014386, 6.846244490288899, 6.933877089096686, 7.020604562987033, 7.106230106876814, 7.190571524841558, 7.273463187557328, 7.354757323630523, 7.43432471253812, 7.512054838747376, 7.58785558826342, 7.661652521378579, 7.733387875508994, 7.803019270672714, 7.870518244668922, 7.935868680942952, 7.999065143317728, 8.060111200591852, 8.119017782058746, 8.175801594424637, 8.230483622052652, 8.283087751668052, 8.333639517861887, 8.382165003545449, 8.428689887790284, 8.47323864871842, 8.515833913873411, 8.556495951698922, 8.595242314515712, 8.632087611834793, 8.667043359589032, 8.70011797309678, 8.731316832227087, 8.76064243957926, 8.788094623878852, 8.813670790740542, 8.837366221560702, 8.85917442083791, 8.879087310460925, 8.897095697671752, 8.913189697891477, 8.927358850689581, 8.939592504566212, 8.949880144836575, 8.958211590902913, 8.964577291328217, 8.96896848250568, 8.971377388448701, 8.97179734992119, 8.970222998695364, 8.966650282586514, 8.961076576296566, 8.953500706688754, 8.943922983896691, 8.932345204996887, 8.918770627415762, 8.903203969294742, 8.885651339266932, 8.866120264591007, 8.844619508372732, 8.821159143851673, 8.795750410525352, 8.768405694929237, 8.739138449538146, 8.707963149627284, 8.674895209583186, 8.63995100540742, 8.603147646212342, 8.564503112680722, 8.524036169191252, 8.48176624065998, 8.437713464498344, 8.391898773746863, 8.344343656043794, 8.295070256693213, 8.244101317969491, 8.191460216147624, 8.137170937199382, 8.081258074155842, 8.023746827223711, 7.964663005458532, 7.904033027124115, 7.841883927764447, 7.778243360268994, 7.71313960353698, 7.646601564811191, 7.578658781647505, 7.509341429250352, 7.438680318493639, 7.366706897849397, 7.293453246870882, 7.218952090875878, 7.143236787286251, 7.066341307776638, 6.988300261610898, 6.909148859228817, 6.8289229076048885, 6.74765881621123, 6.6653935477269854, 6.582164625774483, 6.4980101175028135, 6.412968625853524, 6.327079237707618, 6.24038154582194, 6.152915578015834, 6.06472181289631, 5.975841140962194, 5.886314840251702, 5.796184525047616, 5.705492175644833, 5.614280140036677, 5.522590936913569, 5.430467374033772, 5.337952595665866, 5.245089797585841, 5.1519223670058345, 5.058493961510164, 4.964848202822657, 4.871028805438801, 4.777079674271871, 4.683044596896048, 4.588967354926291, 4.4948918376807185, 4.400861736546274, 4.306920637774659, 4.213112151964144, 4.119479614524374, 4.026066158127481, 3.932914906325197, 3.8400684376966194, 3.747569308271907, 3.655459767631531, 3.563781661140818, 3.4725764543334203, 3.381885355000654, 3.291749182016266, 3.2022083225419147, 3.113302686329291, 3.025071670387813, 2.9375541155059874, 2.8507882751235067, 2.7648120756228063, 2.6796628698898908, 2.595377332958337, 2.511991511104867, 2.429540828299977, 2.348060100151542, 2.2675834280599982, 2.188144208319205, 2.1097751166797964, 2.032508149563646, 1.956374539517328, 1.8814047389683934, 1.8076284102540663, 1.7350743805094073, 1.6637709449547342, 1.5937451991027987, 1.5250235911266516, 1.4576316942294107, 1.3915942845535623, 1.3269352525830638, 1.2636776123006996, 1.2018435034424153, 1.1414541856695164, 1.0825300381030205, 1.0250905351875084, 0.9691542847125978, 0.9147389593814849, 0.8618613724228825, 0.8105373985696768, 0.7607820362516248, 0.7126093702398663, 0.6660325840264073, 0.6210639670069442, 0.5777149105663413, 0.5359959039358139, 0.49591657066574624, 0.4574856226350053, 0.4207109051647111, 0.38559939885648387, 0.352157195151836, 0.32038955472784975, 0.2903008618291999, 0.2618946653905041, 0.23517368394054564, 0.2101397954420627, 0.18679407428952333, 0.1651367723428815, 0.14516735140571407, 0.12688448950394782, 0.11028606656040078, 0.09536919940981801, 0.08213028584113538, 0.0705649306395759, 0.06066801454046808, 0.052433734145168095, 0.045855551371442455, 0.04092622558516089, 0.03763784923336019, 0.035981855700101956, 0.03594899804502737, 0.03752939390499523, 0.040712545670143624, 0.04548731986208768, 0.0518419832750722, 0.05976422083186089, 0.06924113343351122, 0.0802592561285468, 0.09280458146390629, 0.10686256749569138, 0.1224181360065182, 0.13945570289239181, 0.15795918611343707, 0.17791204816512476, 0.19929724884149802, 0.22209730298584685, 0.24629428294653655, 0.2718698359592233, 0.2988051956785105, 0.3270811880536085, 0.3566782535773351, 0.38757645812375324, 0.4197554797201207, 0.45319467715005024, 0.48787306283044046, 0.5237693260600385, 0.5608618247883449, 0.5991286087614288, 0.6385474727087105, 0.6790959229408935, 0.7207512042537955, 0.7634902502647369, 0.8072898251180416, 0.8521264414270484, 0.8979763958549867, 0.9448157556858541, 0.9926203829891947, 1.0413659952936196, 1.091028121479837, 1.1415821305987466, 1.1930031724125099, 1.245266336104556, 1.2983465540041879, 1.3522186392424995, 1.4068572655280023, 1.4622369927262733, 1.5183323373444686, 1.575117714685983, 1.632567470258276, 1.690655808113968, 1.7493569709323362, 1.80864512601102, 1.8684944055878203, 1.9288788854944148, 1.989772609297459, 2.0511496575518597, 2.1129840886751414, 2.1752499690475404, 2.2379213081378673, 2.300972220587333, 2.364376823274559, 2.428109271327846, 2.492143738950819, 2.5564544407112706, 2.6210156933719593, 2.685801862830597, 2.7507873908562197, 2.8159467353183167, 2.8812545181504907, 2.94668543085204, 3.012214266993808, 3.07781590458334, 3.143465324973916, 3.209137668764747, 3.2748081873076105, 3.340452266669442, 3.4060453760886276, 3.4715631957169237, 3.536981535198753, 3.6022763617112794, 3.6674237857643623, 3.732400077092712, 3.797181711335165, 3.861745330186344, 3.9260677615631345, 3.9901259777651585, 4.053897200471918, 4.11735883451137, 4.180488491154514, 4.243263976708281, 4.305663305939831, 4.367664741159377, 4.429246759483734, 4.4903880698792005, 4.551067578812636, 4.611264477553633, 4.670958187681869, 4.730128380662439, 4.78875496896326, 4.8468181173544975, 4.904298275278189, 4.961176150480296, 5.017432723327287, 5.07304921959284, 5.128007181207466, 5.182288422875872, 5.23587504825705, 5.2887494431726845, 5.340894285168127, 5.392292570315485, 5.44292759214379, 5.492782953705878, 5.541842544989727, 5.5900906026388935, 5.637511673822002, 5.684090630077701, 5.729812658593212, 5.774663274545758, 5.8186283483158805, 5.8616940804130415, 5.903847014664926, 5.945074030267573, 5.985362337529681, 6.024699537386102, 6.063073572125291, 6.100472744535329, 6.136885714376801, 6.17230147276566, 6.206709433265565, 6.240099361940106, 6.272461401067153, 6.303786071112955, 6.334064228111041, 6.363287173123084, 6.3914465727533125, 6.4185344843659395, 6.444543359357336, 6.469465999986568, 6.493295656289942, 6.516025968860788, 6.537650978553514, 6.5581651331603315, 6.577563248444719, 6.595840581993016, 6.61299281201636, 6.629016022565903, 6.6439067157790275, 6.657661776361941, 6.670278520180123, 6.681754715975636, 6.6920885401149635, 6.701278595980471, 6.709323892782388, 6.716223849946205, 6.721978357616433, 6.726587718663461, 6.730052662617004, 6.732374323231215, 6.733554302756072, 6.733594623786101, 6.7324977435927424, 6.730266516997839, 6.726904270754875, 6.722414757560427, 6.716802164013968, 6.710071080418388, 6.702226541859413, 6.693274034653547, 6.683219468793887, 6.672069167352254, 6.659829859928645, 6.646508753219622, 6.6321134639282135, 6.6166520303504885, 6.600132859390911, 6.582564851806591, 6.563957304318776, 6.544319933779735, 6.523662811983615, 6.501996480533922, 6.479331883382233, 6.4556803676047005, 6.431053642949066, 6.4054638257238325, 6.378923461205405, 6.351445471401463, 6.323043144513489, 6.293730111308244, 6.263520451159921, 6.232428591096223, 6.200469323267869, 6.167657721609357, 6.134009316615401, 6.099539956284553, 6.064265836351391, 6.028203418928825, 5.991369558972971, 5.95378143687122, 5.915456543827532, 5.876412638840735, 5.8366677820701485, 5.796240376260803, 5.755149091857027, 5.713412859713255, 5.671050829655618, 5.628082496305804, 5.584527578484068, 5.540406039773678, 5.495737990957284, 5.450543873724425, 5.404844310779576, 5.358660133689455, 5.312012308077008, 5.264922030753138, 5.2174106830882625, 5.169499802003651, 5.121211046639871, 5.0725662092799775, 5.023587259906989, 4.974296271148872, 4.92471541463212, 4.874866917387171, 4.824773156539227, 4.774456562260322, 4.723939630345601, 4.6732448522457, 4.622394824612548, 4.571412150464302, 4.52031945011184, 4.469139321092946, 4.41789436890226, 4.366607187020864, 4.3153003308946065, 4.263996303002037, 4.212717543783404, 4.161486440849628, 4.110325294838297, 4.059256313269643, 4.008301595267069, 3.9574831291559582, 3.906822773036754, 3.856342244901461, 3.8060631242562306, 3.756006814046244, 3.7061945465614614, 3.6566473683664666, 3.607386149168125, 3.55843154279729, 3.5098039753942043, 3.4615236492924013, 3.4136105439377658, 3.3660844066172695, 3.318964688580942, 3.272270585832128, 3.2260210218357903, 3.180234686463641, 3.134929901936478, 3.090124708848689, 3.04583683091475, 3.00208374327446, 2.9588825171105966, 2.9162498982708285, 2.8742022893679966, 2.8327557929216605, 2.7919261372202286, 2.751728646426517, 2.7121782891906387, 2.6732896841173974, 2.6350771110981475, 2.597554374087055, 2.5607349128371952, 2.5246317723648706, 2.4892576926869587, 2.4546248791013108, 2.420745166129051, 2.387629967725176, 2.355290375732676, 2.3237369711294877, 2.2929799147300094, 2.2630289468716587, 2.2338934371982146, 2.2055823194194586, 2.178104036414904, 2.1514666210750235, 2.125677697478703, 2.100744515515099, 2.076673784843945, 2.053471815171419, 2.031144480798972, 2.009697328334641, 1.9891353364842381, 1.9694630932382777, 1.950684749389309, 1.9328041066108976, 1.9158244705053689, 1.8997487116648737, 1.8845792846390228, 1.8703182646838301, 1.8569673136170906, 1.8445276179993897, 1.8329999719400971, 1.822384773893489, 1.8126820694118293, 1.8038914126340169, 1.7960119860302195, 1.7890425722218353, 1.7829816430240644, 1.7778271824456555, 1.7735768216189947, 1.7702278085130663, 1.7677770653172038, 1.7662211093222764, 1.7655560798799819, 1.7657777639828653, 1.7668816164546979, 1.768862752721341, 1.7717159036528147, 1.7754354755779849, 1.7800155475746704, 1.7854499052076833, 1.7917319607170838, 1.7988548265921886, 1.8068113023807455, 1.815593923186526, 1.8251948785779426, 1.8356060784870742, 1.8468191452691496, 1.8588254404340512, 1.871616039951997, 1.8851817430001798, 1.8995130912535318, 1.9146003809833227, 1.9304336650703418, 1.9470027311909144, 1.964297138661008, 1.9823062150233677, 2.0010190758177195, 2.0204246202323484, 2.040511517640233, 2.0612682400480558, 2.0826830598372776, 2.104744068406968, 2.127439168851259, 2.1507560734798754, 2.1746823270841777, 2.1992053074038656, 2.224312234790731, 2.249990173993721, 2.276226040058787, 2.3030066077650218, 2.3303185167732643, 2.3581482703027814, 2.386482253414652, 2.4153067366856744, 2.444607878147394, 2.4743717315467286, 2.504584237191442, 2.535231255040614, 2.5662985596056265, 2.597771841970444, 2.629636718748083, 2.6618787171347944, 2.694483320937743, 2.727435954220345, 2.760721986977129, 2.794326743580048, 2.828235480856098, 2.8624334505030045, 2.8969058674000916, 2.9316379210507546, 2.9666147830564205, 3.0018215779724144, 3.0372434637175156, 3.0728655816066697, 3.108673075594842, 3.144651096719466, 3.180784771248873, 3.217059291689976, 3.2534598559782455, 3.2899716902802583, 3.326580050683778, 3.3632701959169915, 3.400027474359796, 3.4368372640081333, 3.473684995013838, 3.5105561489254695, 3.5474362380207816, 3.5843108839596676, 3.6211657618162616, 3.6579866215008927, 3.6947592843353885, 3.7314696290918237, 3.7681036627349167, 3.804647468005038, 3.84108722387716, 3.877409199192329, 3.913599745877199, 3.949645361565767, 3.9855326406633087, 4.021248293884182, 4.056779138930337, 4.092112101706495, 4.1272342690447426, 4.1621328446011, 4.19679516711763, 4.231208698274734, 4.265361032328935, 4.299239937614589, 4.332833318399815, 4.3661292315671, 4.399115871531907, 4.431781588578934, 4.464114918877732, 4.496104552419351, 4.527739348098256, 4.559008315329828, 4.589900641693847, 4.620405711262672, 4.65051307847382, 4.680212481690128, 4.709493814282725, 4.738347176396701, 4.766762876876089, 4.794731407614558, 4.822243458617648, 4.849289920424715, 4.875861810220851, 4.901950451842139, 4.927547339077819, 4.9526441760622415, 4.97723288018077, 5.001305557423851, 5.024854501258862, 5.047872297015416, 5.07035171904874, 5.092285765140137, 5.113667659083963, 5.1344907929675205, 5.154748834289892, 5.174435693668634, 5.193545498622507, 5.212072611220426, 5.230011624318593, 5.247357292670318, 5.264104716396954, 5.280249194955323, 5.295786269521604, 5.310711724950687, 5.32502155569174, 5.338711986371332, 5.351779552375219, 5.364221006129819, 5.376033348931307, 5.387213832569584, 5.3977598806492715, 5.407669244661968, 5.416939924479195, 5.4255701590266066, 5.433558440662912, 5.440903501876053, 5.447604248359866, 5.453659963338404, 5.459070135274874, 5.463834507006438, 5.467953076603497, 5.471426043232147, 5.4742538621590136, 5.476437307262457, 5.477977371873859, 5.478875302994604, 5.479132601731082, 5.478750912233825, 5.477732254076053, 5.4760788702150425, 5.473793243715593, 5.470878107498285, 5.467336418039655, 5.463171301373566, 5.4583862633362905, 5.452984999323433, 5.446971448039486, 5.440349791002369, 5.43312437317746, 5.425299807579, 5.416881000934487, 5.407873058858959, 5.3982813201384, 5.388111355718378, 5.377368819153799, 5.366059774201493, 5.354190446025196, 5.34176727721845, 5.328796929772193, 5.315286242339073, 5.301242200523901, 5.2866721371148495, 5.271583533010195, 5.25598407322281, 5.239881644775275, 5.223284235976484, 5.2062000922760605, 5.188637686604413, 5.170605646882807, 5.152112784747982, 5.133168087683352, 5.1137805741788664, 5.093959630063225, 5.0737147341282824, 5.053055528217904, 5.031991814014663, 5.010533498929486, 4.988690600926252, 4.966473397695771, 4.943892255738947, 4.9209576779931465, 4.897680300082912, 4.874070813866829, 4.850140080472038, 4.825899087169843, 4.801358915983275, 4.776530748001454, 4.751425834032842, 4.726055557817306, 4.700431376316491, 4.67456482953642, 4.648467525605962, 4.622151147208743, 4.595627451675025, 4.5689082544916095, 4.542005427391869, 4.514930863044519, 4.487696536123164, 4.460314448133572, 4.432796635086413, 4.405155148590789, 4.377402055060257, 4.3495494599751225, 4.321609469721188, 4.293594195906544, 4.265515731455847, 4.237386180146957, 4.209217629591657, 4.181022147450944, 4.152811776290053, 4.12459852684416, 4.096394377168733, 4.06821126266405, 4.0400610715848275, 4.011955644790269, 3.983906761602912, 3.955926136485451, 3.928025415859868, 3.900216173212704, 3.872509913682908, 3.8449180416195534, 3.8174518765721985, 3.7901226420686625, 3.762941472227434, 3.735919393653025, 3.7090673120187097, 3.682396022057902, 3.655916197576153, 3.6296384184298387, 3.6035730961614787, 3.5777305207779273, 3.552120842329995, 3.5267540816767897, 3.5016401224261124, 3.4767886672070363, 3.4522092741113988, 3.4279113397191128, 3.4039041476833383, 3.3801967588069863, 3.3567980708640848, 3.3337168101001593, 3.3109615216756003, 3.2885406341775725, 3.266462337046621, 3.2447346203601306, 3.2233652959228056, 3.2023619787095368, 3.1817321479238365, 3.1614830543595174, 3.14162170827357, 3.1221549380451856, 3.1030893628982437, 3.0844314433076057, 3.066187431042944, 3.0483633002100325, 3.0309648410661776, 3.013997625555234, 2.997467045582747, 2.9813783063602917, 2.965736304165098, 2.950545751263488, 2.9358111355273806, 2.9215367471245517, 2.9077267128341524, 2.8943848241039714, 2.8815146907500964, 2.8691196952317384, 2.8572030082055466, 2.8457676605726907, 2.8348163276981038, 2.824351507712113, 2.8143754715063247, 2.8048902678632954, 2.795897827130806, 2.7873997128608146, 2.779397316614459, 2.771891805717802, 2.764884122969392, 2.7583750958367523, 2.7523652046792244, 2.746854749349479, 2.741843814595326, 2.7373322668294144, 2.733319840147842, 2.7298059738345604, 2.7267899025775097, 2.7242706614563232, 2.722247075701158, 2.720717826333179, 2.719681346233166, 2.7191358486442336, 2.7190793627283485, 2.7195097183173895, 2.72042459416618, 2.7218214615951353, 2.723697565892841, 2.726049983648017, 2.728875604405455, 2.732171164449216, 2.7359332273210435, 2.740158132266979, 2.7448420648653413, 2.7499810374163483, 2.755570911195046, 2.761607403468018, 2.768086016296965, 2.7750021126587363, 2.782350897208961, 2.7901274298931904, 2.7983266499237045, 2.8069432965222356, 2.8159719840342365, 2.8254071843647877, 2.8352432345709255, 2.845474369674598, 2.856094644625816, 2.867098003473078, 2.878478264389793, 2.8902291234710282, 2.902344189806526, 2.9148169157908486, 2.927640656740901, 2.94080865912976, 2.954314063742959, 2.9681499311485413, 2.9823091990538013, 2.9967847164344135, 3.0115692420549616, 3.0266554464119495, 3.0420359271296507, 3.0577031902039717, 3.073649663861345, 3.0898677041519855, 3.1063495963134873, 3.1230875631671284, 3.1400737608824487, 3.157300283299235, 3.1747591689059496, 3.192442402713418, 3.2103419201959538, 3.228449610113832, 3.2467573175063187, 3.265256847876485, 3.2839399703315606, 3.3027984190669772, 3.3218238975991454, 3.341008086366017, 3.360342641234518, 3.379819198390416, 3.3994293748721076, 3.4191647701038663, 3.439016982210923, 3.458977598964044, 3.479038204699561, 3.499190381025654, 3.5194257027837583, 3.539735765682474, 3.5601121686290074, 3.5805465227888646, 3.6010304529072497, 3.621555583455316, 3.64211358716953, 3.6626961507768794, 3.6832949884658364, 3.703901845060438, 3.7245084863361706, 3.7451067073294277, 3.7656883671531807, 3.7862453551082313, 3.806769605319124, 3.8272530997862706, 3.8476878411036086, 3.868065910034648, 3.888379446811948, 3.9086206429046166, 3.9287817508265155, 3.9488550844144643, 3.9688329820713735, 3.988707908414608, 4.008472376855765, 4.028118974184441, 4.047640363309375, 4.0670292696215435, 4.086278485173002, 4.105380923306375, 4.124329565044864, 4.143117478865629, 4.161737823268548, 4.1801838139003005, 4.198448786290498, 4.2165261810691685, 4.234409526969732, 4.252092452993851, 4.269568689217755, 4.286832015809075, 4.30387639167852, 4.320695855839924, 4.337284556842097, 4.353636754954891, 4.369746806519992, 4.385609160982148, 4.401218434831004, 4.4165693403893185, 4.431656709747707, 4.446475496740504, 4.461020739313886, 4.475287624344302, 4.489271480221067, 4.50296774905412, 4.5163720014805735, 4.529479938416981, 4.542287325039942, 4.554790146135962, 4.566984486789712, 4.578866566312537, 4.590432739767401, 4.601679481460735, 4.612603372870263 ], "yaxis": "y4" } ], "layout": { "annotations": [ { "font": { "size": 16 }, "showarrow": false, "text": "Forward Speed", "x": 0.225, "xanchor": "center", "xref": "paper", "y": 1, "yanchor": "bottom", "yref": "paper" }, { "font": { "size": 16 }, "showarrow": false, "text": "Heave Velocity", "x": 0.775, "xanchor": "center", "xref": "paper", "y": 1, "yanchor": "bottom", "yref": "paper" }, { "font": { "size": 16 }, "showarrow": false, "text": "Pitch Rate", "x": 0.225, "xanchor": "center", "xref": "paper", "y": 0.375, "yanchor": "bottom", "yref": "paper" }, { "font": { "size": 16 }, "showarrow": false, "text": "Pitch Attitude", "x": 0.775, "xanchor": "center", "xref": "paper", "y": 0.375, "yanchor": "bottom", "yref": "paper" } ], "template": { "data": { "bar": [ { "error_x": { "color": "#2a3f5f" }, "error_y": { "color": "#2a3f5f" }, "marker": { "line": { "color": "#E5ECF6", "width": 0.5 }, "pattern": { "fillmode": "overlay", "size": 10, "solidity": 0.2 } }, "type": "bar" } ], "barpolar": [ { "marker": { "line": { "color": "#E5ECF6", "width": 0.5 }, "pattern": { "fillmode": "overlay", "size": 10, "solidity": 0.2 } }, "type": "barpolar" } ], "carpet": [ { "aaxis": { "endlinecolor": "#2a3f5f", "gridcolor": "white", "linecolor": "white", "minorgridcolor": "white", "startlinecolor": "#2a3f5f" }, "baxis": { "endlinecolor": "#2a3f5f", "gridcolor": "white", "linecolor": "white", "minorgridcolor": "white", "startlinecolor": "#2a3f5f" }, "type": "carpet" } ], "choropleth": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "type": "choropleth" } ], "contour": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1, "#f0f921" ] ], "type": "contour" } ], "contourcarpet": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "type": "contourcarpet" } ], "heatmap": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1, "#f0f921" ] ], "type": "heatmap" } ], "heatmapgl": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1, "#f0f921" ] ], "type": "heatmapgl" } ], "histogram": [ { "marker": { "pattern": { "fillmode": "overlay", "size": 10, "solidity": 0.2 } }, "type": "histogram" } ], "histogram2d": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1, "#f0f921" ] ], "type": "histogram2d" } ], "histogram2dcontour": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1, "#f0f921" ] ], "type": "histogram2dcontour" } ], "mesh3d": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "type": "mesh3d" } ], "parcoords": [ { "line": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "parcoords" } ], "pie": [ { "automargin": true, "type": "pie" } ], "scatter": [ { "fillpattern": { "fillmode": "overlay", "size": 10, "solidity": 0.2 }, "type": "scatter" } ], "scatter3d": [ { "line": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scatter3d" } ], "scattercarpet": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scattercarpet" } ], "scattergeo": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scattergeo" } ], "scattergl": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scattergl" } ], "scattermapbox": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scattermapbox" } ], "scatterpolar": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scatterpolar" } ], "scatterpolargl": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scatterpolargl" } ], "scatterternary": [ { "marker": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "type": "scatterternary" } ], "surface": [ { "colorbar": { "outlinewidth": 0, "ticks": "" }, "colorscale": [ [ 0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1, "#f0f921" ] ], "type": "surface" } ], "table": [ { "cells": { "fill": { "color": "#EBF0F8" }, "line": { "color": "white" } }, "header": { "fill": { "color": "#C8D4E3" }, "line": { "color": "white" } }, "type": "table" } ] }, "layout": { "annotationdefaults": { "arrowcolor": "#2a3f5f", "arrowhead": 0, "arrowwidth": 1 }, "autotypenumbers": "strict", "coloraxis": { "colorbar": { "outlinewidth": 0, "ticks": "" } }, "colorscale": { "diverging": [ [ 0, "#8e0152" ], [ 0.1, "#c51b7d" ], [ 0.2, "#de77ae" ], [ 0.3, "#f1b6da" ], [ 0.4, "#fde0ef" ], [ 0.5, "#f7f7f7" ], [ 0.6, "#e6f5d0" ], [ 0.7, "#b8e186" ], [ 0.8, "#7fbc41" ], [ 0.9, "#4d9221" ], [ 1, "#276419" ] ], "sequential": [ [ 0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1, "#f0f921" ] ], "sequentialminus": [ [ 0, "#0d0887" ], [ 0.1111111111111111, "#46039f" ], [ 0.2222222222222222, "#7201a8" ], [ 0.3333333333333333, "#9c179e" ], [ 0.4444444444444444, "#bd3786" ], [ 0.5555555555555556, "#d8576b" ], [ 0.6666666666666666, "#ed7953" ], [ 0.7777777777777778, "#fb9f3a" ], [ 0.8888888888888888, "#fdca26" ], [ 1, "#f0f921" ] ] }, "colorway": [ "#636efa", "#EF553B", "#00cc96", "#ab63fa", "#FFA15A", "#19d3f3", "#FF6692", "#B6E880", "#FF97FF", "#FECB52" ], "font": { "color": "#2a3f5f" }, "geo": { "bgcolor": "white", "lakecolor": "white", "landcolor": "#E5ECF6", "showlakes": true, "showland": true, "subunitcolor": "white" }, "hoverlabel": { "align": "left" }, "hovermode": "closest", "mapbox": { "style": "light" }, "paper_bgcolor": "white", "plot_bgcolor": "#E5ECF6", "polar": { "angularaxis": { "gridcolor": "white", "linecolor": "white", "ticks": "" }, "bgcolor": "#E5ECF6", "radialaxis": { "gridcolor": "white", "linecolor": "white", "ticks": "" } }, "scene": { "xaxis": { "backgroundcolor": "#E5ECF6", "gridcolor": "white", "gridwidth": 2, "linecolor": "white", "showbackground": true, "ticks": "", "zerolinecolor": "white" }, "yaxis": { "backgroundcolor": "#E5ECF6", "gridcolor": "white", "gridwidth": 2, "linecolor": "white", "showbackground": true, "ticks": "", "zerolinecolor": "white" }, "zaxis": { "backgroundcolor": "#E5ECF6", "gridcolor": "white", "gridwidth": 2, "linecolor": "white", "showbackground": true, "ticks": "", "zerolinecolor": "white" } }, "shapedefaults": { "line": { "color": "#2a3f5f" } }, "ternary": { "aaxis": { "gridcolor": "white", "linecolor": "white", "ticks": "" }, "baxis": { "gridcolor": "white", "linecolor": "white", "ticks": "" }, "bgcolor": "#E5ECF6", "caxis": { "gridcolor": "white", "linecolor": "white", "ticks": "" } }, "title": { "x": 0.05 }, "xaxis": { "automargin": true, "gridcolor": "white", "linecolor": "white", "ticks": "", "title": { "standoff": 15 }, "zerolinecolor": "white", "zerolinewidth": 2 }, "yaxis": { "automargin": true, "gridcolor": "white", "linecolor": "white", "ticks": "", "title": { "standoff": 15 }, "zerolinecolor": "white", "zerolinewidth": 2 } } }, "title": { "text": "Comparison of linear and nonlinear models - response to -1° constant elevator input", "x": 0.5 }, "xaxis": { "anchor": "y", "domain": [ 0, 0.45 ], "title": { "text": "Time" } }, "xaxis2": { "anchor": "y2", "domain": [ 0.55, 1 ], "title": { "text": "Time" } }, "xaxis3": { "anchor": "y3", "domain": [ 0, 0.45 ], "title": { "text": "Time" } }, "xaxis4": { "anchor": "y4", "domain": [ 0.55, 1 ], "title": { "text": "Time" } }, "yaxis": { "anchor": "x", "domain": [ 0.625, 1 ], "title": { "text": "U / (m/s)" } }, "yaxis2": { "anchor": "x2", "domain": [ 0.625, 1 ], "title": { "text": "W / (m/s)" } }, "yaxis3": { "anchor": "x3", "domain": [ 0, 0.375 ], "title": { "text": "Q / (deg/s)" } }, "yaxis4": { "anchor": "x4", "domain": [ 0, 0.375 ], "title": { "text": "θ / deg" } } } }, "text/html": [ "
" ] }, "metadata": {}, "output_type": "display_data" } ], "source": [ "import control\n", "import control.matlab\n", "\n", "# We will make a B matrix to enable us to use the control system toolbox by _exciting the aircraft_ through\n", "# Elevator input. Turn from Zde in 1/radians to 1/degree to put a useful input in.\n", "SIunits=True\n", "\n", "# Turn the matrices into a state space object\n", "LonSS = control.StateSpace(Alon, Blon, np.eye(Alon.shape[0]), np.zeros(Blon.shape))\n", "\n", "# Look at the first 100 seconds response to a unit impulse in the only\n", "timeVec = np.linspace(0, 100, 1000)\n", "Time, [u, w, q, theta] = control.forced_response(LonSS, U=de * np.ones(timeVec.shape), T=timeVec)\n", "\n", "# u, w, q, theta = u[0], w[0], q[0], theta[0]\n", "\n", "# Add back on the trim values\n", "\n", "\n", "# Convert q and theta\n", "q = np.degrees(q)\n", "theta = np.degrees(theta)\n", "\n", "from plotly.subplots import make_subplots\n", "import plotly.graph_objects as go\n", "\n", "fig = make_subplots(rows=2, cols=2, subplot_titles=(\"Forward Speed\", \"Heave Velocity\", \"Pitch Rate\", \"Pitch Attitude\"))\n", "\n", "fig.add_trace(\n", " go.Scatter(x = Time, y = u + Ue, showlegend=True, name=\"Linear\", line_color=\"blue\"), row=1, col=1)\n", "\n", "# tNonlinear = t\n", "# Unonlinear = U\n", "# Wnonlinear = W\n", "# Qnonlinear = Q\n", "# Thetanonlinear = Theta\n", "\n", "fig.add_trace(\n", " go.Scatter(x = tNonlinear, y = Unonlinear, line_color=\"blue\", showlegend=True, line={\"dash\":\"dash\"}, name=\"Nonlinear\"), row=1, col=1)\n", "\n", "fig.add_trace(\n", " go.Scatter(x = Time, y = w+We, showlegend=False, line_color=\"blue\"), row=1, col=2)\n", "\n", "fig.add_trace(\n", " go.Scatter(x = tNonlinear, y = Wnonlinear, showlegend=False, line_color=\"blue\", line={\"dash\":\"dash\"}, name=\"Nonlinear\"), row=1, col=2)\n", "\n", "fig.add_trace(\n", " go.Scatter(x = Time, y = (q), showlegend=False, line_color=\"blue\"), row=2, col=1)\n", "\n", "fig.add_trace(\n", " go.Scatter(x = Time, y = np.degrees(Qnonlinear), showlegend=False, line_color=\"blue\", line={\"dash\":\"dash\"}), row=2, col=1)\n", "\n", "fig.add_trace(\n", " go.Scatter(x = Time, y = (theta), showlegend=False, line_color=\"blue\"), row=2, col=2)\n", "\n", "fig.add_trace(\n", " go.Scatter(x = Time, y = np.degrees(Thetanonlinear), showlegend=False, line_color=\"blue\", line={\"dash\":\"dash\"}), row=2, col=2)\n", "\n", "# Make a label based upon the units\n", "if SIunits:\n", " speedlabel = \"m/s\"\n", "else:\n", " speedlabel = \"ft/s\"\n", "\n", "fig.update_xaxes(title_text=\"Time\", row=1, col=1)\n", "fig.update_yaxes(title_text=f\"U / ({speedlabel})\", row=1, col=1)\n", "fig.update_xaxes(title_text=\"Time\", row=1, col=2)\n", "fig.update_yaxes(title_text=f\"W / ({speedlabel})\", row=1, col=2)\n", "fig.update_xaxes(title_text=\"Time\", row=2, col=1)\n", "fig.update_yaxes(title_text=\"Q / (deg/s)\", row=2, col=1)\n", "fig.update_xaxes(title_text=\"Time\", row=2, col=2)\n", "fig.update_yaxes(title_text=\"θ / deg\", row=2, col=2)\n", "\n", "fig.update_layout(title_text=f\"Comparison of linear and nonlinear models - response to {np.degrees(de):1.0f}° constant elevator input\",\n", " title_x=0.5)\n", "\n", "\n", "fig.show()\n", "\n", "\n", "\n", "fig.write_html(\"LinearvsNonLinearExample.html\")\n" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "The linear model matches the response pretty well - with differences only really occuring after significant time has passed.\n", "\n", "It is clear that the aircraft response in pitch is a couple of two characteristic motions - one highly-damped with a short period, and one with a much longer period. These are the *short period* and *Phugoid* motions, respectively. They will be discussed in further detail in the following chapter, but for the present discussion it can be seen that the linear model initially correlates very well with the nonlinear model, but that it slowly begins to drift apart. This is to be expected from any linear model - particularly as the model diverges away from the trim point at which the stability derivatives were evaluated.\n", "\n", "From an analysis standpoint, it is difficult to de-couple the motion in the first few seconds - the motion from 0-5s comprises the superposition of short-period and Phugoid mode. Whilst the Phugoid motion can be removed from the plot numerically, this requires determination of the final value.\n", "\n", "This highlights a chief benefit of the linear equation of motion - as will be explored in the next Chapter, system stability information ($\\omega_n$, $\\zeta$) can be determined directly from the system matrix - with no need for transient analysis.\n" ] } ], "metadata": { "celltoolbar": "Tags", "kernelspec": { "display_name": "Python 3 (ipykernel)", "language": "python", "name": "python3" }, "language_info": { "codemirror_mode": { "name": "ipython", "version": 3 }, "file_extension": ".py", "mimetype": "text/x-python", "name": "python", "nbconvert_exporter": "python", "pygments_lexer": "ipython3", "version": "3.8.13" } }, "nbformat": 4, "nbformat_minor": 4 }