Newer
Older
Master_thesis / raremodel-nb.ipynb
@Sascha Liechti Sascha Liechti on 23 Sep 2019 366 KB ...
{
 "cells": [
  {
   "cell_type": "markdown",
   "metadata": {},
   "source": [
    "# Import"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 1,
   "metadata": {},
   "outputs": [
    {
     "name": "stderr",
     "output_type": "stream",
     "text": [
      "C:\\Users\\sa_li\\.conda\\envs\\rmd\\lib\\site-packages\\zfit\\util\\execution.py:57: UserWarning: Not running on Linux. Determining available cpus for thread can failand be overestimated. Workaround (only if too many cpus are used):`zfit.run.set_n_cpu(your_cpu_number)`\n",
      "  warnings.warn(\"Not running on Linux. Determining available cpus for thread can fail\"\n"
     ]
    },
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "\n",
      "WARNING: The TensorFlow contrib module will not be included in TensorFlow 2.0.\n",
      "For more information, please see:\n",
      "  * https://github.com/tensorflow/community/blob/master/rfcs/20180907-contrib-sunset.md\n",
      "  * https://github.com/tensorflow/addons\n",
      "If you depend on functionality not listed there, please file an issue.\n",
      "\n"
     ]
    }
   ],
   "source": [
    "import os\n",
    "\n",
    "# os.environ[\"CUDA_VISIBLE_DEVICES\"] = \"-1\"\n",
    "\n",
    "import numpy as np\n",
    "from pdg_const import pdg\n",
    "import matplotlib\n",
    "import matplotlib.pyplot as plt\n",
    "import pickle as pkl\n",
    "import sys\n",
    "import time\n",
    "from helperfunctions import display_time, prepare_plot\n",
    "import cmath as c\n",
    "import scipy.integrate as integrate\n",
    "from scipy.optimize import fminbound\n",
    "from array import array as arr\n",
    "import collections\n",
    "from itertools import compress\n",
    "import tensorflow as tf\n",
    "import zfit\n",
    "from zfit import ztf\n",
    "# from IPython.display import clear_output\n",
    "import os\n",
    "import tensorflow_probability as tfp\n",
    "tfd = tfp.distributions"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 2,
   "metadata": {},
   "outputs": [],
   "source": [
    "# chunksize = 10000\n",
    "# zfit.run.chunking.active = True\n",
    "# zfit.run.chunking.max_n_points = chunksize"
   ]
  },
  {
   "cell_type": "markdown",
   "metadata": {},
   "source": [
    "# Build model and graphs\n",
    "## Create graphs"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": null,
   "metadata": {},
   "outputs": [],
   "source": []
  },
  {
   "cell_type": "code",
   "execution_count": 3,
   "metadata": {},
   "outputs": [],
   "source": [
    "def formfactor(q2, subscript, b0_0, b0_1, b0_2, bplus_0, bplus_1, bplus_2, bT_0, bT_1, bT_2): #returns real value\n",
    "    #check if subscript is viable\n",
    "\n",
    "    if subscript != \"0\" and subscript != \"+\" and subscript != \"T\":\n",
    "        raise ValueError('Wrong subscript entered, choose either 0, + or T')\n",
    "\n",
    "    #get constants\n",
    "\n",
    "    mK = ztf.constant(pdg['Ks_M'])\n",
    "    mbstar0 = ztf.constant(pdg[\"mbstar0\"])\n",
    "    mbstar = ztf.constant(pdg[\"mbstar\"])\n",
    "\n",
    "\n",
    "    mmu = ztf.constant(pdg['muon_M'])\n",
    "    mb = ztf.constant(pdg['bquark_M'])\n",
    "    ms = ztf.constant(pdg['squark_M'])\n",
    "    mB = ztf.constant(pdg['Bplus_M'])\n",
    "\n",
    "    #N comes from derivation in paper\n",
    "\n",
    "    N = 3\n",
    "\n",
    "    #some helperfunctions\n",
    "\n",
    "    tpos = (mB - mK)**2\n",
    "    tzero = (mB + mK)*(ztf.sqrt(mB)-ztf.sqrt(mK))**2\n",
    "\n",
    "    z_oben = ztf.sqrt(tpos - q2) - ztf.sqrt(tpos - tzero)\n",
    "    z_unten = ztf.sqrt(tpos - q2) + ztf.sqrt(tpos - tzero)\n",
    "    z = tf.divide(z_oben, z_unten)\n",
    "\n",
    "    #calculate f0\n",
    "\n",
    "    if subscript == \"0\":\n",
    "        prefactor = 1/(1 - q2/(mbstar0**2))\n",
    "        _sum = 0\n",
    "        b0 = [b0_0, b0_1, b0_2]\n",
    "\n",
    "        for i in range(N):\n",
    "            _sum += b0[i]*(tf.pow(z,i))\n",
    "\n",
    "        return ztf.to_complex(prefactor * _sum)\n",
    "\n",
    "    #calculate f+ or fT\n",
    "\n",
    "    else:\n",
    "        prefactor = 1/(1 - q2/(mbstar**2))\n",
    "        _sum = 0\n",
    "\n",
    "        if subscript == \"T\":\n",
    "            bT = [bT_0, bT_1, bT_2]\n",
    "            for i in range(N):\n",
    "                _sum += bT[i] * (tf.pow(z, i) - ((-1)**(i-N)) * (i/N) * tf.pow(z, N))\n",
    "        else:\n",
    "            bplus = [bplus_0, bplus_1, bplus_2]\n",
    "            for i in range(N):\n",
    "                _sum += bplus[i] * (tf.pow(z, i) - ((-1)**(i-N)) * (i/N) * tf.pow(z, N))\n",
    "\n",
    "        return ztf.to_complex(prefactor * _sum)\n",
    "\n",
    "def resonance(q, _mass, width, phase, scale):\n",
    "\n",
    "    q2 = tf.pow(q, 2)\n",
    "\n",
    "    mmu = ztf.constant(pdg['muon_M'])\n",
    "\n",
    "    p = 0.5 * ztf.sqrt(q2 - 4*(mmu**2))\n",
    "\n",
    "    p0 =  0.5 * ztf.sqrt(_mass**2 - 4*mmu**2)\n",
    "\n",
    "    gamma_j = tf.divide(p, q) * _mass * width / p0\n",
    "\n",
    "    #Calculate the resonance\n",
    "\n",
    "    _top = tf.complex(_mass * width, ztf.constant(0.0))\n",
    "\n",
    "    _bottom = tf.complex(_mass**2 - q2, -_mass*gamma_j)\n",
    "\n",
    "    com = _top/_bottom\n",
    "\n",
    "    #Rotate by the phase\n",
    "\n",
    "    r = ztf.to_complex(scale*tf.abs(com))\n",
    "\n",
    "    _phase = tf.angle(com)\n",
    "\n",
    "    _phase += phase\n",
    "\n",
    "    com = r * tf.exp(tf.complex(ztf.constant(0.0), _phase))\n",
    "\n",
    "    return com\n",
    "\n",
    "\n",
    "def axiv_nonres(q, b0_0, b0_1, b0_2, bplus_0, bplus_1, bplus_2, bT_0, bT_1, bT_2):\n",
    "\n",
    "    GF = ztf.constant(pdg['GF'])\n",
    "    alpha_ew = ztf.constant(pdg['alpha_ew'])\n",
    "    Vtb = ztf.constant(pdg['Vtb'])\n",
    "    Vts = ztf.constant(pdg['Vts'])\n",
    "    C10eff = ztf.constant(pdg['C10eff'])\n",
    "\n",
    "    mmu = ztf.constant(pdg['muon_M'])\n",
    "    mb = ztf.constant(pdg['bquark_M'])\n",
    "    ms = ztf.constant(pdg['squark_M'])\n",
    "    mK = ztf.constant(pdg['Ks_M'])\n",
    "    mB = ztf.constant(pdg['Bplus_M'])\n",
    "\n",
    "    q2 = tf.pow(q, 2)\n",
    "\n",
    "    #Some helperfunctions\n",
    "\n",
    "    beta = 1. - 4. * mmu**2. / q2\n",
    "\n",
    "    kabs = ztf.sqrt(mB**2. + tf.pow(q2, 2)/mB**2. + mK**4./mB**2. - 2. * (mB**2. * mK**2. + mK**2. * q2 + mB**2. * q2) / mB**2.)\n",
    "\n",
    "    #prefactor in front of whole bracket\n",
    "\n",
    "    prefactor1 = GF**2. *alpha_ew**2. * (tf.abs(Vtb*Vts))**2. * kabs * beta / (128. * np.pi**5.)\n",
    "\n",
    "    #left term in bracket\n",
    "\n",
    "    bracket_left = 2./3. * tf.pow(kabs,2) * tf.pow(beta,2) * tf.pow(tf.abs(ztf.to_complex(C10eff)*formfactor(q2, \"+\", b0_0, b0_1, b0_2, bplus_0, bplus_1, bplus_2, bT_0, bT_1, bT_2)),2)\n",
    "\n",
    "    #middle term in bracket\n",
    "\n",
    "    _top = 4. * mmu**2. * (mB**2. - mK**2.) * (mB**2. - mK**2.)\n",
    "\n",
    "    _under = q2 * mB**2.\n",
    "\n",
    "    bracket_middle = _top/_under *tf.pow(tf.abs(ztf.to_complex(C10eff) * formfactor(q2, \"0\", b0_0, b0_1, b0_2, bplus_0, bplus_1, bplus_2, bT_0, bT_1, bT_2)), 2)\n",
    "    \n",
    "    #Note sqrt(q2) comes from derivation as we use q2 and plot q\n",
    "\n",
    "    return prefactor1 * (bracket_left + bracket_middle) * 2 * q\n",
    "\n",
    "def vec(q, funcs, b0_0, b0_1, b0_2, bplus_0, bplus_1, bplus_2, bT_0, bT_1, bT_2):\n",
    "    \n",
    "    q2 = tf.pow(q, 2)\n",
    "\n",
    "    GF = ztf.constant(pdg['GF'])\n",
    "    alpha_ew = ztf.constant(pdg['alpha_ew'])\n",
    "    Vtb = ztf.constant(pdg['Vtb'])\n",
    "    Vts = ztf.constant(pdg['Vts'])\n",
    "    C7eff = ztf.constant(pdg['C7eff'])\n",
    "\n",
    "    mmu = ztf.constant(pdg['muon_M'])\n",
    "    mb = ztf.constant(pdg['bquark_M'])\n",
    "    ms = ztf.constant(pdg['squark_M'])\n",
    "    mK = ztf.constant(pdg['Ks_M'])\n",
    "    mB = ztf.constant(pdg['Bplus_M'])\n",
    "\n",
    "    #Some helperfunctions\n",
    "\n",
    "    beta = 1. - 4. * mmu**2. / q2\n",
    "\n",
    "    kabs = ztf.sqrt(mB**2. + tf.pow(q2, 2)/mB**2. + mK**4./mB**2. - 2 * (mB**2 * mK**2 + mK**2 * q2 + mB**2 * q2) / mB**2)\n",
    "    \n",
    "    #prefactor in front of whole bracket\n",
    "\n",
    "    prefactor1 = GF**2. *alpha_ew**2. * (tf.abs(Vtb*Vts))**2 * kabs * beta / (128. * np.pi**5.)\n",
    "\n",
    "    #right term in bracket\n",
    "\n",
    "    prefactor2 = tf.pow(kabs,2) * (1. - 1./3. * beta)\n",
    "\n",
    "    abs_bracket = tf.pow(tf.abs(c9eff(q, funcs) * formfactor(q2, \"+\", b0_0, b0_1, b0_2, bplus_0, bplus_1, bplus_2, bT_0, bT_1, bT_2) + ztf.to_complex(2.0 * C7eff * (mb + ms)/(mB + mK)) * formfactor(q2, \"T\", b0_0, b0_1, b0_2, bplus_0, bplus_1, bplus_2, bT_0, bT_1, bT_2)),2)\n",
    "\n",
    "    bracket_right = prefactor2 * abs_bracket\n",
    "\n",
    "    #Note sqrt(q2) comes from derivation as we use q2 and plot q\n",
    "\n",
    "    return prefactor1 * bracket_right * 2 * q\n",
    "\n",
    "def c9eff(q, funcs):\n",
    "\n",
    "    C9eff_nr = ztf.to_complex(ztf.constant(pdg['C9eff']))\n",
    "\n",
    "    c9 = C9eff_nr + funcs\n",
    "\n",
    "    return c9"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 4,
   "metadata": {},
   "outputs": [],
   "source": [
    "def G(y):\n",
    "    \n",
    "    def inner_rect_bracket(q):\n",
    "        return tf.log(ztf.to_complex((1+tf.sqrt(q))/(1-tf.sqrt(q)))-tf.complex(ztf.constant(0), -1*ztf.constant(np.pi)))    \n",
    "    \n",
    "    def inner_right(q):\n",
    "        return ztf.to_complex(2 * tf.atan(1/tf.sqrt(tf.math.real(-q))))\n",
    "    \n",
    "    big_bracket = tf.where(tf.math.real(y) > ztf.constant(0.0), inner_rect_bracket(y), inner_right(y))\n",
    "    \n",
    "    return ztf.to_complex(tf.sqrt(tf.abs(y))) * big_bracket\n",
    "\n",
    "def h_S(m, q):\n",
    "    \n",
    "    return ztf.to_complex(2) - G(ztf.to_complex(1) - ztf.to_complex(4*tf.pow(m, 2)) / ztf.to_complex(tf.pow(q, 2)))\n",
    "\n",
    "def h_P(m, q):\n",
    "    \n",
    "    return ztf.to_complex(2/3) + (ztf.to_complex(1) - ztf.to_complex(4*tf.pow(m, 2)) / ztf.to_complex(tf.pow(q, 2))) * h_S(m,q)\n",
    "\n",
    "def two_p_ccbar(mD, m_D_bar, m_D_star, q):\n",
    "    \n",
    "    \n",
    "    #Load constants\n",
    "    nu_D_bar = ztf.to_complex(pdg[\"nu_D_bar\"])\n",
    "    nu_D = ztf.to_complex(pdg[\"nu_D\"])\n",
    "    nu_D_star = ztf.to_complex(pdg[\"nu_D_star\"])\n",
    "    \n",
    "    phase_D_bar = ztf.to_complex(pdg[\"phase_D_bar\"])\n",
    "    phase_D = ztf.to_complex(pdg[\"phase_D\"])\n",
    "    phase_D_star = ztf.to_complex(pdg[\"phase_D_star\"])\n",
    "    \n",
    "    #Calculation\n",
    "    left_part =  nu_D_bar * tf.exp(tf.complex(ztf.constant(0.0), phase_D_bar)) * h_S(m_D_bar, q) \n",
    "    \n",
    "    right_part_D = nu_D * tf.exp(tf.complex(ztf.constant(0.0), phase_D)) * h_P(m_D, q) \n",
    "    \n",
    "    right_part_D_star = nu_D_star * tf.exp(tf.complex(ztf.constant(0.0), phase_D_star)) * h_P(m_D_star, q) \n",
    "\n",
    "    return left_part + right_part_D + right_part_D_star"
   ]
  },
  {
   "cell_type": "markdown",
   "metadata": {},
   "source": [
    "## Build pdf"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 5,
   "metadata": {},
   "outputs": [],
   "source": [
    "class total_pdf_cut(zfit.pdf.ZPDF):\n",
    "    _N_OBS = 1  # dimension, can be omitted\n",
    "    _PARAMS = ['b0_0', 'b0_1', 'b0_2', \n",
    "               'bplus_0', 'bplus_1', 'bplus_2', \n",
    "               'bT_0', 'bT_1', 'bT_2', \n",
    "               'rho_mass', 'rho_scale', 'rho_phase', 'rho_width',\n",
    "               'jpsi_mass', 'jpsi_scale', 'jpsi_phase', 'jpsi_width',\n",
    "               'psi2s_mass', 'psi2s_scale', 'psi2s_phase', 'psi2s_width',\n",
    "               'p3770_mass', 'p3770_scale', 'p3770_phase', 'p3770_width',\n",
    "               'p4040_mass', 'p4040_scale', 'p4040_phase', 'p4040_width',\n",
    "               'p4160_mass', 'p4160_scale', 'p4160_phase', 'p4160_width',\n",
    "               'p4415_mass', 'p4415_scale', 'p4415_phase', 'p4415_width',\n",
    "               'omega_mass', 'omega_scale', 'omega_phase', 'omega_width',\n",
    "               'phi_mass', 'phi_scale', 'phi_phase', 'phi_width',\n",
    "               'Dbar_mass', 'Dbar_scale', 'Dbar_phase',\n",
    "               'Dstar_mass', 'DDstar_scale', 'DDstar_phase', 'D_mass',\n",
    "               'tau_mass', 'C_tt']\n",
    "# the name of the parameters\n",
    "\n",
    "    def _unnormalized_pdf(self, x):\n",
    "        \n",
    "        x = x.unstack_x()\n",
    "        \n",
    "        b0 = [self.params['b0_0'], self.params['b0_1'], self.params['b0_2']]\n",
    "        bplus = [self.params['bplus_0'], self.params['bplus_1'], self.params['bplus_2']]\n",
    "        bT = [self.params['bT_0'], self.params['bT_1'], self.params['bT_2']]\n",
    "        \n",
    "        def rho_res(q):\n",
    "            return resonance(q, _mass = self.params['rho_mass'], scale = self.params['rho_scale'],\n",
    "                             phase = self.params['rho_phase'], width = self.params['rho_width'])\n",
    "    \n",
    "        def omega_res(q):\n",
    "            return resonance(q, _mass = self.params['omega_mass'], scale = self.params['omega_scale'],\n",
    "                             phase = self.params['omega_phase'], width = self.params['omega_width'])\n",
    "        \n",
    "        def phi_res(q):\n",
    "            return resonance(q, _mass = self.params['phi_mass'], scale = self.params['phi_scale'],\n",
    "                             phase = self.params['phi_phase'], width = self.params['phi_width'])\n",
    "\n",
    "        def jpsi_res(q):\n",
    "            return  ztf.to_complex(tf.pow(q, 2) / tf.pow(self.params['jpsi_mass'], 2)) * resonance(q, _mass = self.params['jpsi_mass'], \n",
    "                                                                                  scale = self.params['jpsi_scale'],\n",
    "                                                                                  phase = self.params['jpsi_phase'], \n",
    "                                                                                  width = self.params['jpsi_width'])\n",
    "        def psi2s_res(q):\n",
    "            return ztf.to_complex(tf.pow(q, 2) / tf.pow(self.params['psi2s_mass'], 2)) * resonance(q, _mass = self.params['psi2s_mass'], \n",
    "                                                                                   scale = self.params['psi2s_scale'],\n",
    "                                                                                   phase = self.params['psi2s_phase'], \n",
    "                                                                                   width = self.params['psi2s_width'])\n",
    "        def p3770_res(q):\n",
    "            return ztf.to_complex(tf.pow(q, 2) / tf.pow(self.params['p3770_mass'], 2)) * resonance(q, _mass = self.params['p3770_mass'], \n",
    "                                                                                   scale = self.params['p3770_scale'],\n",
    "                                                                                   phase = self.params['p3770_phase'], \n",
    "                                                                                   width = self.params['p3770_width'])\n",
    "        \n",
    "        def p4040_res(q):\n",
    "            return ztf.to_complex(tf.pow(q, 2) / tf.pow(self.params['p4040_mass'], 2)) * resonance(q, _mass = self.params['p4040_mass'], \n",
    "                                                                                   scale = self.params['p4040_scale'],\n",
    "                                                                                   phase = self.params['p4040_phase'], \n",
    "                                                                                   width = self.params['p4040_width'])\n",
    "        \n",
    "        def p4160_res(q):\n",
    "            return ztf.to_complex(tf.pow(q, 2) / tf.pow(self.params['p4160_mass'], 2)) * resonance(q, _mass = self.params['p4160_mass'], \n",
    "                                                                                   scale = self.params['p4160_scale'],\n",
    "                                                                                   phase = self.params['p4160_phase'], \n",
    "                                                                                   width = self.params['p4160_width'])\n",
    "        \n",
    "        def p4415_res(q):\n",
    "            return ztf.to_complex(tf.pow(q, 2) / tf.pow(self.params['p4415_mass'], 2)) * resonance(q, _mass = self.params['p4415_mass'], \n",
    "                                                                                   scale = self.params['p4415_scale'],\n",
    "                                                                                   phase = self.params['p4415_phase'], \n",
    "                                                                                   width = self.params['p4415_width'])\n",
    "        \n",
    "        def P2_D(q):\n",
    "            Dbar_contrib = ztf.to_complex(self.params['Dbar_scale'])*tf.exp(tf.complex(ztf.constant(0.0), self.params['Dbar_phase']))*ztf.to_complex(h_S(self.params['Dbar_mass'], q))\n",
    "            DDstar_contrib = ztf.to_complex(self.params['DDstar_scale'])*tf.exp(tf.complex(ztf.constant(0.0), self.params['DDstar_phase']))*(ztf.to_complex(h_P(self.params['Dstar_mass'], q)) + ztf.to_complex(h_P(self.params['D_mass'], q)))\n",
    "            return Dbar_contrib + DDstar_contrib\n",
    "        \n",
    "        def ttau_cusp(q):\n",
    "            return ztf.to_complex(self.params['C_tt'])*(ztf.to_complex((h_S(self.params['tau_mass'], q))) - ztf.to_complex(h_P(self.params['tau_mass'], q)))\n",
    "        \n",
    "\n",
    "        funcs = rho_res(x) + omega_res(x) + phi_res(x) + jpsi_res(x) + psi2s_res(x) + p3770_res(x) + p4040_res(x)+ p4160_res(x) + p4415_res(x) + P2_D(x) + ttau_cusp(x)\n",
    "\n",
    "        vec_f = vec(x, funcs, b0_0, b0_1, b0_2, bplus_0, bplus_1, bplus_2, bT_0, bT_1, bT_2)\n",
    "\n",
    "        axiv_nr = axiv_nonres(x, b0_0, b0_1, b0_2, bplus_0, bplus_1, bplus_2, bT_0, bT_1, bT_2)\n",
    "\n",
    "        tot = vec_f + axiv_nr\n",
    "        \n",
    "        #Cut out jpsi and psi2s\n",
    "        \n",
    "        tot = tf.where(tf.math.logical_or(x < ztf.constant(jpsi_mass-60.), x > ztf.constant(jpsi_mass+70.)), tot, 0.0*tot)\n",
    "        \n",
    "        tot = tf.where(tf.math.logical_or(x < ztf.constant(psi2s_mass-50.), x > ztf.constant(psi2s_mass+50.)), tot, 0.0*tot)\n",
    "        \n",
    "        return tot\n",
    "    \n",
    "class total_pdf_full(zfit.pdf.ZPDF):\n",
    "    _N_OBS = 1  # dimension, can be omitted\n",
    "    _PARAMS = ['b0_0', 'b0_1', 'b0_2', \n",
    "               'bplus_0', 'bplus_1', 'bplus_2', \n",
    "               'bT_0', 'bT_1', 'bT_2', \n",
    "               'rho_mass', 'rho_scale', 'rho_phase', 'rho_width',\n",
    "               'jpsi_mass', 'jpsi_scale', 'jpsi_phase', 'jpsi_width',\n",
    "               'psi2s_mass', 'psi2s_scale', 'psi2s_phase', 'psi2s_width',\n",
    "               'p3770_mass', 'p3770_scale', 'p3770_phase', 'p3770_width',\n",
    "               'p4040_mass', 'p4040_scale', 'p4040_phase', 'p4040_width',\n",
    "               'p4160_mass', 'p4160_scale', 'p4160_phase', 'p4160_width',\n",
    "               'p4415_mass', 'p4415_scale', 'p4415_phase', 'p4415_width',\n",
    "               'omega_mass', 'omega_scale', 'omega_phase', 'omega_width',\n",
    "               'phi_mass', 'phi_scale', 'phi_phase', 'phi_width',\n",
    "               'Dbar_mass', 'Dbar_scale', 'Dbar_phase',\n",
    "               'Dstar_mass', 'DDstar_scale', 'DDstar_phase', 'D_mass',\n",
    "               'tau_mass', 'C_tt']\n",
    "# the name of the parameters\n",
    "\n",
    "    def _unnormalized_pdf(self, x):\n",
    "        \n",
    "        x = x.unstack_x()\n",
    "        \n",
    "        b0 = [self.params['b0_0'], self.params['b0_1'], self.params['b0_2']]\n",
    "        bplus = [self.params['bplus_0'], self.params['bplus_1'], self.params['bplus_2']]\n",
    "        bT = [self.params['bT_0'], self.params['bT_1'], self.params['bT_2']]\n",
    "        \n",
    "        def rho_res(q):\n",
    "            return resonance(q, _mass = self.params['rho_mass'], scale = self.params['rho_scale'],\n",
    "                             phase = self.params['rho_phase'], width = self.params['rho_width'])\n",
    "    \n",
    "        def omega_res(q):\n",
    "            return resonance(q, _mass = self.params['omega_mass'], scale = self.params['omega_scale'],\n",
    "                             phase = self.params['omega_phase'], width = self.params['omega_width'])\n",
    "        \n",
    "        def phi_res(q):\n",
    "            return resonance(q, _mass = self.params['phi_mass'], scale = self.params['phi_scale'],\n",
    "                             phase = self.params['phi_phase'], width = self.params['phi_width'])\n",
    "\n",
    "        def jpsi_res(q):\n",
    "            return  ztf.to_complex(tf.pow(q, 2) / tf.pow(self.params['jpsi_mass'], 2)) * resonance(q, _mass = self.params['jpsi_mass'], \n",
    "                                                                                  scale = self.params['jpsi_scale'],\n",
    "                                                                                  phase = self.params['jpsi_phase'], \n",
    "                                                                                  width = self.params['jpsi_width'])\n",
    "        def psi2s_res(q):\n",
    "            return ztf.to_complex(tf.pow(q, 2) / tf.pow(self.params['psi2s_mass'], 2)) * resonance(q, _mass = self.params['psi2s_mass'], \n",
    "                                                                                   scale = self.params['psi2s_scale'],\n",
    "                                                                                   phase = self.params['psi2s_phase'], \n",
    "                                                                                   width = self.params['psi2s_width'])\n",
    "        def p3770_res(q):\n",
    "            return ztf.to_complex(tf.pow(q, 2) / tf.pow(self.params['p3770_mass'], 2)) * resonance(q, _mass = self.params['p3770_mass'], \n",
    "                                                                                   scale = self.params['p3770_scale'],\n",
    "                                                                                   phase = self.params['p3770_phase'], \n",
    "                                                                                   width = self.params['p3770_width'])\n",
    "        \n",
    "        def p4040_res(q):\n",
    "            return ztf.to_complex(tf.pow(q, 2) / tf.pow(self.params['p4040_mass'], 2)) * resonance(q, _mass = self.params['p4040_mass'], \n",
    "                                                                                   scale = self.params['p4040_scale'],\n",
    "                                                                                   phase = self.params['p4040_phase'], \n",
    "                                                                                   width = self.params['p4040_width'])\n",
    "        \n",
    "        def p4160_res(q):\n",
    "            return ztf.to_complex(tf.pow(q, 2) / tf.pow(self.params['p4160_mass'], 2)) * resonance(q, _mass = self.params['p4160_mass'], \n",
    "                                                                                   scale = self.params['p4160_scale'],\n",
    "                                                                                   phase = self.params['p4160_phase'], \n",
    "                                                                                   width = self.params['p4160_width'])\n",
    "        \n",
    "        def p4415_res(q):\n",
    "            return ztf.to_complex(tf.pow(q, 2) / tf.pow(self.params['p4415_mass'], 2)) * resonance(q, _mass = self.params['p4415_mass'], \n",
    "                                                                                   scale = self.params['p4415_scale'],\n",
    "                                                                                   phase = self.params['p4415_phase'], \n",
    "                                                                                   width = self.params['p4415_width'])\n",
    "        \n",
    "        def P2_D(q):\n",
    "            Dbar_contrib = ztf.to_complex(self.params['Dbar_scale'])*tf.exp(tf.complex(ztf.constant(0.0), self.params['Dbar_phase']))*ztf.to_complex(h_S(self.params['Dbar_mass'], q))\n",
    "            DDstar_contrib = ztf.to_complex(self.params['DDstar_scale'])*tf.exp(tf.complex(ztf.constant(0.0), self.params['DDstar_phase']))*(ztf.to_complex(h_P(self.params['Dstar_mass'], q)) + ztf.to_complex(h_P(self.params['D_mass'], q)))\n",
    "            return Dbar_contrib + DDstar_contrib\n",
    "        \n",
    "        def ttau_cusp(q):\n",
    "            return ztf.to_complex(self.params['C_tt'])*(ztf.to_complex((h_S(self.params['tau_mass'], q))) - ztf.to_complex(h_P(self.params['tau_mass'], q)))\n",
    "        \n",
    "\n",
    "        funcs = rho_res(x) + omega_res(x) + phi_res(x) + jpsi_res(x) + psi2s_res(x) + p3770_res(x) + p4040_res(x)+ p4160_res(x) + p4415_res(x) + P2_D(x) + ttau_cusp(x)\n",
    "\n",
    "        vec_f = vec(x, funcs, b0_0, b0_1, b0_2, bplus_0, bplus_1, bplus_2, bT_0, bT_1, bT_2)\n",
    "\n",
    "        axiv_nr = axiv_nonres(x, b0_0, b0_1, b0_2, bplus_0, bplus_1, bplus_2, bT_0, bT_1, bT_2)\n",
    "\n",
    "        tot = vec_f + axiv_nr\n",
    "        \n",
    "        #Cut out jpsi and psi2s\n",
    "        \n",
    "#         tot = tf.where(tf.math.logical_or(x < ztf.constant(jpsi_mass-60.), x > ztf.constant(jpsi_mass+70.)), tot, 0.0*tot)\n",
    "        \n",
    "#         tot = tf.where(tf.math.logical_or(x < ztf.constant(psi2s_mass-50.), x > ztf.constant(psi2s_mass+50.)), tot, 0.0*tot)\n",
    "        \n",
    "        return tot"
   ]
  },
  {
   "cell_type": "markdown",
   "metadata": {},
   "source": [
    "## Setup parameters"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 6,
   "metadata": {},
   "outputs": [
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "WARNING:tensorflow:From C:\\Users\\sa_li\\.conda\\envs\\rmd\\lib\\site-packages\\tensorflow\\python\\ops\\resource_variable_ops.py:435: colocate_with (from tensorflow.python.framework.ops) is deprecated and will be removed in a future version.\n",
      "Instructions for updating:\n",
      "Colocations handled automatically by placer.\n"
     ]
    }
   ],
   "source": [
    "# formfactors\n",
    "\n",
    "b0_0 = zfit.Parameter(\"b0_0\", ztf.constant(0.292), floating = False) #, lower_limit = -2.0, upper_limit= 2.0)\n",
    "b0_1 = zfit.Parameter(\"b0_1\", ztf.constant(0.281), floating = False) #, lower_limit = -2.0, upper_limit= 2.0)\n",
    "b0_2 = zfit.Parameter(\"b0_2\", ztf.constant(0.150), floating = False) #, lower_limit = -2.0, upper_limit= 2.0)\n",
    "\n",
    "bplus_0 = zfit.Parameter(\"bplus_0\", ztf.constant(0.466), lower_limit = -2.0, upper_limit= 2.0)\n",
    "bplus_1 = zfit.Parameter(\"bplus_1\", ztf.constant(-0.885), lower_limit = -2.0, upper_limit= 2.0)\n",
    "bplus_2 = zfit.Parameter(\"bplus_2\", ztf.constant(-0.213), lower_limit = -2.0, upper_limit= 2.0)\n",
    "\n",
    "bT_0 = zfit.Parameter(\"bT_0\", ztf.constant(0.460), floating = False) #, lower_limit = -2.0, upper_limit= 2.0)\n",
    "bT_1 = zfit.Parameter(\"bT_1\", ztf.constant(-1.089), floating = False) #, lower_limit = -2.0, upper_limit= 2.0)\n",
    "bT_2 = zfit.Parameter(\"bT_2\", ztf.constant(-1.114), floating = False) #, lower_limit = -2.0, upper_limit= 2.0)\n",
    "\n",
    "\n",
    "#rho\n",
    "\n",
    "rho_mass, rho_width, rho_phase, rho_scale = pdg[\"rho\"]\n",
    "\n",
    "rho_m = zfit.Parameter(\"rho_m\", ztf.constant(rho_mass), floating = False) #lower_limit = rho_mass - rho_width, upper_limit = rho_mass + rho_width)\n",
    "rho_w = zfit.Parameter(\"rho_w\", ztf.constant(rho_width), floating = False)\n",
    "rho_p = zfit.Parameter(\"rho_p\", ztf.constant(rho_phase), lower_limit=-2*np.pi, upper_limit=2*np.pi)\n",
    "rho_s = zfit.Parameter(\"rho_s\", ztf.constant(rho_scale), lower_limit=rho_scale-np.sqrt(rho_scale), upper_limit=rho_scale+np.sqrt(rho_scale))\n",
    "\n",
    "#omega\n",
    "\n",
    "omega_mass, omega_width, omega_phase, omega_scale = pdg[\"omega\"]\n",
    "\n",
    "omega_m = zfit.Parameter(\"omega_m\", ztf.constant(omega_mass), floating = False)\n",
    "omega_w = zfit.Parameter(\"omega_w\", ztf.constant(omega_width), floating = False)\n",
    "omega_p = zfit.Parameter(\"omega_p\", ztf.constant(omega_phase), lower_limit=-2*np.pi, upper_limit=2*np.pi)\n",
    "omega_s = zfit.Parameter(\"omega_s\", ztf.constant(omega_scale), lower_limit=omega_scale-np.sqrt(omega_scale), upper_limit=omega_scale+np.sqrt(omega_scale))\n",
    "\n",
    "\n",
    "#phi\n",
    "\n",
    "phi_mass, phi_width, phi_phase, phi_scale = pdg[\"phi\"]\n",
    "\n",
    "phi_m = zfit.Parameter(\"phi_m\", ztf.constant(phi_mass), floating = False)\n",
    "phi_w = zfit.Parameter(\"phi_w\", ztf.constant(phi_width), floating = False)\n",
    "phi_p = zfit.Parameter(\"phi_p\", ztf.constant(phi_phase), lower_limit=-2*np.pi, upper_limit=2*np.pi)\n",
    "phi_s = zfit.Parameter(\"phi_s\", ztf.constant(phi_scale), lower_limit=phi_scale-np.sqrt(phi_scale), upper_limit=phi_scale+np.sqrt(phi_scale))\n",
    "\n",
    "#jpsi\n",
    "\n",
    "jpsi_mass, jpsi_width, jpsi_phase, jpsi_scale = pdg[\"jpsi\"]\n",
    "\n",
    "jpsi_m = zfit.Parameter(\"jpsi_m\", ztf.constant(jpsi_mass), floating = False)\n",
    "jpsi_w = zfit.Parameter(\"jpsi_w\", ztf.constant(jpsi_width), floating = False)\n",
    "jpsi_p = zfit.Parameter(\"jpsi_p\", ztf.constant(jpsi_phase), lower_limit=-2*np.pi, upper_limit=2*np.pi)\n",
    "jpsi_s = zfit.Parameter(\"jpsi_s\", ztf.constant(jpsi_scale), floating = False) #, lower_limit=jpsi_scale-np.sqrt(jpsi_scale), upper_limit=jpsi_scale+np.sqrt(jpsi_scale))\n",
    "\n",
    "#psi2s\n",
    "\n",
    "psi2s_mass, psi2s_width, psi2s_phase, psi2s_scale = pdg[\"psi2s\"]\n",
    "\n",
    "psi2s_m = zfit.Parameter(\"psi2s_m\", ztf.constant(psi2s_mass), floating = False)\n",
    "psi2s_w = zfit.Parameter(\"psi2s_w\", ztf.constant(psi2s_width), floating = False)\n",
    "psi2s_p = zfit.Parameter(\"psi2s_p\", ztf.constant(psi2s_phase), lower_limit=-2*np.pi, upper_limit=2*np.pi)\n",
    "psi2s_s = zfit.Parameter(\"psi2s_s\", ztf.constant(psi2s_scale), floating = False) #, lower_limit=psi2s_scale-np.sqrt(psi2s_scale), upper_limit=psi2s_scale+np.sqrt(psi2s_scale))\n",
    "\n",
    "#psi(3770)\n",
    "\n",
    "p3770_mass, p3770_width, p3770_phase, p3770_scale = pdg[\"p3770\"]\n",
    "\n",
    "p3770_m = zfit.Parameter(\"p3770_m\", ztf.constant(p3770_mass), floating = False)\n",
    "p3770_w = zfit.Parameter(\"p3770_w\", ztf.constant(p3770_width), floating = False)\n",
    "p3770_p = zfit.Parameter(\"p3770_p\", ztf.constant(p3770_phase), lower_limit=-2*np.pi, upper_limit=2*np.pi)\n",
    "p3770_s = zfit.Parameter(\"p3770_s\", ztf.constant(p3770_scale), lower_limit=p3770_scale-np.sqrt(p3770_scale), upper_limit=p3770_scale+np.sqrt(p3770_scale))\n",
    "\n",
    "#psi(4040)\n",
    "\n",
    "p4040_mass, p4040_width, p4040_phase, p4040_scale = pdg[\"p4040\"]\n",
    "\n",
    "p4040_m = zfit.Parameter(\"p4040_m\", ztf.constant(p4040_mass), floating = False)\n",
    "p4040_w = zfit.Parameter(\"p4040_w\", ztf.constant(p4040_width), floating = False)\n",
    "p4040_p = zfit.Parameter(\"p4040_p\", ztf.constant(p4040_phase), lower_limit=-2*np.pi, upper_limit=2*np.pi)\n",
    "p4040_s = zfit.Parameter(\"p4040_s\", ztf.constant(p4040_scale), lower_limit=p4040_scale-np.sqrt(p4040_scale), upper_limit=p4040_scale+np.sqrt(p4040_scale))\n",
    "\n",
    "#psi(4160)\n",
    "\n",
    "p4160_mass, p4160_width, p4160_phase, p4160_scale = pdg[\"p4160\"]\n",
    "\n",
    "p4160_m = zfit.Parameter(\"p4160_m\", ztf.constant(p4160_mass), floating = False)\n",
    "p4160_w = zfit.Parameter(\"p4160_w\", ztf.constant(p4160_width), floating = False)\n",
    "p4160_p = zfit.Parameter(\"p4160_p\", ztf.constant(p4160_phase), lower_limit=-2*np.pi, upper_limit=2*np.pi)\n",
    "p4160_s = zfit.Parameter(\"p4160_s\", ztf.constant(p4160_scale), lower_limit=p4160_scale-np.sqrt(p4160_scale), upper_limit=p4160_scale+np.sqrt(p4160_scale))\n",
    "\n",
    "#psi(4415)\n",
    "\n",
    "p4415_mass, p4415_width, p4415_phase, p4415_scale = pdg[\"p4415\"]\n",
    "\n",
    "p4415_m = zfit.Parameter(\"p4415_m\", ztf.constant(p4415_mass), floating = False)\n",
    "p4415_w = zfit.Parameter(\"p4415_w\", ztf.constant(p4415_width), floating = False)\n",
    "p4415_p = zfit.Parameter(\"p4415_p\", ztf.constant(p4415_phase), lower_limit=-2*np.pi, upper_limit=2*np.pi)\n",
    "p4415_s = zfit.Parameter(\"p4415_s\", ztf.constant(p4415_scale), lower_limit=p4415_scale-np.sqrt(p4415_scale), upper_limit=p4415_scale+np.sqrt(p4415_scale))"
   ]
  },
  {
   "cell_type": "markdown",
   "metadata": {},
   "source": [
    "## Dynamic generation of 2 particle contribution"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 7,
   "metadata": {},
   "outputs": [],
   "source": [
    "m_c = 1300\n",
    "\n",
    "Dbar_phase = 0.0\n",
    "DDstar_phase = 0.0\n",
    "Dstar_mass = pdg['Dst_M']\n",
    "Dbar_mass = pdg['D0_M']\n",
    "D_mass = pdg['D0_M']\n",
    "\n",
    "Dbar_s = zfit.Parameter(\"Dbar_s\", ztf.constant(0.0), lower_limit=-0.3, upper_limit=0.3)\n",
    "Dbar_m = zfit.Parameter(\"Dbar_m\", ztf.constant(Dbar_mass), floating = False)\n",
    "Dbar_p = zfit.Parameter(\"Dbar_p\", ztf.constant(Dbar_phase), lower_limit=-2*np.pi, upper_limit=2*np.pi)#, floating = False)\n",
    "DDstar_s = zfit.Parameter(\"DDstar_s\", ztf.constant(0.0), lower_limit=-0.3, upper_limit=0.3)#, floating = False)\n",
    "Dstar_m = zfit.Parameter(\"Dstar_m\", ztf.constant(Dstar_mass), floating = False)\n",
    "D_m = zfit.Parameter(\"D_m\", ztf.constant(D_mass), floating = False)\n",
    "DDstar_p = zfit.Parameter(\"DDstar_p\", ztf.constant(DDstar_phase), lower_limit=-2*np.pi, upper_limit=2*np.pi)#, floating = False)"
   ]
  },
  {
   "cell_type": "markdown",
   "metadata": {},
   "source": [
    "## Tau parameters"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 8,
   "metadata": {},
   "outputs": [],
   "source": [
    "tau_m = zfit.Parameter(\"tau_m\", ztf.constant(pdg['tau_M']), floating = False)\n",
    "Ctt = zfit.Parameter(\"Ctt\", ztf.constant(0.0), lower_limit=-1.5, upper_limit=1.5)"
   ]
  },
  {
   "cell_type": "markdown",
   "metadata": {},
   "source": [
    "## Load data"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 9,
   "metadata": {},
   "outputs": [],
   "source": [
    "x_min = 2*pdg['muon_M']\n",
    "x_max = (pdg[\"Bplus_M\"]-pdg[\"Ks_M\"]-0.1)\n",
    "\n",
    "# # Full spectrum\n",
    "\n",
    "obs_toy = zfit.Space('q', limits = (x_min, x_max))\n",
    "\n",
    "# Jpsi and Psi2s cut out\n",
    "\n",
    "obs1 = zfit.Space('q', limits = (x_min, jpsi_mass - 60.))\n",
    "obs2 = zfit.Space('q', limits = (jpsi_mass + 70., psi2s_mass - 50.))\n",
    "obs3 = zfit.Space('q', limits = (psi2s_mass + 50., x_max))\n",
    "\n",
    "obs_fit = obs1 + obs2 + obs3\n",
    "\n",
    "# with open(r\"./data/slim_points/slim_points_toy_0_range({0}-{1}).pkl\".format(int(x_min), int(x_max)), \"rb\") as input_file:\n",
    "#     part_set = pkl.load(input_file)\n",
    "\n",
    "# x_part = part_set['x_part']\n",
    "\n",
    "# x_part = x_part.astype('float64')\n",
    "\n",
    "# data = zfit.data.Data.from_numpy(array=x_part, obs=obs)"
   ]
  },
  {
   "cell_type": "markdown",
   "metadata": {},
   "source": [
    "## Setup pdf"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 10,
   "metadata": {},
   "outputs": [],
   "source": [
    "total_f = total_pdf_cut(obs=obs_toy, jpsi_mass = jpsi_m, jpsi_scale = jpsi_s, jpsi_phase = jpsi_p, jpsi_width = jpsi_w,\n",
    "                    psi2s_mass = psi2s_m, psi2s_scale = psi2s_s, psi2s_phase = psi2s_p, psi2s_width = psi2s_w,\n",
    "                    p3770_mass = p3770_m, p3770_scale = p3770_s, p3770_phase = p3770_p, p3770_width = p3770_w,\n",
    "                    p4040_mass = p4040_m, p4040_scale = p4040_s, p4040_phase = p4040_p, p4040_width = p4040_w,\n",
    "                    p4160_mass = p4160_m, p4160_scale = p4160_s, p4160_phase = p4160_p, p4160_width = p4160_w,\n",
    "                    p4415_mass = p4415_m, p4415_scale = p4415_s, p4415_phase = p4415_p, p4415_width = p4415_w,\n",
    "                    rho_mass = rho_m, rho_scale = rho_s, rho_phase = rho_p, rho_width = rho_w,\n",
    "                    omega_mass = omega_m, omega_scale = omega_s, omega_phase = omega_p, omega_width = omega_w,\n",
    "                    phi_mass = phi_m, phi_scale = phi_s, phi_phase = phi_p, phi_width = phi_w,\n",
    "                    Dstar_mass = Dstar_m, DDstar_scale = DDstar_s, DDstar_phase = DDstar_p, D_mass = D_m,\n",
    "                    Dbar_mass = Dbar_m, Dbar_scale = Dbar_s, Dbar_phase = Dbar_p,\n",
    "                    tau_mass = tau_m, C_tt = Ctt, b0_0 = b0_0, b0_1 = b0_1, b0_2 = b0_2,\n",
    "                    bplus_0 = bplus_0, bplus_1 = bplus_1, bplus_2 = bplus_2,\n",
    "                    bT_0 = bT_0, bT_1 = bT_1, bT_2 = bT_2)\n",
    "\n",
    "total_f_fit = total_pdf_full(obs=obs_fit, jpsi_mass = jpsi_m, jpsi_scale = jpsi_s, jpsi_phase = jpsi_p, jpsi_width = jpsi_w,\n",
    "                    psi2s_mass = psi2s_m, psi2s_scale = psi2s_s, psi2s_phase = psi2s_p, psi2s_width = psi2s_w,\n",
    "                    p3770_mass = p3770_m, p3770_scale = p3770_s, p3770_phase = p3770_p, p3770_width = p3770_w,\n",
    "                    p4040_mass = p4040_m, p4040_scale = p4040_s, p4040_phase = p4040_p, p4040_width = p4040_w,\n",
    "                    p4160_mass = p4160_m, p4160_scale = p4160_s, p4160_phase = p4160_p, p4160_width = p4160_w,\n",
    "                    p4415_mass = p4415_m, p4415_scale = p4415_s, p4415_phase = p4415_p, p4415_width = p4415_w,\n",
    "                    rho_mass = rho_m, rho_scale = rho_s, rho_phase = rho_p, rho_width = rho_w,\n",
    "                    omega_mass = omega_m, omega_scale = omega_s, omega_phase = omega_p, omega_width = omega_w,\n",
    "                    phi_mass = phi_m, phi_scale = phi_s, phi_phase = phi_p, phi_width = phi_w,\n",
    "                    Dstar_mass = Dstar_m, DDstar_scale = DDstar_s, DDstar_phase = DDstar_p, D_mass = D_m,\n",
    "                    Dbar_mass = Dbar_m, Dbar_scale = Dbar_s, Dbar_phase = Dbar_p,\n",
    "                    tau_mass = tau_m, C_tt = Ctt, b0_0 = b0_0, b0_1 = b0_1, b0_2 = b0_2,\n",
    "                    bplus_0 = bplus_0, bplus_1 = bplus_1, bplus_2 = bplus_2,\n",
    "                    bT_0 = bT_0, bT_1 = bT_1, bT_2 = bT_2)\n",
    "                   \n",
    "# print(total_pdf.obs)\n",
    "\n",
    "# print(calcs_test)\n",
    "\n",
    "# for param in total_f.get_dependents():\n",
    "#     print(zfit.run(param))"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 11,
   "metadata": {},
   "outputs": [
    {
     "data": {
      "text/plain": [
       "<tf.Tensor 'normalization/hook_integrate/hook_numeric_integrate/mul_1:0' shape=() dtype=float64>"
      ]
     },
     "execution_count": 11,
     "metadata": {},
     "output_type": "execute_result"
    }
   ],
   "source": [
    "total_f_fit.normalization(obs_toy)"
   ]
  },
  {
   "cell_type": "markdown",
   "metadata": {},
   "source": [
    "## Test if graphs actually work and compute values"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 12,
   "metadata": {},
   "outputs": [],
   "source": [
    "# def total_test_tf(xq):\n",
    "\n",
    "#     def jpsi_res(q):\n",
    "#         return resonance(q, jpsi_m, jpsi_s, jpsi_p, jpsi_w)\n",
    "\n",
    "#     def psi2s_res(q):\n",
    "#         return resonance(q, psi2s_m, psi2s_s, psi2s_p, psi2s_w)\n",
    "\n",
    "#     def cusp(q):\n",
    "#         return bifur_gauss(q, cusp_m, sig_L, sig_R, cusp_s)\n",
    "\n",
    "#     funcs = jpsi_res(xq) + psi2s_res(xq) + cusp(xq)\n",
    "\n",
    "#     vec_f = vec(xq, funcs)\n",
    "\n",
    "#     axiv_nr = axiv_nonres(xq)\n",
    "\n",
    "#     tot = vec_f + axiv_nr\n",
    "    \n",
    "#     return tot\n",
    "\n",
    "# def jpsi_res(q):\n",
    "#     return resonance(q, jpsi_m, jpsi_s, jpsi_p, jpsi_w)\n",
    "\n",
    "# calcs = zfit.run(total_test_tf(x_part))\n",
    "\n",
    "\n",
    "\n",
    "test_q = np.linspace(x_min, x_max, int(2e6))\n",
    "\n",
    "probs = total_f_fit.pdf(test_q, norm_range=False)\n",
    "\n",
    "calcs_test = zfit.run(probs)\n",
    "\n",
    "Ctt.set_value(0.5)\n",
    "\n",
    "probs1 = total_f_fit.pdf(test_q, norm_range=False)\n",
    "\n",
    "calcs_test1 = zfit.run(probs)\n",
    "# res_y = zfit.run(jpsi_res(test_q))\n",
    "# b0 = [b0_0, b0_1, b0_2]\n",
    "# bplus = [bplus_0, bplus_1, bplus_2]\n",
    "# bT = [bT_0, bT_1, bT_2]\n",
    "# f0_y = zfit.run(tf.math.real(formfactor(test_q,\"0\", b0, bplus, bT)))\n",
    "# fplus_y = zfit.run(tf.math.real(formfactor(test_q,\"+\", b0, bplus, bT)))\n",
    "# fT_y = zfit.run(tf.math.real(formfactor(test_q,\"T\", b0, bplus, bT)))"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 13,
   "metadata": {},
   "outputs": [
    {
     "name": "stderr",
     "output_type": "stream",
     "text": [
      "C:\\Users\\sa_li\\.conda\\envs\\rmd\\lib\\site-packages\\ipykernel_launcher.py:13: UserWarning: Creating legend with loc=\"best\" can be slow with large amounts of data.\n",
      "  del sys.path[0]\n",
      "C:\\Users\\sa_li\\.conda\\envs\\rmd\\lib\\site-packages\\IPython\\core\\pylabtools.py:128: UserWarning: Creating legend with loc=\"best\" can be slow with large amounts of data.\n",
      "  fig.canvas.print_figure(bytes_io, **kw)\n"
     ]
    },
    {
     "data": {
      "image/png": "iVBORw0KGgoAAAANSUhEUgAAAaUAAAD4CAYAAABMtfkzAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADh0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uMy4xLjAsIGh0dHA6Ly9tYXRwbG90bGliLm9yZy+17YcXAAAgAElEQVR4nOydeXidVbX/P+vMmdOmTad0Tkon2kJLi8yUWZDitUhVFBVFvKDXiQvc63D1ig/wQ7gqIhdBL4JSsIIUZBIKMkkH2gJt6ZAOtOnczOPJGdbvj/dNcnJypqRJzkmyP89TOGe/+117nTR9v2ftvfbaoqoYDAaDwZAJONLtgMFgMBgMbRhRMhgMBkPGYETJYDAYDBmDESWDwWAwZAxGlAwGg8GQMbjS7UCmMWLECJ00aVK63TAYMp7AgU20OrPIGTW1U3tjXRU5DR/ROqwUT1ZemryzaDn4ISpOskZPIxhW5ND7BDzD8I2YkFa/BiPvvvvuMVUdebx2jChFMWnSJNatW5duNwyGjOfAj6dRkTeXhd/5c6f2dS//mQVvfoVdl9/HlJPPS5N3Ftv/ez4tniLm3PwS1Y2tcOdkDk24lBnXPpBWvwYjIvJRb9gx03cGg6FHOAiDdH2EiNP6rqvhUH+71AVBQazXDocQxAEZ4JchPkaUDAZDjxANozFEyeGwRSkU7G+XuqJKmyo5HULYiFLGY0TJYDD0CAdhYj5C7EgpHE6/KAmKtomSCEGcoEaUMhmzppQCgUCAiooKWlpa0u2KIQk+n4+SkhLcbne6XRn0OFBUnF3bHVabhtL/8BcAsUTJ4YCwOhAjShmNEaUUqKioIC8vj0mTJiH2L7gh81BVKisrqaioYPLkyel2Z9DjIAyOrv8eHG2RUiZM3xExfSdmTWkgYKbvUqClpYWioiIjSBmOiFBUVGQi2n5CCKN0jZQyLdFBo9aUJAOmFQ3xMaKUIkaQBgbm76n/cBK25sSicDitNs2Uh7/9OyH2mpJoOM0OGRJhRMlgMPSIeCnhDqcHyJQ1pY5ICbAiJc0QsTTExIjSIOK1117jsssuA8Dv93P++eczb948Hn/88S59v/Wtb/H6668DViLHLbfcQllZGbNnz2bhwoU8//zzAPzsZz9rv6empob77ruvV3z1+/1cddVVlJaWsmjRIvbs2ROz3wsvvMAJJ5xAaWkpt99+e3v7smXL2LFjR6/4YugZDg0nTnTIgEjJioo6RCkkJvsu0zGiNEjZsGEDgUCAjRs3ctVVV3W6VlVVxTvvvMNZZ50FwA9+8AMOHjzIpk2b2LRpE8888wz19fVA34nSQw89xLBhwygvL+fb3/42N998c5c+oVCIG264geeff54tW7bw2GOPsWXLFgC+/vWvc+edd/aKL4ae4SQMMURJMijRITL7DqxIyWFEKaNJSZRE5GIR2SYi5SJyS4zrXhF53L6+WkQmRVy71W7fJiIXJbMpIpNtGztsm55EY4hIkYi8KiINInJvHP9Xisim1H4kmceePXuYPn0611xzDXPmzGHp0qU0NTUBViQxffp0zjjjDJ588kkAjhw5wtVXX83GjRuZN28eO3fu7GRvxYoVXHzxxQA0NTXx29/+ll/96ld4vV4ARo0axac//WluueUWmpubmTdvHp/73Oe45ZZb2LlzJ/PmzeOmm246rs/09NNPc8011wCwdOlSXnnlFaJPQV6zZg2lpaVMmTIFj8fDsmXLePrppwE488wzefnllwkG0//gG6o4iLN51mkLVQZESpHZdwBhnBA2a0qZTNKUcBFxAr8GLgAqgLUislJVt0R0uxaoVtVSEVkG3AFcJSIzgWXALGAs8LKITLPviWfzDuAeVV0uIvfbtn8TbwygBfgBMNv+E+3/vwAN3fqpJODHz2xmy4G63jIHwMyx+fzoE7MS9tm2bRsPPfQQp59+Ol/+8pe57777uPHGG/nqV7/KqlWrKC0tbY+IiouLefDBB7nrrrt49tlnu9h66623WLp0KQDl5eVMmDCB/Pz8Lv1uv/127r33XjZu3AhY4rhp06b299GceeaZ7RFWJHfddRfnn39+p7b9+/czfvx4AFwuFwUFBVRWVjJixIiYfQBKSkpYvXo1AA6Hg9LSUt577z3mz58f/wdn6BtUcUkYHF0fIc5My76LjJTEgcOsKWU0qURKC4FyVd2lqq3AcmBJVJ8lwMP26xXAeWKlQS0BlquqX1V3A+W2vZg27XsW2zawbV6RaAxVbVTVN7HEqRMikgt8B/hpCp8zoxk/fjynn346AFdffTVvvvkmW7duZfLkyZSVlSEiXH311SnZOnjwICNHHncx3y688cYbbNy4scufaEECukRF0DVzLlmf4uJiDhw40AueG7qNncEWK1LKtJTwTmtKONt9N2QmqWyeHQfsi3hfASyK10dVgyJSCxTZ7e9E3TvOfh3LZhFQo9r+VSayf7wxjiXw/b+BnwNNiT6giFwHXAcwYULikvbJIpq+IvqBLRFprt0lKyurfS9PaWkpe/fupb6+nry84ztmoDuRUklJCfv27aOkpIRgMEhtbS3Dhw+P2aeNiooKxo4d2/6+paWFrKys4/LZ0EPaBMcRI9HBFqVMmL6LFiUrUkq/WBrik0qkFOupF/0VNl6f3mpP1Y8Oh0TmAaWq+lS8Pu1GVB9Q1QWquqAvIojeYO/evfzzn/8E4LHHHuOMM85g+vTp7N69u33N6LHHHkvJ1owZMygvLwcgOzuba6+9lm9+85u0trYCViT16KOPAuB2uwkEAgDk5eXFFJ02uhMpXX755Tz8sBX4rlixgsWLF3cR2FNOOYUdO3awe/duWltbWb58OZdffnn79e3btzNrVnq+JAx12jPrYiQ6ZNT0nWqnaC6M05QZynBSEaUKYHzE+xIges6kvY+IuIACoCrBvfHajwGFto3oseKNEY+PAfNFZA/wJjBNRF5L+EkzmBkzZvDwww8zZ84cqqqq+PrXv47P5+OBBx7g0ksv5YwzzmDixIkp2br00kt57bXX2t//9Kc/ZeTIkcycOZPZs2dzxRVXtE/vXXfddcyZM4fPfe5zFBUVcfrppzN79uzjTnS49tprqayspLS0lLvvvrs93fvAgQN8/OMfB6y1pnvvvZeLLrqIGTNm8OlPf7pdhA4fPkxWVhZjxow5Lj8MPSMUtL6oaIw1pUyOlFRM7buMR1UT/sGa4tsFTAY8wHvArKg+NwD326+XAU/Yr2fZ/b32/bsAZyKbwJ+BZfbr+4F/TTRGhA9fBO6N8xkmAZuSfVZVZf78+RrNli1burT1J7t379ZZs2b1qs3TTz9dq6ure9Vmf3L33Xfrgw8+GPNauv++hgL++irVH+XrG3/4ry7Xjhw9qvqjfF33p67X+psDP5qqa++5sv396z8+T/f97OQ0ejR4AdZpCs/YZH+SRkpqre/cCLwIfGiLwWYR+YmItM2lPAQUiUg5VmLBLfa9m4EngC3AC8ANqhqKZ9O2dTPwHdtWkW077hgAdjR0N/BFEamws/4MCfj5z3/O3r170+1GjyksLGxPKTf0P217kGKnhLdFSpkQkSiRE0IqThzYfu1/Fx6/GoKt6XHNEJOUqoSr6nPAc1FtP4x43QJcGefe24DbUrFpt+/Cys6Lbk80xqQk/u8hRrr4QGHSpEls2tS726wWLYrOVRlYfOlLX0q3C0OatrOSJNaakitzpu8caOfNsxJR++7Zb8PB9+DYNhh9Ypo8NERjKjoYDIZuE060puSyz7LKkEgpsvadRlZ0aBPUoD8NfhniYUTJYDB0m3DIjjZipIS72is6pF+UrDJDEdl34uwQJZdVwYSgOeokkzCiZDAYuk3b9J0j1j4lEQLqRDMgy806sr2DTqLUJlahQD97ZUiEESWDwdBtQm3FVmOIUsYdpieRKeFOpF2o7HYjShmFEaVBxGA8umLSpEmceOKJzJs3jwULFrS3f+9732PVqlW94ouh+7TtU5JYte9ECOHIiCMiupyn1ClSahMls6aUSRhRGqQMhqMr2nj11VfZuHEj69ata2/7xje+0el8JUP/0pYSLs5Y5ykJQRwZsqakndaUVBwdU3ptomQSHTIKI0oDgKF6dEUiJk6cSGVlJYcOHTouPww9I2yfKhsrJRysc4syRpToPH3nbI/g2iIls08pk0hpn5IhgudvgUMf9K7N0SfCJYm/9Q/FoyvAKjh74YUXIiJ87Wtf47rrrmu/dvLJJ/PWW2/xqU99Ku7PzdA3tEVK7RtlowhlSI05ibVPKTpSMqKUURhRGiBEH13xy1/+kvPPP7/96Iq29gceeCCprb48uiJVYkVFsSqev/XWW4wdO5YjR45wwQUXMH369PZpR3N0RfpoP1U2jiiFyYwac9FrSogTV/shBG3Td0aUMgkjSt0lSUTTVwzFoyuA9qMqiouL+eQnP8maNWvaRckcXZE+wvbUnCPTp++085pSSNw4aatwbhIdMhGzpjRAGIpHVzQ2NraP19jYyEsvvcTs2R3VorZv397pvaH/CCVIdAAIihPJgBNeJep0m7DDjZOwfSS6mb7LRIwoDRCG4tEVhw8f5owzzmDu3LksXLiQSy+9tD1BIxAIUF5e3ilN3NB/tJ2VJDH2KYFVzicTTngVOheNDbedihMOEGhzz0zfZRRm+m6A4HA4uP/++7u0X3zxxWzdurVL+znnnMM555wT09aZZ57JrbfeSk1NDYWFhXg8Hu68807uvPPOLn3vuOMO7rjjjvb3f/rTn3r+ISLw+Xz8+c9/7tI+duxYnnvOqtM7ZcoU3nvvvZj3P/vssyxduhSXy/wKp4OwveHU4XTHvB7CiWTC9B0RERFWpARAqJUdh6qZCTQ1N5OdFu8MsTCR0hBloB9dEQwG+e53v5tuN4YsaqeEx8u+y5xEBzpl39EmoqFA+7qq39/c734Z4mO+Zg4AzNEVXbnyypinmBj6ifZ9So7Y32uD4sqgNaWIfUqODlHySAgUgq0m0SGTMJFSinRnY6chfZi/p/5Bw0n2KYkLRwbUvnOgqMQSpVbcdhZe2FR0yCiMKKWAz+ejsrLSPPAyHFWlsrISn8+XblcGPalsnnWE01/oVFAk8nRcZ4couewTaNUkOmQUZvouBUpKSqioqODo0aPpdsWQBJ/PR0lJSbrdGPS0Zd8lipRcGTB9R1RKuDo91otwEFfbfiWTEp5RGFFKAbfbzeTJk9PthsGQMWj7mlKcRAeHC4dmQqTUOSWcNlEKtXaIppm+yyjM9J3BYOg27RUd4myeDYm744iINOKISgl3OLuuKZnzlDKLlERJRC4WkW0iUi4it8S47hWRx+3rq0VkUsS1W+32bSJyUTKbIjLZtrHDtulJNIaIFInIqyLSICL3RtjJFpG/ichWEdksIuacA4Ohl1B7Tcnpir1PKSwunBmxpkTclPC2NSVTZiizSCpKYtWm/zVwCTAT+IyIzIzqdi1QraqlwD3AHfa9M4FlwCzgYuA+EXEmsXkHcI+qlgHVtu24YwAtwA+A78Vw/y5VnQ6cBJwuIpck+7wGgyE5ak99xavoEBYXzgxYU3KI0ukx57KOZ9FQa8SaUvrF09BBKpHSQqBcVXepaiuwHFgS1WcJ8LD9egVwnliFzJYAy1XVr6q7gXLbXkyb9j2LbRvYNq9INIaqNqrqm1ji1I6qNqnqq/brVmA9YFbADYZeoG1NyRVv86zDhYM0i1JbtmxEpCR2pBQOdKwpiYmUMopURGkcsC/ifYXdFrOPWl+haoGiBPfGay8CalTbv2JFjhVvjKSISCHwCeCVONevE5F1IrLOZNgZDMnRJGtKYXFHHKaXHlSjzk0CxE50CAU7IiXJgGlGQwepiFKssxGiN+zE69Nb7an60QURcQGPAb9U1V2x+qjqA6q6QFUX9MU5QwbDoKNt82ycNSV1uHClOfsuHG57PHQ85tr8DQX8OO01pUzYT2XoIBVRqgDGR7wvAaJPVmvvY4tAAVCV4N547ceAQttG9FjxxkjGA8AOVf2fFPoaDIYUaIuUnHEiJXW42x/66aLNx85n/NmRUmuLdYQF4AibfUqZRCqitBYos7PiPFiJCyuj+qwErrFfLwVWqVX+YCWwzM6cmwyUAWvi2bTvedW2gW3z6SRjxEVEfoolXt9K4XMaDIZUaS8zlChSSu+aksaYZHG4rUSHsL+ho81EShlF0s2zqhoUkRuBFwEn8DtV3SwiPwHWqepK4CHgEREpx4peltn3bhaRJ4AtQBC4QdWaaI5l0x7yZmC5LSgbbNvEG8O2tQfIBzwicgVwIVAH/CewFVhvHyB3r6o+2P0fk8Fg6ISdseZ0eWJeDjvcHdltaULbpu8iNs+2+RtubexoM6KUUaRU0UFVnwOei2r7YcTrFiBm2WZVvQ24LRWbdvsurOy86PZEY0yK43r3zwo3GAzJsR/kDnfsSAmHq2MfUJrQtkSLyESHtjWwSFHKgMoThg5MRQeDwdB97M2zrjiREk63VTEhjUWM22b3Ncb0nfqbAGhUr4mUMgwjSgaDoduIBgir4Ixz8m/7ERHpPH3WFiWJiJTapu80YEVKTfhMpJRhGFEyGAzdJxQiiAOnxJkhjzi3KF2E2/cpRaaEW5GS2NN3jeqz1r7MsTQZgxElg8HQbUQDBHHhdMQRpbasvDROjWnYFqWI6Tun255ubLWy75qwz94yx1dkDEaUDAZDt5FwkCDOTlNjnbAjJU1jXbn24CfCR4/LSbN6cLTWA9CIFTkZUcocjCgZDIbuY4tSXOyaeIHW9D3sNcb0ncshNONB/JYoNakdKZnTZzMGI0oGg6HbOMLW9F1cXG015tJX7LRt+i4ymnM5HbTgwdlaC0CTiZQyDiNKBoOh+ySJlMSevgsGMiFS6hAlt1NoVi/O9um7LOuCEaWMwYiSwWDoNhIOEpIEouRsK3yaxuy7cFtKeOT0nQM/HlwBS5Qa1CQ6ZBpGlAwGQ7eRcJBQokjJnr5LZ6QUDnet6OB1O2jBjStsTSs2muy7jMOIksFg6DYSDhCS+GtKHaKUvjWltn1KkWtKXpeDZvW2v29Ue/oujWtfhs4YUTIYDN3Gmr6LL0oOO/suHExjtYT2/bAdjzmf20kLHaWRWpzZ1gtzJHrGYETJEJc9297jjfv/LWITosFg4dAgoQTZd46IE17TRcg+sl0cUZFShCgFnTl2ZxMpZQpGlAxxcT92JWce+j8O7495YK9hCCPhIOFEiQ5t5xZlxPRd50jJHylK7jZRMmtKmYIRJUNc0n0ejiFzEQ0STrimZCUQhNO5VhPuWpDV5ZBO03fqzrX+bzbPZgxGlAwGQ7dxaihhpOTwWAkE4dbm/nKpC+3Zd44OP0WEgMPX0cdjRUqhNEZ0hs4YUTLEReh6Ho3BAODQACFHnAP+AJfHevCHWlv6y6UudGye7SyeAenIvlNPHpDeyhOGzhhRMsSlTYriFt00DFkcGkITTN+5PW3Td+kTpY59Sp0fc83OvPbXTo+VfZdO8TR0xoiSISnmpBlDNE4NEnbEFyWXt236Lo0P+3Bb9l3nx1yTM7/9tdtn+WlEKXMwomQwGLqNI0mig9trRSDhQDrXlGJP3zW7CtpfO7xWokPIPh69T2k4Cjv+3vfjDHBSEiURuVhEtolIuYjcEuO6V0Qet6+vFpFJEddutdu3ichFyWyKyGTbxg7bpifRGCJSJCKvikiDiNwb5dd8EfnAvueXYuahuomdvZRmLwyZh1NDnRIIovHYkZKmtUq4lT0aHSn53R2Rksdni6e/oe8deuEW+ONSqNzZ92MNYJKKkog4gV8DlwAzgc+IyMyobtcC1apaCtwD3GHfOxNYBswCLgbuExFnEpt3APeoahlQbduOOwbQAvwA+F4M938DXAeU2X8uTvZ5DV0xiQ6GaJwEUYmf6OD1egippLV8j8aJlPzujkgpy+ulRd2ofTx6n7L5Sev/Bzf2/VgDmFQipYVAuaruUtVWYDmwJKrPEuBh+/UK4Dw7KlkCLFdVv6ruBsptezFt2vcstm1g27wi0Riq2qiqb2KJUzsiMgbIV9V/qqoCf4iwZTAYjgOnhtAEa0pelws/HjSNiQ7t5ylFRUq1vnEArAtPI8frpAlv/4hSGzX7+m+sAUgqojQOiPwpVthtMfuoahCoBYoS3BuvvQiosW1EjxVvjER+VyTxGwARuU5E1onIuqNHjyYwObQQk+JgiIOLIJogJdzrduDHneZIyU50iMq+c7izuNR/G19r/TZ5PjdN+KC1j9eUgq3QlqJef6hvxxrgpCJKseZuop9W8fr0VnuqfqTiU9dG1QdUdYGqLhg5cmQCkwaDAWxRcsYXJY/TEiXJgEgpeu0ry+Nks06mkgLyfW6a1YsE+jhSaq5ufxmsO9i3Yw1wUhGlCmB8xPsS4EC8PiLiAgqAqgT3xms/BhTaNqLHijdGIr9LkvhtMBh6gIcAYYcn7nWHQ2jFjaSx0GlbogNR03d5vo5px/wsF414IdDHkVJzx6OqoXJ/3441wElFlNYCZXZWnAcrcWFlVJ+VwDX266XAKnsdZyWwzM6cm4yVbLAmnk37nldtG9g2n04yRkxU9SBQLyKn2mtVX4iwZUgBk+BgiEk4jJsQ6vQm7NaKB0c6p+/aC7J2jpTyfR0RXp7PTbP6cPS1KDVVAlCnWWhTdZLOQ5v4K5U2qhoUkRuBFwEn8DtV3SwiPwHWqepK4CHgEREpx4peltn3bhaRJ4AtQBC4QVVDALFs2kPeDCwXkZ8CG2zbxBvDtrUHyAc8InIFcKGqbgG+DvwfkAU8b/8xGAzHgx39qDN+pAQQEA+OcDoLssbePBsZKWW5nVTixRHsW1HSpkoE2KOjmeSv6dOxBjpJRQlAVZ8Dnotq+2HE6xbgyjj33gbclopNu30XVnZedHuiMSbFaV8HzI51zWAw9AwNtiCQNFIKiBtfGo+EaM++i0p0yM/qiJQ8LgfNeHEE+1YoWusr8QK7dQzTg2b6LhGmooMhBUwWnqGDYKsd/aQQKTnTGCm1F2R1RE/fdXwX97gcNKkXZ7BvEx38dccAK1LyaCuksdJFpmNEyZCc+Et3hiFIsK1OnCtxpBR0eHGG0xkptVV0iL+mlO229ik5g30rEoHGavzq4qAOtxqaEuVoDW2MKBmSY0TJEEG7KCWJlEIOT3pFyf69jRal4Tkdfmd7nTTiwx1s6tPf82BTLfVk48yxRanZJDvEw4iSIQWMKBk6aLUP7hOPL2G/kMODK42iRFukFLWmNLXYKsI6qSgbj9NBPbk4CEFr39W/C7fUUq9Z5BSMAECbTaQUj5QSHQxDG1PH1hBJ0G9FSs4k03chhxe3pnOfkv1lKipSyvW6+OkVs5k3vhARocVln6/UXAPePPqEljrqyaZgeDEchabaY+T0zUgDHiNKhqS074w3GICAPX3ncCdZU3Jm4dV0njwbOyUc4OpTJ7a/9rvyrQ0rLTV03tPfezj8ddRrNkUjx8A2aK45akQpDmb6zpACZvrO0EFb9p0zyfRd0JmFL42i1LZPySGJH3PtR1k0911auDNQTz3ZjBo1GoCW+mN9NtZAx4iSwWDoFkF7TcnlTrKm5M7BTdAqRpoGOqqEJ54QCnrsoyxa+k6U3IEGWhw5DC8spEXdhBoq+2ysgY4RJUNSTPKdIZKQHSm5kkRK6rYO0KOvi53GdcCKlKJr30UTahOlPoyUPKEGWl25DM/xUE0e4SYjSvEwomRIjlElQwShgDUl5/ImFiXc9qpJXx8LEYeOSCn+CbkAmlVoveirSCkcxhtuIuDOY1iOhxrNRUxKeFyMKBkMhm4RDliRkjtJpCReK/W6X44aj4Vd0cGRJFISbx4hHH23d6i1HgdK2JNHjsdJDXm4/EaU4mFEyZACJlIydBC2S+Qkm75zeK3pO39zfZ/7FItUI6Ucr4tacvuuykJLneWPNw8RocmZj6e1tm/GGgQYUTIkxczeGSJpj5S8WQn7OexIyd+YHlEiQUp4JNkeF8cohIbDfeOH3xIlvNbaVYu7AF/AiFI8jCgZUsDsUzJ0oHY2nceTWJRcPkuUWpvSFSm1iVLiSKkgy83BUCHaV8eU25GSI8tKPW/1FJITrjPf9uJgRMmQHPOPxxBB2D7i3JMk0cGdZVVHCLSkK1JKbfquMNvNEe07UQrZWX2ubCtSCvuG4SQMLSZaioURJUNSjCYZIpFAM0F1JBUlV5soNacn0SFsrym5UhElCpHGI9AH1UtaGixRcmfbWX7ZbUVZTf27WBhRMqSAUSVDBxJsphkvXnfih73Xnr4LpSv7zi7I6nAmEyUPR3QYEg62H1vem/htUfLkWKLksEUp1GhEKRZGlAwJsAqxqgmVDBFIsJkWPLiciR8fvlxrDSXckt5IyZlMlLKs6TsAGnp/Cq/VFh9fviVGrlyrUnhTzZFeH2swYETJkACN+r/BAI5gMy0kLsYK4PNlEVRH+vYptdW+SyFSOtR2+F5tRe+70VBJk3rJybEix6x8W5Rqj/b6WIMBI0qG5JhIyRCBM9iMX5KLUrbXRSO+Pj2nKBFtJ8+6XIkPIyzMcvORjrLeVO3ufT+aqqgmt/3E26zCkQC01pmirLFISZRE5GIR2SYi5SJyS4zrXhF53L6+WkQmRVy71W7fJiIXJbMpIpNtGztsm57jGOPbIrJZRDaJyGMikqQuiiEWRpIMkbhCLbSk8E8p2+OiTnNw+NOUZdaWEu5KXJA1P8tNteThd+ZAde+LkjRXUa157aKUXziSsAoBU5Q1JklFSUScwK+BS4CZwGdEZGZUt2uBalUtBe4B7rDvnQksA2YBFwP3iYgzic07gHtUtQyotm33ZIxxwDeBBao6G3Da/QzdxARKhkgcoRYCqURKHid1ZONsresHr2IQDgDgcrkTdnM6hGHZXo55xvVJpOTyV1OtueRnWeI4LM9HLTmEG0ykFItUIqWFQLmq7lLVVmA5sCSqzxLgYfv1CuA8sY4rXQIsV1W/qu4Gym17MW3a9yy2bWDbvKKHY4B1iGGWiLiAbOBACp/XEI1RJUMErlAzAUfySMntdFBHLu60iVJb9l3i6TuA4jwvB2V0n0RKbn8NNeSS67VFKdvDES3E2WQSHWKRiiiNA/ZFvDR2AV4AACAASURBVK+w22L2UdUgUAsUJbg3XnsRUGPbiB6rW2Oo6n7gLmAvcBCoVdWXYn1AEblORNaJyLqjR83iY1eMKBk6cIdbCDpTmwlvdubiDqRLlKzpO1eSRAeA0QU+doWLofojCAV61Q1foJoGR357tmK2x8lRhuFt7qOyRgOcVERJYrRFP6Xi9emt9m6PISLDsKKoycBYIEdEro7RF1V9QFUXqOqCkSNHxuoyxDGiZOjAHfYTSlGUWlx5eEPpqegg4QABdeJMkroOMDrfx3utJdaU37Ht3RvoWDn8agGs+33Xa+EQ3lADLe6CDr9EqHWNINtvvgDHIhVRqqDzwfUldJ0Ga+9jT5UVAFUJ7o3XfgwotG1Ej9XdMc4HdqvqUVUNAE8Cp6XweQ3t2Hpvpu8MEXi1hZAzcd27Nlpd+WSnSZQIBwnhwJrlT8yofB/vNNuTMgff7944q38DlTvg7z/sGmU1HMGB0uLt/GW3wTOCvGBln1SQGOikIkprgTI7K86DlSywMqrPSuAa+/VSYJVaOy5XAsvszLnJQBmwJp5N+55XbRvYNp/u4Rh7gVNFJNteezoP+DC1H4vBQiP+azBYeNSPulMTpZAnH6/603MkejhEkMSZd22MLvCxW8cQdmXBoQ+6N87+9db//XWw+/XO1+qs79T+7NGdmoPZo6z6d00m2SGapKJkr9/cCLyI9VB/QlU3i8hPRORyu9tDQJGIlAPfAW6x790MPAFsAV4AblDVUDybtq2bge/Ytops2z0ZYzVWQsR64AP7sz7Qg5+RwURKhjZU8eFHXSmKkn1cQzqKjzrCAYIpbsUcU+AjjIOmwmlwqBuRkioc2wEnfR5cWbD9xc7X6y1RCueO7dyeN8a+fjD1sYYIKX2NUNXngOei2n4Y8boFuDLOvbcBt6Vi027fRUf2XGR7T8b4EfCjWPcYUsdIkqGdoB8HCilGSvjaRKkGcvt5vTYcIkTyJAeAySOso9sP5syibP/T1jScM3EqOQD1h6C1HsbMhYYjsONF0DvAnjLU2v0I4CjsLEqeYWPhI2itPoBnzNxufazBjqnoYEiOiZQMNmpXZxBPTkr9JcuqKaf28Q39iWiQkKQmSiXDsnE7hU3u2RBohAMbUxukcgcA4eFlUHYBVO+ByvL2y8GaCvzqwldQ3Om27KISAOqO7E1tnCGEESVDAtoWiI0oGSz8DdY0nHrzU+rvtCtit9b3f/UC0dQjJadDmFiUw1uBaVbDnjdSG8TO1Lvg0YPcu3+q1RYxhRc4vJ09OprhuZ2zFQtHTSCgTvxHd6U2zhDCiJIhAXaig9Ekg01LQzUA4s1Lqb8j34oQWmr6f+1EwoGURQmsKbz3azwwckbXhIV4HNuB35HFzpY87lrdTLBoujWF1+bDsW3s1LGMK+w83Tl6WC4VOgLtg826Ax0jSoYUMKpksGhttKbhJCu1SMmTb2WdBWr76KjxBIiGCElq2XcApcW57D7WSLD0fNjzJqQy5XhsO/scJRRkWVUjtuWfCh+9bR2B3tqEt2Ef5TqWsdGilO9jr47CU/dRtz7TUMCIkiEB9mJt2IiSwSLQbFVncGYVJOlpkZefT4P6CNb1f/UCCYcIdeMRd+K4AgIhZfeIxdYm2h0xC8B0Qo9tZ1twNJfNGcPkETn8tWG2Vd5o12uwfx0ODbE+XMaYgs7TdzleF4ddY8hr7v2jMgY6RpQMBkPKBJqsNSV3iqJUlOPlmBYQru9/UXJ0I9EBYE6J9ZneaZ0MuaNhy9OJb2htQmor+DAwmtLiXC6cNYpH9o+y1ts++DPseIkQTnb7ZuOLcUpvU854skIN0GROoI3EiJIhBcyuc4NFwJ6+8+UWptR/RK6HYxTgaOr/kjqiQUIpbp4FGFeYxfAcD+9X1MGJS2H7C5BITO3Mu506ltLiXC6aNZqWsJNtEz8HH66Et3/FWu+pFBcXx7xdh022XvRBZfKBjBElQwJMooOhMyF7+i47b1hK/YfneDiqBbib+79ygSMcItyNSElEOGl8IWv3VMH8L1nTcBsfjX/D0W0AlOs4SotzmVdSSHGel/uCl8OcZejE0/iR/7NMGxU7KcQzejoA/oObY14fqhhRMqSAUSWDRailjoA6ycvLTam/y+mg3jUcX2v/T1E5NEi4G9l3AGeUjWBPZRP7HGNh0plWkdV4JZKObiOMk6PucYzO9+FwCBfMHMXfd9TR8on7qFjyF7a1DGP6mNhJIcPGT6dF3dTvfa+7H21QY0TJkABTkNUQRUsdDWSRl5X8jKI2mj1F5IRqIejvQ8e6Yq0ppT59B3BmmVV14o0dx+CMb0HtPnjvT7E7H9vGIdcYJhQXthd9vWjWaJoDIV7ffpS3d1rR4amTh8e8ffLIfLbpePTQpm75ONgxomRIgBEjQxT+ehrIIseTegTSlGWX2Knt30wzZzhAyJFCqaAIpo7MYVxhFi9/eBimngclp8Drd0GguWvnA++xJTyB0pEdUeOpU4oYne/jF6/s4NF39lIyLIvS4thR5ZSROWzXCWRXb+uWj4MdI0qG5JhIyWDjaq2jUbJTOg6ijdY8q6QONf1bUseprYQcqUd0YK0rXTZnDK9vP0pVUwDO+6EVLb1xd+eOdQegdi9v+6cyNUJ0PC4H379sBpsP1PHB/lquP3tq3J+V1+WkKreMnGC1VUPPABhRMiTE3qdkIiaDjSdQQ4MjtXTwNrTAPu6sn0XJpQFC0j1RAlgybxzBsPK3Dw7C5LNgzlXw5j2dz1myKz6sDZ9AWVQkdNmcsTz21VP57RcW8LlFExKOFRg9DwDdtyaxU+Ew7FwFoWDifoMAI0oGgyFlsgI1NDq7J0o5I8YTVAf+yj1941Qc3D2IlABmjMlj+ug8Hv3nR6gqXPQzyBkJj38OGuzU9vefoNE3mk06KWZ23cemFnHBzFFJI8qCqQvxq5um8rcS9vOvfwwe+ST1L/20259noGFEyZAUNdN3BpucUF2no71TYezwfA5qES1H+nc/jksDhJ3ebt8nInzlzClsO1zP6zuOQc4IuOpR62iKh86Hl74PO19hTdESPC4X44dn99jHmeNHslGnEtjzz4T9KtY/D8CR9/7e47EGCkaUDAkwYmSIIBQkRxvwe1Lbo9TGuGFZVOhItLp/67y5NUC4B5ESwOVzx1oJCy9vt76UlcyHa561Lr79K5i6mEcdl1NanIvTkfr6WjQnjivgPU4gr2oTtDbF7ees3glAccuuQb/Ga0TJkJxB/o/AkCItNThQNKubolSYxS4dQ1Zteb/+LnloJezsmSh5XA6+fUEZ6/fW8Mz7doXz8afAN9bD93YQ/uxfeHd/EzPj7EHqzjjVoxbhJGQVgY2FKkUt1npcHk201AzupAgjSoa4aFuig5oyQwbQJutMJMke0a37RuR62CXj8Qbr+jXLzE0Q7cH0XRtL549n1th8/vvZLVQ22HusHE7ILWbnsUZqmgKcEmcPUncomH4OTeqlZUuXg7gB6+eepw28iZUUcWjXB8c9ZiZjRMlgMKREY80RAFy53RMlEaE6xz4A7+iHve1WbEJBnITRHkZKYB389/+WzqW2KcBNK94nFFEt/7VtVsLDx6YUHberi8rG8lZ4NuFtL8SMJOsqtgBwdPTZANTuH9z7mowoGVLATN8ZoLHaKk7qK+ieKAH4i06wXhzZ2psuxSfYAnBcogQwc2w+P7hsBqu2HuE/n/qAUFgJhZUn1u1jTknBcSU5tDG3pJA1nlPIbj4Ih7vWwavaawn5sBMvIqBOAkd3HveYmUxKoiQiF4vINhEpF5FbYlz3isjj9vXVIjIp4tqtdvs2EbkomU0RmWzb2GHb9BzHGIUiskJEtorIhyLyse79eAyA0SQDAC3VBwDwDRvb7XtHjxlPpeajh/pp6ilk16tz+RL3S4HPf2wSN55byvK1+7jy/rf55mMb2HGkga+eOeW4bQM4HALTLyWgToLvPd7lesvh7QTUycSy2RyUYly1e3pl3EwlqSiJiBP4NXAJMBP4jIjMjOp2LVCtqqXAPcAd9r0zgWXALOBi4D4RcSaxeQdwj6qWAdW27W6PYd/zC+AFVZ0OzAX6ae5gcGHyHAwAwZoDhFTIK+q+KJUV57IhPJXg3iSbRHuJcKtdFug4I6U2vnvhNH5+5VwO1rbw0pZDXH/2VC6bM6ZXbAOcNW8G/wjPIbhhOYRDna45qnexj2LGDc+j0ltCflP/bkLub1KJlBYC5aq6S1VbgeXAkqg+S4CH7dcrgPPE2jW2BFiuqn5V3Q2U2/Zi2rTvWWzbwLZ5RU/GEJF84CzgIQBVbVXVFM43NnTFJDoYQOoPcpRChud3f8qqbFQu68PTcFeX98uhdkF/PQBhd06v2BMRPjW/hLdvWczW/76EWy6Z3q1SS8n42JQiXvEsxtdyxDq1NoKcho845ByLx+WgOXcCxcEDg/qbYiqiNA7YF/G+wm6L2UdVg0AtUJTg3njtRUCNbSN6rO6OMQU4CvxeRDaIyIMiEvM3VESuE5F1IrLu6NH+P4wsUxEzb2eIwNl4mEM6jKKc7kcfpcV5vBueZr2pWNvLnnUl0GyJknpSO2IjVUTkuPYlxcPldDBywRKOaT4tb93XcSEcpsi/n7psq1yRDp9CLs3UVR7sdR8yhVREKdbfQPTTKl6f3mrvyRgu4GTgN6p6EtAIdFkPA1DVB1R1gaouGDlyZKwuQ5tB/K3MkDq+5sNUOYpiHu2djIIsN4fzZhIQd3vduL6ktck6jFC8vStKfcmnFpbySPACfLtfbj9AUI9tJ4sWGofNAMA3qgyAw3u2pM3PviYVUaoAxke8LwEOxOsjIi6gAKhKcG+89mNAoW0jeqyejFGhqqvt9hVYImVIEW3XeyNKBshpPUqjp+df2mZOHMV6mQ3bnu9Fr2ITaGoAwOkbOKI0sSiHj6Z+lhbcBF69HYCq7e8A4Jt4CgBF463TausPbE+Pk/1AKqK0Fiizs+I8WEkFK6P6rASusV8vBVapVTBtJbDMzpybDJQBa+LZtO951baBbfPpnoyhqoeAfSJi56JyHjB4v170IUaSDLQ2kRuux589qscmTho/jGf9c6FqJxzb0YvOdSXQXAuAy3d8FRf6my9dsIAHgpfi3vIk7H4d/4fPc1QLKCmbC8DoidMIqdB6pDzNnvYdSUXJXr+5EXgRK3vtCVXdLCI/EZHL7W4PAUUiUg58B3uaTFU3A09gicELwA2qGopn07Z1M/Ad21aRbbvbY9j3fAP4o4i8D8wDftbdH5ABCBtZGvJUW8VUA/mTemzi5ImFvByab0XgH6xIfsNxELLXlNxZAydSApg7vpCtU7/CRzqa8B8/zdj9L/C8nMHMEqu0k8+XxSFHMe66Pel1tA9J6axgVX0OeC6q7YcRr1uAK+PcextwWyo27fZdWNl50e09GWMjsCDWPYbkdCQ6GFEa6rQe3YkHcBZN7rGNWWMLqHaPZGfeKZRueBTO/nerbE8fEGqxpu/c2QMrUgL4z08u4Nq7b+W28EPUhZ3smPmvuJ0d8UOVZxx5TfsSWBjYmIoOhqSYPAdDg72G4S0u7bENn9vJaVNH8IfWc6CuArb+rZe8i0FLDWEVPFkDT5TGFWbxgy9cxnXyQ36U+yOuv3h+p+tNuRMZFdw/aI+UMaJkiItJdDC00XJkJ1Way6hRo4/LzrknjOSPtSfSWjgVXv1Zl42ivYU0V1JNLtm+3tk829+cXjqCdd8/n3/cdA7jCrM6Xxw+hQIaqT52OD3O9TFGlAwGQ3KqdrJXRzFl5PFtRj13ejEhnLwy+itWcda1DyW/qQc4m6uo0vwepa9nCiISc4Nu1mg7LfyjwZm3ZUTJkJTBOk1gSJ38uh3slvGMzO35URAAJcOyOXXKcG7fOx0tPR/+/sM+KdLq9ldRRR5ZnoErSvEYbqeF1+0fnGnhRpQMyTGiNLRpOEJusIrK3LJeKa1z5fzxfFTVzLo5PwZfPjz6Kajp3XpunpZKKjWffJ+7V+1mAqMmTqdVnYQPbUq3K32CESVDUtSsKQ1t7MrezcOj6zD3jEvnjGFErpd7VjfA5/4M/nr47Xnw0du9Yh9V8vwHOSwj8bgG3yPO7c1ir2sSuZVGlAxDFDGR0pCmZf97AGSVnNgr9nxuJ9efPYW3d1bydtM4uPYl8GTD7y+Bv/5r9zbWhoLw7sMQbO1oaziMO+yn0tP9auYDherCmUzwbyccGnzFko0oGeJiCrIaABp3rqZCR1A6aWKv2fzcoomMH57F95/aRMuwMrj+LTjtG9am2nsXwEMXwVu/gH1roLUpvqH3l8Mz34S//6CjzRa1am9Jr/mbacjYkyiQRvbuGnzJDiltnjUMbYw0DWFUyT64hn+EZ3Lm2IJeM5vlcfKzT57I5x9aw4+f2cLPPjkbufCncNo3rcjnw5VWEgSAOKFwPBSMh8IJ4M0Htw+aq+HDZ60+a34LC74MI09or0J+MHdGr/mbaYwoWwQfwKGtq5lUNjvd7vQqRpQMcdEYrwxDjMqdZAWq2OaZzb/kHV/mXTRnlo3k6+dM5Tev7WRiUTbXnz0Vcovh7JusP3UH4cAG60/VTqjZBztXQWsjBJqtJImxJ8EpX4WVN8Ij/wKffxI+fIZdjkm4cop61d9MYvz0BfjVTfCj1XScgzo4MKJkiEt7npXRpKHLnjcAaBnbpfJXr3DThSewt6qJ25/fSn1LgO9ccELHeUX5Y6w/0z+e3NDVf7FE6deWn4/wNUYXHP9R6JmK0+Nju28GI6veTbcrvY5ZUzIkQO3/Dr7FVENqNG96ln3hkUw+4aQ+se9wCL+4ah5XLRjPr1/dyecfWs2+qgRrSPEYMxe+9jqcdROtF/+c37ecNahFCaBxzCJKQzs5euxIul3pVYwoGeLSnuhgsu+GJq2NePa+zt/D8zmtrO8Ov3Q5Hdz+qRO581Nz2LivhvPu/ge3P7+VygZ/9wwVjIPF36di6jJAGDPIRalwxrk4Rdn57qp0u9KrGFEyxMVM3w1xtr+IM9zKGs+plBX37REQIsKnTxnPqu+ew2UnjuH+f+zktNtX8f2/fkD5kYZu2fqo0oq0xhVm94WrGcOkuWcTUCf+8r4/ybc/MWtKhriYoyuGNqF3/8BhHcGI2ef2SiWHVBhd4OPuq+bxr+dO5bev7+aJtRU8+s5eTp0ynKtPnciFM0cn3RC79ZB1ltIJo/L6w+W04fLlssM3neLKNel2pVcxkZIhARrxX8OQonoPjt2v8XjwbC6Z0//7fUqL87hj6RzeumUxN110AvuqmrnxTxs47fZV3PXiNvbXNMe9d9OBWsYW+CjIHnwlhqKpLzmbE0Ll7N3Xu2Wa0okRJUNcOqbvjCwNOd76JSGc/N13EYsmD0+bGyPzvNxwbimv//u5/O6LC5hbUsCvXyvnzDtW8ZWH1/Lq1iOEIk5GDobCvFV+jFOnDt508EjGzv8EDlF2r34m3a70Gmb6zhAXM303RKndj65/hCdCZ3H+afNwOdP/3dXpEBZPH8Xi6aOoqG7isTV7eXztPl7+8Aglw7L47KIJfHrBeF7afJiapgCXnjgm3S73C6Onn0qN5OPctQq4Id3u9ApGlAxxETN9NzR56fsEFe4PXcHjiyak25sulAzL5qaLpvNv503jxc2H+OPqj7jzhW38vxe3oQoLJw3n3BOK0+1m/+BwsG/Yx5he+Q5N/layvQPzUMNIjCgZ4tI2fWcKsg4hyl+GzU9yX+hTnHHKyYwpyEp+T5rwuBx8Yu5YPjF3LOVH6nly/X7yfG4+/7GJOBz9k5iRCXimX8iIt19kzbo3WHj6eel257hJKS4XkYtFZJuIlIvILTGue0Xkcfv6ahGZFHHtVrt9m4hclMymiEy2beywbXp6OoZ9zSkiG0Tk2dR/LAYLs09pSFF/CH3qeg64J/CgLuGbi8vS7VHKlBbn8e8XT+fr50wl1zu0vmtPWnQZAHUfPJdmT3qHpKIkIk7g18AlwEzgMyISfbDKtUC1qpYC9wB32PfOBJYBs4CLgftskUhk8w7gHlUtA6rpKOzUrTEifPs34MPUfhyGSMz03RAi0AxPXEOopYEvNNzIDRfMHvQVEQYL3oLR7PGeQPHhNwfFKdGpREoLgXJV3aWqrcByYElUnyXAw/brFcB5Ym1sWAIsV1W/qu4Gym17MW3a9yy2bWDbvKKHYyAiJcClwIOp/TgMkUj77/fA/0U3JCAUgCeuQfet5ubg9eSMm8VXzpicbq8M3aBh/LnMCm+j/KN96XbluElFlMYBkZ+0wm6L2UdVg0AtUJTg3njtRUCNbSN6rO6OAfA/wL9D4uJtInKdiKwTkXVHjx5N1HVI0VFmKL1+GPoQfz386SrY8SL3eK/nNdfp3Hf1/IzIuDOkzphTluAUZffqlel25bhJ5Tcv1oph9GMqXp/eau/2GCJyGXBEVZOW0VXVB1R1gaouGDmy72p8DTRMSvggp3oP/P4SdNdr3OW7kd82ncP/fn4+4wozN7nBEJuislOpkQJ8u19OtyvHTSqiVAGMj3hfAhyI10dEXEABUJXg3njtx4BC20b0WN0d43TgchHZgzU9uFhEHk3h8xqiGQTz1IYoNv0F7j+TUNVHfNf1HzzUeCa//9IpLJiUvo2yhuPA4eDAiNOY3byW6vr41S4GAqmI0lqgzM6K82AlFUTHiCuBa+zXS4FVaq24rQSW2Zlzk4EyYE08m/Y9r9o2sG0+3ZMxVPVWVS1R1Um2/VWqenWKPxcDJtFhUFJ3EP78RVjxZY5lT+bC5tt4W05i+XWncuqUoVEFYbCSNesShksDH6x9Nd2uHBdJRclev7kReBEri+0JVd0sIj8Rkcvtbg8BRSJSDnwHuMW+dzPwBLAFeAG4QVVD8Wzatm4GvmPbKrJtd3uMnv5ADB2Y6btBRCgA7/wG7j0F3focTxV+kVMPfpeikjJWfuN05o4vTLeHhuNk4imfIISDps3Pp9uV40IGQwphb7JgwQJdt25dut3ICPw/GoFXAmw87V7mXfj5dLtj6AnhsDVV9+ptUL2bjwpP5WtVn2GPjuLfL5rOF0+bNKQ2mg52dt1xJi3N9Uz7wfp+T1YRkXdVdcHx2jEpNoa4iImQBi7hMGz9G/zvmfDkV6gJuvmu6z84+9A3mFg2mxe/dRZfPmOyEaRBRmDKecxkNx9s3Z5uV3rM0Nr6bOgm9pqSiaYHDkE/vP8EvP1LOLaduqzx/Nz9Hf5w9GROLBnG45+dwSKzdjRoGbdwCWy+hwPvPsNJs6an250eYUTJEBfzHXoA0VIL7/6ftW5Uf5CjOdP4H8e3WF49n5MmjuB3S0s5Z9rIfjusz5AecifMo9Ixgvy9q4Cb0u1OjzCiZIiLmNp3mc+hD2Dtg+j7TyCBJrZln8ztwS/yauVszppWzB/PmcqiycONGA0VRDg6+izm7X+eimO1lIwoSLdH3caIkiEuHWtKCQtiGPqboB+2rIS1D8K+dwg6vKxynckv/OeyV8tYuqiEVadOZMrI3HR7akgDhXMvJe/Ak/xz9UuUXHplut3pNkaUDHEx360zjOo9sP4P6Po/II1HOeYex4Phz/NYy5mMHjWGL5w3kSvmjSNniFXJNnRm9LyLCDzvIrjtJTCiZBhMOMTUvks7rU3w4TOw4RHY8wZhHLzlnM9vW7/MRj2JS+eN43fzx3PyhEIzRWew8OaxL28eZbVv09QaJNszsB7zA8tbQ1pQo0r9iyrsfxc2PIJu+gvir+ewcwyPBK7kyfBZTJl6Akvnl/C/s0aT5XEmt2cYepRdSNn6n/Hme+9xxinz0+1NtzCiZDBkCg1H4L3lhDc8iuPYNlrFy99Ci1geOJtDhSfxqdMm8MTJ4ygZlp1uTw0ZTsmiK2D9z6jc+DcwomQYdJjsu76jtRG2PY++9zi6cxUODfIBZTwW+Apve8/i3PlT+fd5Yzl5wjAzPWdIGU/xNI66xjDi4Guo/mBA/e4YUTIkxUzf9TKhIOx+DX3/ccJbnsUZbOIIRTwVvITnnOdSNmsBS+aN5adTi8y5RoaeIULNuHM5ec8Ktu47wowJo9LtUcoYUTIkRUykdPyowoH16PtPEHz/L7ibj9JANs8GF/E3OYO8srO5/KQSnphejM9t1okMx8+Iky8j66M/sfvdF5kx4QvpdidljCgZkmI06Tio2oW+/wStGx7HW7uLAC5eCZ3EyvDV+CefxyXzJnHf7NHk+9zp9tQwyBg2czEtT3lw7XwFMKJkMAxdqj9CN/+V5o0ryD72PoqwPjSDZ/SrVE26hHPmlHHbrNEMz/Gk21PDYMadxd78BUyvfRt/IIjXPTAe9wPDS0OaMaFSUmr2Ed78FM0bVpBz7D0E2BGewgv6WQ5PuJRTT5rLTTNGMcwIkaEfCZVewIT1b7Nh00ZOOum4T5XoF4woGZKjpsxQTGorCG/+K00bVpB7dAMOYGd4Mi/oZ6mccDELT57P9TNGUZBtpuYM6WH8gktg/Y859sHfwYiSYSCjqqbMUCzqDhD44Cka16+gsHI9DmBPeBIv6GeomvRxW4iKzRqRISPIHTOdSkcRWfvfSrcrKWNEyRCTUCgU8csxxKfvqnbT/P7TNL3/V4qqNuAGDoQn8rAso3bKZcybN5/rpxeTa2rOGTINEQ4VLWTGkTepa/aTn+VNt0dJMf+KDDEJBAJD95dDFQ5vpm7jUwQ3rWR4w3aygF3hifzZtYzmsss5ef5Crp8yHK/LpG8bMhvvtMUUHX2et9f/k9NOPyfd7iRlyD53DIlpbWkmq+3NUAiUwmG0Yg3V7z6Jc9uzFLTsJ1eFdTqNdVlfxjHjEyw6+SSuKyk0R4gbBhTjT74I3rqJ2i2vwGARJRG5GPgF4AQeVNXbo657gT8A84FK4CpV3WNfuxW4FggB31TVFxPZFJHJwHJgOLAe+LyqtnZ3DBEZb/cfjXUg0AOq+ovu/oAGOh+8/CeG7rs9LgAAEcNJREFUTz6RcVNP7NZ9AX9j+2sdrIkOwVYCO/9B5bq/kLPnJfICleSqk7fCs/mw8FPkzPkEZ8ybyb+ac4kMAxhv0UQOucZScPiddLuSEklFSUScwK+BC4AKYK2IrFTVLRHdrgWqVbVURJYBdwBXichMYBkwCxgLvCwi0+x74tm8A7hHVZeLyP227d/0YIwg8F1VXS8iecC7IvL3KL8HPSe++XV4E/iv2m7dF4oQpUFFcw01m16kZsPTFB96jexwI3nq5R96Eh+NvI4RJ32Cs+dM5dx8X7o9NRh6jariU5m9/3mO1TUyIj8n3e4kJJVIaSFQrqq7AERkObAEiHy4LwH+y369ArhXrAqAS4DlquoHdotIuW2PWDZF5ENgMfBZu8/Dtt3fdHcMVf0ncBBAVett2+Oi/B7UBFr99DQHLOBv7ngzkEs6qBI6uoMDa/+KbnuBsXUbKSREWHNZ5VxE1aQLGXfyxzln+rgBd+6MwZAqvmmLyT/wJG9teIMRZ1+cbncSksq/wnHAvoj3FcCieH1UNSgitUCR3f5O1L3j7NexbBYBNaoajNG/J2MAICKTgJOA1bE+oIhcB1wHMGHChFhdBiSNtVUU9vDelqb6iHcDTJSCrTRs/weH1z1N/r5XGBk4wHhga3g8K/OWwrSLmLFgMZeONQfjGYYG40++EF6D5q2rYBCIUqx/tdFPqXh94rXHKn2cqH9PxrBuEskF/gJ8S1XrYvRFVR8AHgBYsGDBAHsCx6epsa7HouRvHljTd1p/mAPrVtKy+TnGVv6TXG3GpW7Wyon8Y/RVFMy9jIVz5zLdbGQ1DEHc+aPY655M0dHMX1dKRZQqgPER70uAA3H6VIiICygAqpLcG6v9GFAoIi47Wors3+0xRMSNJUh/VNUnU/isgwp/Y/fWkSJpberQ74ycvVOlee969q95Cu+ulxnf/CHjgIM6nNd8Z9My+QImL/w4p00ag9NkyxkMVI08lRn7V1BTV09hfl663YlLKqK0Fiizs+L2YyUVfDaqz0rgGuCfwFJglaqqiKwE/iQid2MlIZQBa7Cimy427XtetW0st20+3ZMx7PWmh4APVfXu7v5gBgOtzTEDw5QIN1b1oie9hL+Bw++9SM3GZyg+9A+GhauYosL7lLK+6Mv4Zn2ckxacwSUFWcltGQxDjOxp5+A78BgfbPgHp5x9WbrdiUtSUbLXb24EXsRK3/6dqm4WkZ8A61R1JdbD/xE7yaAKS2Sw+z2BlVwQBG5Q1RBALJv2kDcDy0Xkp8AG2zbdHUNEzgA+D3wgIhttG/+hqs/17Ec18GiLdgLq7HbCQ7ixsuNNGlPC/Ud3sW/1U7D9RSbUvcsogmRpFhvcJ1M7cTGjF3yCeSeUMc9lDsMzGBIx4eQLCL8qNG17FQayKAHYD/Lnotp+GPG6Bbgyzr23AbelYtNu30VHhl5ke7fGUNU3ib3e9P/bu/uoqM47gePfH8OrIgj4EkUjoMiLGlCJ4Dsb0hiTVJM2m7Xds/U03W2zSba77fa06Un3pe2e7qY52b6cTU7WbZLmzUTNbqKbNtsaX1Y3NVoVRAygCL6hgKIoLyIMPPvHfRSKIAMZmGHm9zlnztz7zHOfe+8P7vzm3vvMM0HDfbUJgDZCB5yU3E0Xus0N4/W7Djf1Zbuo3b+FsWe2M7n9JDOAKjOJ7TGrkbR7yViwguUTYodvm5QKAJExCVSGTSe+rtf+Xn5D+8AGMHeLc0+pXQZ+cz+0ucbbm9Mnd1M9p/Y5nRSmXvwdCaaJGOOiyDWLoslfJ27uA2Rn5ZAcrkP6KPVpXJyQy5zqjTQ2NTIm2j/vK2lSCmAdjXUANEn0gHvhjWk5RTUTSKTO+z0djOHyyWLO7HuPyKqtJF0tIQVDvYnhwKiFtKXcQ0reA+RMmaRdtpXyoqjUfCLOvknpwR1kL1vl683plSalQNbsJKWOAZ4pmc5OJrad4nRkGomtdV65BmraWzlduJWGov9mYs1OJnbWEguUkcz28V8iatb9zFmQT/4o/x/FWKmRKnn+3XTsFJrLd4AmJTXcwuwlONeN7yJ75uzxYhJp5Mi4uXBmP2aQ95RaG2qp2vMuHWUfkHz5Y26nlfEmnOKIbA5PfZRJdz5Ixsw00rXLtlLDYlRMPMfCUonz4/tKmpQCWEJLJQChA0xK1b/bSCIQN/szcOY/GEhHh4bqo5zY9SbRJ35LSmspGWKoNXEciC1AZq4kbeH95CbED2h7lFLeUz8+l3ln13O1uZGo0f53X0mTUoC6Ul/LlI4zIODC86TU0niR5Kr1lIRnMfH2NAA6++kRXn+6nJO71xNX9T7J7RVkA+WSwq5JXyYmexWz5i9lWZj+qynlD6Jm5hN+7nVKDm5j9tIHfb05N9F3igBVuuU5cqWTstB0JrqrPVrG3d7G0X9fyx2mgdqClwgNdf49Ojvab6rb3tpM6fY3iDj0BmnXikkASkNS2Tnt60xe9CfMnDmLNO2koJTfSZlfQPtOF81lO0CTkhpKprOTI7vfhT3Pk9t6gP3Rf4R71HgSa0/2u+zRo+W43/lzstuK+b/Uv2VJbgFNl51RHYz72o16rc2XOfLec6Qce4U7uMIpbmPn1MeZsuzPSJ+RQYYmIqX82piYOErDUomr889x8DQpBYC21qsc/p9fkFC8jtmdpzhPHB9Ne5z5a/6Owle/RdgtLt+dqb3A4U0/JP/8ehDYk/Ujljz0BADhEXa4HpuUyj7aTNyH32S+uUBheA7HFz5J9tLPcnuo/hspNZLUj8sl79zrtDY1EBk92GGbh4a+m4xgTVcu8smWn5Jc8RrzucTxkCT2Zv2I7PseZfH1hOIKI5SOm5atv1hP4Ts/Zl71m6yURsoSCpj8yLMsvG36jTph4U73bHFf4+DmfyPr4Pc4HZJI0Wc2kL1ohX6HSKkRKiotn9CaV6ko3E760s/5enP+gCalEeh8dSWVv/4ZGdUbWUALh8OzqV70HFnLHmJ6SI8x4ELCCJVOOjs6CHG5aGm8RPGmfybj5BvcLc2Ux+TB/d8jPX3pTeuRkBCumTBi6/aRevoVSiLmkvzkuyTF+NcnK6XUwMyYV0DbThdN5TtAk5IaDHfbNUr+dxNy8DVmt+wjASiMXsrogm8xZ97yPpcTVzgA7e3XKP1wI1P2/AN5NHBo9CLiVz5N2pwlt1xvG6FkthVTK/EkPbaRGE1ISo14sbGxlISmEVfrf/eVNCn5sfa2Vsr2/IqrxZuZXr+TbC5znjj2Ja5lasHXmD89s/9GXM6fuGjDD8mteoFjrhmcX/EyWQsKPNqGMeL8LHpl+tdYGD9+0PuilPIv9eNzWXLul7Q1XSI8Os7Xm3ODJiU/c7XpCmUfvUfnkS2kXvmIObTQYiIoHZPHyaw1zMl/mIVh4Z43aM+UcqteoDAyj8xvvEdEhOe/N1Q4ahFZzXuYu/qvBrorSik/Fpm6HFfNK1QVbWPGkod9vTk3aFLyA5cvnefY7k24yt8nven3zJU2GoimbGw+YbNXkbF4FfOjRg+qbXF1jXs3cc3PB5SQAFIfW0+j203sINevlPJPM+bfxbVdYTSVbQdNSupCzSkqd28gquLXpLceIkc6qCOeQ+M/S3T2Q6TlrmDBQM6I+hA1YTqUwp4JX2BhUtqAl4+O8Z/TeqWU9ySMjaUoNJ2xtf41Dp4mpWFUc7qCE7vfJqbqA9LbjjBODKdlMvsnf5H4nM+Tmr2MCS7v/mbQnOWf43BoGDl5K73arlJq5LswbgF31LyMu6me0OgEX28OoElpyLW2NFHy4etElbzFrLZD3AZUhiSx9/a/YOLCPyY5PYepPbtxe5GEhDBn6eoha18pNXJFzswnpPYlTh3aRtLiR3y9OYAmpSHTcKGG0s3Pknn6LXJoplomsmfaY0xZ8kVSUrNI8fUGKqWC3sy5y7m6K5zG0u2gSSkwdbjd7H/nWTJLf8ZCucrBUUuIWPIEGbkrSPTypTmllPo0JsTHUhiWSVyN/3xfyaPrRiJyr4iUi0iFiDzVy+sRIrLBvr5XRJK6vfZdW14uIiv6a1NEkm0bx2yb4d5ex1C5XF/LJ8/eTW7Zv3AiMoOqRz5k3rd/xaxF9xGiCUkp5YeuJi4iyV3F+VrPfk1gqPWblETEBTwPrAQygS+ISM9vbX4FuGSMmQH8BHjGLpsJrAFmAfcCL4iIq582nwF+YoxJBS7Ztr29Dq9ruFDDpecLSGs9zL45/8js72wjOfPOoVqdUkp5xeQ7nZ9FP77tFR9vicOTM6UFQIUxptIY0wa8DfS8c74aeNVOvwMUiDNa52rgbWPMNWNMFVBh2+u1TbvMXbYNbJsPenMdnoVlYNqutVL74iomddRw9J5fsuDz30CGsPOCUkp5y7RZeZSFZZJ6dB01Zyp9vTke3VNKBE53mz8D5PZVxxjjFpHLQIIt/7jHsol2urc2E4AGY278fnf3+t5ax01E5KvAV+1sk4jUAxd6q9uvH6wa1GJ+ahyDjUPg0Vh00Vg4Ai8O35/ef53ejQOmeWMTPElKvf0+gfGwTl/lvZ1G3Kq+N9dxc6Ex64B11+dFZL8xJqe3usFE49BFY9FFY+HQOHSxsUjyRlueXGM6A0ztNj8FONtXHREJBWKBi7dYtq/yC8BY20bPdXlrHUoppfyUJ0np90Cq7RUXjtOpYEuPOluAtXb6YWC7McbY8jW251wykArs66tNu8wO2wa2zc3eXIdnYVFKKeUL/V6+s/dvngR+A7iAl40xR0TkB8B+Y8wW4CXgdRGpwDl7WWOXPSIiG4FPADfwhDGmA6C3Nu0qvwO8LSL/BBTatvHyOvqzrv8qQUHj0EVj0UVj4dA4dPFaLMQ52VBKKaV8T/stK6WU8hualJRSSvkNTUrdDPewRL4gIi+LSJ2IlHQrixeRrXZop60iEmfLRUR+buNRLCLzui2z1tY/JiJre1uXPxORqSKyQ0RKReSIiPy1LQ/GWESKyD4ROWRj8X1b7rUhv0YSOyJMoYi8b+eDNQ4nROSwiBSJyH5bNvTHhzFGH859NRdwHEgBwoFDQKavt2sI9nMZMA8o6Vb2Y+ApO/0U8Iydvg/4AOe7YHnAXlseD1Ta5zg7HefrfRtgHCYB8+z0GOAoznBUwRgLAaLtdBiw1+7jRmCNLX8R+Es7/Tjwop1eA2yw05n2uIkAku3x5PL1/g0iHt8E1gPv2/lgjcMJYFyPsiE/PvRMqcuwDUvkS8aYXTi9F7vrPoRTz6GdXjOOj3G+QzYJWAFsNcZcNMZcArbijDs4YhhjzhljDtrpRqAUZySQYIyFMcY02dkw+zB4b8ivEUNEpgD3A7+w894c+iwQDPnxoUmpS2/DKSX2UTfQTDTGnAPnzRqYYMv7iklAxcpedpmLc4YQlLGwl6yKgDqcN47jeDjkF9B9yK+RHoufAt8GOu28x0OfEVhxAOeDyW9F5IA4Q7HBMBwf+ntKXTwZTinYDHRopxFHRKKB/wT+xhhzxfmg23vVXsoCJhbG+W5ftoiMBd4FMnqrZp8DMhYi8gBQZ4w5ICL514t7qRrQcehmsTHmrIhMALaKSNkt6notFnqm1CWYhyWqtafa2Oc6Wx7QQziJSBhOQnrTGPNftjgoY3GdMaYB2IlzX8BbQ36NFIuBVSJyAufy/V04Z07BFgcAjDFn7XMdzgeVBQzD8aFJqUswD0vUfQinnkM7fcn2rMkDLttT9t8A94hInO19c48tGzHstf+XgFJjzL92eykYYzHeniEhIlHA3Tj32Lw15NeIYIz5rjFminEGFl2Ds19/SpDFAUBERovImOvTOP/XJQzH8eHrHh7+9MDpQXIU53r6077eniHax7eAc0A7zqeYr+BcB98GHLPP8bau4PxQ4nHgMJDTrZ1HcW7gVgBf9vV+DSIOS3AuIxQDRfZxX5DG4g6cIb2K7RvP39vyFJw30wpgExBhyyPtfIV9PaVbW0/bGJUDK329b58iJvl09b4LujjYfT5kH0euvx8Ox/GhwwwppZTyG3r5TimllN/QpKSUUspvaFJSSinlNzQpKaWU8hualJRSSvkNTUpKKaX8hiYlpZRSfuP/Ad9CPYQVOoBOAAAAAElFTkSuQmCC\n",
      "text/plain": [
       "<Figure size 432x288 with 1 Axes>"
      ]
     },
     "metadata": {
      "needs_background": "light"
     },
     "output_type": "display_data"
    }
   ],
   "source": [
    "plt.clf()\n",
    "# plt.plot(x_part, calcs, '.')\n",
    "plt.plot(test_q, calcs_test, label = 'pdf (Ctt = 0.0)')\n",
    "plt.plot(test_q, calcs_test1, label = 'pdf (Ctt = 0.5)')\n",
    "# plt.plot(test_q, f0_y, label = '0')\n",
    "# plt.plot(test_q, fT_y, label = 'T')\n",
    "# plt.plot(test_q, fplus_y, label = '+')\n",
    "# plt.plot(test_q, res_y, label = 'res')\n",
    "plt.legend()\n",
    "plt.ylim(0.0, 1.5e-6)\n",
    "# plt.yscale('log')\n",
    "# plt.xlim(770, 785)\n",
    "plt.savefig('test++.png')\n",
    "# print(jpsi_width)"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 14,
   "metadata": {},
   "outputs": [],
   "source": [
    "\n",
    "\n",
    "# probs = mixture.prob(test_q)\n",
    "# probs_np = zfit.run(probs)\n",
    "# probs_np *= np.max(calcs_test) / np.max(probs_np)\n",
    "# plt.figure()\n",
    "# plt.semilogy(test_q, probs_np,label=\"importance sampling\")\n",
    "# plt.semilogy(test_q, calcs_test, label = 'pdf')\n"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 15,
   "metadata": {},
   "outputs": [],
   "source": [
    "# 0.213/(0.00133+0.213+0.015)"
   ]
  },
  {
   "cell_type": "markdown",
   "metadata": {},
   "source": [
    "## Adjust scaling of different parts"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 16,
   "metadata": {},
   "outputs": [],
   "source": [
    "total_f.update_integration_options(draws_per_dim=2000000, mc_sampler=None)\n",
    "# inte = total_f.integrate(limits = (950., 1050.), norm_range=False)\n",
    "# inte_fl = zfit.run(inte)\n",
    "# print(inte_fl/4500)\n",
    "# print(pdg[\"jpsi_BR\"]/pdg[\"NR_BR\"], inte_fl*pdg[\"psi2s_auc\"]/pdg[\"NR_auc\"])"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 17,
   "metadata": {},
   "outputs": [],
   "source": [
    "# # print(\"jpsi:\", inte_fl)\n",
    "# # print(\"Increase am by factor:\", np.sqrt(pdg[\"jpsi_BR\"]/pdg[\"NR_BR\"]*pdg[\"NR_auc\"]/inte_fl))\n",
    "# # print(\"New amp:\", pdg[\"jpsi\"][3]*np.sqrt(pdg[\"jpsi_BR\"]/pdg[\"NR_BR\"]*pdg[\"NR_auc\"]/inte_fl))\n",
    "\n",
    "# # print(\"psi2s:\", inte_fl)\n",
    "# # print(\"Increase am by factor:\", np.sqrt(pdg[\"psi2s_BR\"]/pdg[\"NR_BR\"]*pdg[\"NR_auc\"]/inte_fl))\n",
    "# # print(\"New amp:\", pdg[\"psi2s\"][3]*np.sqrt(pdg[\"psi2s_BR\"]/pdg[\"NR_BR\"]*pdg[\"NR_auc\"]/inte_fl))\n",
    "\n",
    "# name = \"phi\"\n",
    "\n",
    "# print(name+\":\", inte_fl)\n",
    "# print(\"Increase am by factor:\", np.sqrt(pdg[name+\"_BR\"]/pdg[\"NR_BR\"]*pdg[\"NR_auc\"]/inte_fl))\n",
    "# print(\"New amp:\", pdg[name][0]*np.sqrt(pdg[name+\"_BR\"]/pdg[\"NR_BR\"]*pdg[\"NR_auc\"]/inte_fl))\n",
    "\n",
    "\n",
    "# print(x_min)\n",
    "# print(x_max)\n",
    "# # total_f.update_integration_options(draws_per_dim=2000000, mc_sampler=None)\n",
    "# total_f.update_integration_options(mc_sampler=lambda dim, num_results,\n",
    "#                                     dtype: tf.random_uniform(maxval=1., shape=(num_results, dim), dtype=dtype),\n",
    "#                                    draws_per_dim=1000000)\n",
    "# # _ = []\n",
    "\n",
    "# # for i in range(10):\n",
    "\n",
    "# #     inte = total_f.integrate(limits = (x_min, x_max))\n",
    "# #     inte_fl = zfit.run(inte)\n",
    "# #     print(inte_fl)\n",
    "# #     _.append(inte_fl)\n",
    "\n",
    "# # print(\"mean:\", np.mean(_))\n",
    "\n",
    "# _ = time.time()\n",
    "\n",
    "# inte = total_f.integrate(limits = (x_min, x_max))\n",
    "# inte_fl = zfit.run(inte)\n",
    "# print(inte_fl)\n",
    "# print(\"Time taken: {}\".format(display_time(int(time.time() - _))))\n",
    "\n",
    "# print(pdg['NR_BR']/pdg['NR_auc']*inte_fl)\n",
    "# print(0.25**2*4.2/1000)"
   ]
  },
  {
   "cell_type": "markdown",
   "metadata": {},
   "source": [
    "# Sampling\n",
    "## Mixture distribution for sampling"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 18,
   "metadata": {},
   "outputs": [],
   "source": [
    "\n",
    "    \n",
    "# print(list_of_borders[:9])\n",
    "# print(list_of_borders[-9:])\n",
    "\n",
    "\n",
    "class UniformSampleAndWeights(zfit.util.execution.SessionHolderMixin):\n",
    "    def __call__(self, limits, dtype, n_to_produce):\n",
    "        # n_to_produce = tf.cast(n_to_produce, dtype=tf.int32)\n",
    "        low, high = limits.limit1d\n",
    "        low = tf.cast(low, dtype=dtype)\n",
    "        high = tf.cast(high, dtype=dtype)\n",
    "#         uniform = tfd.Uniform(low=low, high=high)\n",
    "#         uniformjpsi = tfd.Uniform(low=tf.constant(3080, dtype=dtype), high=tf.constant(3112, dtype=dtype))\n",
    "#         uniformpsi2s = tfd.Uniform(low=tf.constant(3670, dtype=dtype), high=tf.constant(3702, dtype=dtype))\n",
    "\n",
    "#         list_of_borders = []\n",
    "#         _p = []\n",
    "#         splits = 10\n",
    "\n",
    "#         _ = np.linspace(x_min, x_max, splits)\n",
    "\n",
    "#         for i in range(splits):\n",
    "#             list_of_borders.append(tf.constant(_[i], dtype=dtype))\n",
    "#             _p.append(tf.constant(1/splits, dtype=dtype))\n",
    "    \n",
    "#         mixture = tfd.MixtureSameFamily(mixture_distribution=tfd.Categorical(probs=_p[:(splits-1)]),\n",
    "#                                         components_distribution=tfd.Uniform(low=list_of_borders[:(splits-1)], \n",
    "#                                                                             high=list_of_borders[-(splits-1):]))\n",
    "        mixture = tfd.MixtureSameFamily(mixture_distribution=tfd.Categorical(probs=[tf.constant(0.05, dtype=dtype),\n",
    "                                                                                    tf.constant(0.93, dtype=dtype),\n",
    "                                                                                    tf.constant(0.05, dtype=dtype),\n",
    "                                                                                    tf.constant(0.065, dtype=dtype),\n",
    "                                                                                    tf.constant(0.04, dtype=dtype),\n",
    "                                                                                    tf.constant(0.05, dtype=dtype)]),\n",
    "                                        components_distribution=tfd.Uniform(low=[tf.constant(x_min, dtype=dtype), \n",
    "                                                                                 tf.constant(3090, dtype=dtype),\n",
    "                                                                                 tf.constant(3681, dtype=dtype), \n",
    "                                                                                 tf.constant(3070, dtype=dtype),\n",
    "                                                                                 tf.constant(1000, dtype=dtype),\n",
    "                                                                                 tf.constant(3660, dtype=dtype)], \n",
    "                                                                            high=[tf.constant(x_max, dtype=dtype),\n",
    "                                                                                  tf.constant(3102, dtype=dtype), \n",
    "                                                                                  tf.constant(3691, dtype=dtype),\n",
    "                                                                                  tf.constant(3110, dtype=dtype),\n",
    "                                                                                  tf.constant(1040, dtype=dtype),\n",
    "                                                                                  tf.constant(3710, dtype=dtype)]))\n",
    "#         dtype = tf.float64\n",
    "#         mixture = tfd.MixtureSameFamily(mixture_distribution=tfd.Categorical(probs=[tf.constant(0.04, dtype=dtype),\n",
    "#                                                                                     tf.constant(0.90, dtype=dtype),\n",
    "#                                                                                     tf.constant(0.02, dtype=dtype),\n",
    "#                                                                                     tf.constant(0.07, dtype=dtype),\n",
    "#                                                                                     tf.constant(0.02, dtype=dtype)]),\n",
    "#                                         components_distribution=tfd.Uniform(low=[tf.constant(x_min, dtype=dtype), \n",
    "#                                                                                  tf.constant(3089, dtype=dtype),\n",
    "#                                                                                  tf.constant(3103, dtype=dtype), \n",
    "#                                                                                  tf.constant(3681, dtype=dtype),\n",
    "#                                                                                  tf.constant(3691, dtype=dtype)], \n",
    "#                                                                             high=[tf.constant(3089, dtype=dtype),\n",
    "#                                                                                   tf.constant(3103, dtype=dtype), \n",
    "#                                                                                   tf.constant(3681, dtype=dtype),\n",
    "#                                                                                   tf.constant(3691, dtype=dtype), \n",
    "#                                                                                   tf.constant(x_max, dtype=dtype)]))\n",
    "#         mixture = tfd.Uniform(tf.constant(x_min, dtype=dtype), tf.constant(x_max, dtype=dtype))\n",
    "#         sample = tf.random.uniform((n_to_produce, 1), dtype=dtype)\n",
    "        sample = mixture.sample((n_to_produce, 1))\n",
    "#         sample = tf.random.uniform((n_to_produce, 1), dtype=dtype)\n",
    "        weights = mixture.prob(sample)[:,0]\n",
    "#         weights = tf.broadcast_to(tf.constant(1., dtype=dtype), shape=(n_to_produce,))\n",
    "        # sample = tf.expand_dims(sample, axis=-1)\n",
    "#         print(sample, weights)\n",
    "        \n",
    "#         weights = tf.ones(shape=(n_to_produce,), dtype=dtype)\n",
    "        weights_max = None\n",
    "        thresholds = tf.random_uniform(shape=(n_to_produce,), dtype=dtype)\n",
    "        return sample, thresholds, weights, weights_max, n_to_produce"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 19,
   "metadata": {},
   "outputs": [],
   "source": [
    "# total_f._sample_and_weights = UniformSampleAndWeights"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 20,
   "metadata": {},
   "outputs": [],
   "source": [
    "# 0.00133/(0.00133+0.213+0.015)*(x_max-3750)/(x_max-x_min)"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 21,
   "metadata": {},
   "outputs": [],
   "source": [
    "# zfit.settings.set_verbosity(10)"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 22,
   "metadata": {
    "scrolled": false
   },
   "outputs": [],
   "source": [
    "# # zfit.run.numeric_checks = False   \n",
    "\n",
    "# nr_of_toys = 1\n",
    "# nevents = int(pdg[\"number_of_decays\"])\n",
    "# nevents = pdg[\"number_of_decays\"]\n",
    "# event_stack = 1000000\n",
    "# # zfit.settings.set_verbosity(10)\n",
    "# calls = int(nevents/event_stack + 1)\n",
    "\n",
    "# total_samp = []\n",
    "\n",
    "# start = time.time()\n",
    "\n",
    "# sampler = total_f.create_sampler(n=event_stack)\n",
    "\n",
    "# for toy in range(nr_of_toys):\n",
    "    \n",
    "#     dirName = 'data/zfit_toys/toy_{0}'.format(toy)\n",
    "    \n",
    "#     if not os.path.exists(dirName):\n",
    "#         os.mkdir(dirName)\n",
    "#         print(\"Directory \" , dirName ,  \" Created \")\n",
    "\n",
    "#     for call in range(calls):\n",
    "\n",
    "#         sampler.resample(n=event_stack)\n",
    "#         s = sampler.unstack_x()\n",
    "#         sam = zfit.run(s)\n",
    "# #         clear_output(wait=True)\n",
    "\n",
    "#         c = call + 1\n",
    "        \n",
    "#         print(\"{0}/{1} of Toy {2}/{3}\".format(c, calls, toy+1, nr_of_toys))\n",
    "#         print(\"Time taken: {}\".format(display_time(int(time.time() - start))))\n",
    "#         print(\"Projected time left: {}\".format(display_time(int((time.time() - start)/(c+calls*(toy))*((nr_of_toys-toy)*calls-c)))))\n",
    "\n",
    "#         with open(\"data/zfit_toys/toy_{0}/{1}.pkl\".format(toy, call), \"wb\") as f:\n",
    "#             pkl.dump(sam, f, pkl.HIGHEST_PROTOCOL)"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 23,
   "metadata": {},
   "outputs": [],
   "source": [
    "# with open(r\"data/zfit_toys/toy_0/0.pkl\", \"rb\") as input_file:\n",
    "#     sam = pkl.load(input_file)\n",
    "# print(sam[:10])\n",
    "\n",
    "# with open(r\"data/zfit_toys/toy_0/1.pkl\", \"rb\") as input_file:\n",
    "#     sam2 = pkl.load(input_file)\n",
    "# print(sam2[:10])\n",
    "\n",
    "# print(np.sum(sam-sam2))"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 24,
   "metadata": {},
   "outputs": [],
   "source": [
    "# print(\"Time to generate full toy: {} s\".format(int(time.time()-start)))\n",
    "\n",
    "# total_samp = []\n",
    "\n",
    "# for call in range(calls):\n",
    "#     with open(r\"data/zfit_toys/toy_0/{}.pkl\".format(call), \"rb\") as input_file:\n",
    "#         sam = pkl.load(input_file)\n",
    "#         total_samp = np.append(total_samp, sam)\n",
    "\n",
    "# total_samp = total_samp.astype('float64')\n",
    "\n",
    "# data2 = zfit.data.Data.from_numpy(array=total_samp[:int(nevents)], obs=obs)\n",
    "\n",
    "# data3 = zfit.data.Data.from_numpy(array=total_samp, obs=obs)\n",
    "\n",
    "# print(total_samp[:nevents].shape)"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 25,
   "metadata": {},
   "outputs": [],
   "source": [
    "# plt.clf()\n",
    "\n",
    "# bins = int((x_max-x_min)/7)\n",
    "\n",
    "# # calcs = zfit.run(total_test_tf(samp))\n",
    "# print(total_samp[:nevents].shape)\n",
    "\n",
    "# plt.hist(total_samp[:nevents], bins = bins, range = (x_min,x_max), label = 'data')\n",
    "# # plt.plot(test_q, calcs_test*nevents , label = 'pdf')\n",
    "\n",
    "# # plt.plot(sam, calcs, '.')\n",
    "# # plt.plot(test_q, calcs_test)\n",
    "# # plt.yscale('log')\n",
    "# plt.ylim(0, 200)\n",
    "# # plt.xlim(3080, 3110)\n",
    "\n",
    "# plt.legend()\n",
    "\n",
    "# plt.savefig('test2.png')"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 26,
   "metadata": {},
   "outputs": [],
   "source": [
    "# sampler = total_f.create_sampler(n=nevents)\n",
    "# nll = zfit.loss.UnbinnedNLL(model=total_f, data=sampler, fit_range = (x_min, x_max))\n",
    "\n",
    "# # for param in pdf.get_dependents():\n",
    "# #     param.set_value(initial_value)\n",
    "\n",
    "# sampler.resample(n=nevents)\n",
    "\n",
    "# # Randomise initial values\n",
    "# # for param in pdf.get_dependents():\n",
    "# #     param.set_value(random value here)\n",
    "\n",
    "# # Minimise the NLL\n",
    "# minimizer = zfit.minimize.MinuitMinimizer(verbosity = 10)\n",
    "# minimum = minimizer.minimize(nll)"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 27,
   "metadata": {},
   "outputs": [],
   "source": [
    "# jpsi_width"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 28,
   "metadata": {},
   "outputs": [],
   "source": [
    "# plt.hist(sample, weights=1 / prob(sample))"
   ]
  },
  {
   "cell_type": "markdown",
   "metadata": {},
   "source": [
    "# Fitting"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 29,
   "metadata": {},
   "outputs": [],
   "source": [
    "# start = time.time()\n",
    "\n",
    "# for param in total_f.get_dependents():\n",
    "#     param.randomize()\n",
    "    \n",
    "# # for param in total_f.get_dependents():\n",
    "# #     print(zfit.run(param))\n",
    "    \n",
    "# nll = zfit.loss.UnbinnedNLL(model=total_f, data=data2, fit_range = (x_min, x_max))\n",
    "\n",
    "# minimizer = zfit.minimize.MinuitMinimizer(verbosity = 5)\n",
    "# # minimizer._use_tfgrad = False\n",
    "# result = minimizer.minimize(nll)\n",
    "\n",
    "# # param_errors = result.error()\n",
    "\n",
    "# # for var, errors in param_errors.items():\n",
    "# #     print('{}: ^{{+{}}}_{{{}}}'.format(var.name, errors['upper'], errors['lower']))\n",
    "\n",
    "# print(\"Function minimum:\", result.fmin)\n",
    "# # print(\"Results:\", result.params)\n",
    "# print(\"Hesse errors:\", result.hesse())"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 30,
   "metadata": {},
   "outputs": [],
   "source": [
    "# print(\"Time taken for fitting: {}\".format(display_time(int(time.time()-start))))\n",
    "\n",
    "# # probs = total_f.pdf(test_q)\n",
    "\n",
    "# calcs_test = zfit.run(probs)\n",
    "# res_y = zfit.run(jpsi_res(test_q))"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 31,
   "metadata": {},
   "outputs": [],
   "source": [
    "# plt.clf()\n",
    "# # plt.plot(x_part, calcs, '.')\n",
    "# plt.plot(test_q, calcs_test, label = 'pdf')\n",
    "# # plt.plot(test_q, res_y, label = 'res')\n",
    "# plt.legend()\n",
    "# plt.ylim(0.0, 10e-6)\n",
    "# # plt.yscale('log')\n",
    "# # plt.xlim(3080, 3110)\n",
    "# plt.savefig('test3.png')\n",
    "# # print(jpsi_width)"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 32,
   "metadata": {},
   "outputs": [],
   "source": [
    "# _tot = 4.37e-7+6.02e-5+4.97e-6\n",
    "# _probs = []\n",
    "# _probs.append(6.02e-5/_tot)\n",
    "# _probs.append(4.97e-6/_tot)\n",
    "# _probs.append(4.37e-7/_tot)\n",
    "# print(_probs)"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 33,
   "metadata": {},
   "outputs": [],
   "source": [
    "# dtype = 'float64'\n",
    "# # mixture = tfd.Uniform(tf.constant(x_min, dtype=dtype), tf.constant(x_max, dtype=dtype))\n",
    "# mixture = tfd.MixtureSameFamily(mixture_distribution=tfd.Categorical(probs=[tf.constant(0.007, dtype=dtype),\n",
    "#                                                                             tf.constant(0.917, dtype=dtype),\n",
    "#                                                                             tf.constant(0.076, dtype=dtype)]),\n",
    "#                                 components_distribution=tfd.Uniform(low=[tf.constant(x_min, dtype=dtype), \n",
    "#                                                                          tf.constant(3080, dtype=dtype),\n",
    "#                                                                          tf.constant(3670, dtype=dtype)], \n",
    "#                                                                     high=[tf.constant(x_max, dtype=dtype),\n",
    "#                                                                           tf.constant(3112, dtype=dtype), \n",
    "#                                                                           tf.constant(3702, dtype=dtype)]))\n",
    "# # for i in range(10):\n",
    "# #     print(zfit.run(mixture.prob(mixture.sample((10, 1)))))"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 34,
   "metadata": {},
   "outputs": [],
   "source": [
    "# print((zfit.run(jpsi_p)%(2*np.pi))/np.pi)\n",
    "# print((zfit.run(psi2s_p)%(2*np.pi))/np.pi)"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 35,
   "metadata": {},
   "outputs": [],
   "source": [
    "#         def jpsi_res(q):\n",
    "#             return resonance(q, _mass = jpsi_mass, scale = jpsi_scale,\n",
    "#                              phase = jpsi_phase, width = jpsi_width)\n",
    "\n",
    "#         def psi2s_res(q):\n",
    "#             return resonance(q, _mass = psi2s_mass, scale = psi2s_scale,\n",
    "#                              phase = psi2s_phase, width = psi2s_width)\n",
    "        \n",
    "#         def p3770_res(q):\n",
    "#             return resonance(q, _mass = p3770_mass, scale = p3770_scale,\n",
    "#                              phase = p3770_phase, width = p3770_width)\n",
    "        \n",
    "#         def p4040_res(q):\n",
    "#             return resonance(q, _mass = p4040_mass, scale = p4040_scale,\n",
    "#                              phase = p4040_phase, width = p4040_width)\n",
    "        \n",
    "#         def p4160_res(q):\n",
    "#             return resonance(q, _mass = p4160_mass, scale = p4160_scale,\n",
    "#                              phase = p4160_phase, width = p4160_width)\n",
    "        \n",
    "#         def p4415_res(q):\n",
    "#             return resonance(q, _mass = p4415_mass, scale = p4415_scale,\n",
    "#                              phase = p4415_phase, width = p4415_width)"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 36,
   "metadata": {},
   "outputs": [],
   "source": [
    "# 0.15**2*4.2/1000\n",
    "# result.hesse()"
   ]
  },
  {
   "cell_type": "markdown",
   "metadata": {},
   "source": [
    "## Constraints"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 37,
   "metadata": {},
   "outputs": [],
   "source": [
    "# 1. Constraint - Real part of sum of Psi contrib and D contribs\n",
    "\n",
    "sum_list = []\n",
    "\n",
    "sum_list.append(ztf.to_complex(jpsi_s) * tf.exp(tf.complex(ztf.constant(0.0), jpsi_p)) * ztf.to_complex(jpsi_w / (tf.pow(jpsi_m,3))))\n",
    "sum_list.append(ztf.to_complex(psi2s_s) * tf.exp(tf.complex(ztf.constant(0.0), psi2s_p)) * ztf.to_complex(psi2s_w / (tf.pow(psi2s_m,3))))\n",
    "sum_list.append(ztf.to_complex(p3770_s) * tf.exp(tf.complex(ztf.constant(0.0), p3770_p)) * ztf.to_complex(p3770_w / (tf.pow(p3770_m,3))))\n",
    "sum_list.append(ztf.to_complex(p4040_s) * tf.exp(tf.complex(ztf.constant(0.0), p4040_p)) * ztf.to_complex(p4040_w / (tf.pow(p4040_m,3))))\n",
    "sum_list.append(ztf.to_complex(p4160_s) * tf.exp(tf.complex(ztf.constant(0.0), p4160_p)) * ztf.to_complex(p4160_w / (tf.pow(p4160_m,3))))\n",
    "sum_list.append(ztf.to_complex(p4415_s) * tf.exp(tf.complex(ztf.constant(0.0), p4415_p)) * ztf.to_complex(p4415_w / (tf.pow(p4415_m,3))))\n",
    "sum_list.append(ztf.to_complex(DDstar_s) * tf.exp(tf.complex(ztf.constant(0.0), DDstar_p)) * (ztf.to_complex(1.0 / (10.0*tf.pow(Dstar_m,2)) + 1.0 / (10.0*tf.pow(D_m,2)))))\n",
    "sum_list.append(ztf.to_complex(Dbar_s) * tf.exp(tf.complex(ztf.constant(0.0), Dbar_p)) * ztf.to_complex(1.0 / (6.0*tf.pow(Dbar_m,2))))\n",
    "\n",
    "sum_ru_1 = ztf.to_complex(ztf.constant(0.0))\n",
    "\n",
    "for part in sum_list:\n",
    "    sum_ru_1 += part\n",
    "\n",
    "sum_1 = tf.math.real(sum_ru_1)\n",
    "# constraint1 = zfit.constraint.GaussianConstraint(params = sum_1, mu = ztf.constant(1.7*10**-8), \n",
    "#                                                  sigma = ztf.constant(2.2*10**-8))\n",
    "\n",
    "constraint1 = tf.pow((sum_1-ztf.constant(1.7*10**-8))/ztf.constant(2.2*10**-8),2)/ztf.constant(2.)\n",
    "\n",
    "# 2. Constraint - Abs. of sum of Psi contribs and D contribs\n",
    "\n",
    "sum_2 = tf.abs(sum_ru_1)\n",
    "constraint2 = tf.cond(tf.greater_equal(sum_2, 5.0e-8), lambda: 100000., lambda: 0.)\n",
    "\n",
    "# 3. Constraint - Maximum eta of D contribs\n",
    "\n",
    "constraint3_0 = tf.cond(tf.greater_equal(tf.abs(Dbar_s), 0.2), lambda: 100000., lambda: 0.)\n",
    "\n",
    "constraint3_1 = tf.cond(tf.greater_equal(tf.abs(DDstar_s), 0.2), lambda: 100000., lambda: 0.)\n",
    "\n",
    "# 4. Constraint - Formfactor multivariant gaussian covariance fplus\n",
    "\n",
    "Cov_matrix = [[ztf.constant(   1.), ztf.constant( 0.45), ztf.constant( 0.19), ztf.constant(0.857), ztf.constant(0.598), ztf.constant(0.531), ztf.constant(0.752), ztf.constant(0.229), ztf.constant(0,117)],\n",
    "              [ztf.constant( 0.45), ztf.constant(   1.), ztf.constant(0.677), ztf.constant(0.708), ztf.constant(0.958), ztf.constant(0.927), ztf.constant(0.227), ztf.constant(0.443), ztf.constant(0.287)],\n",
    "              [ztf.constant( 0.19), ztf.constant(0.677), ztf.constant(   1.), ztf.constant(0.595), ztf.constant(0.770), ztf.constant(0.819),ztf.constant(-0.023), ztf.constant( 0.07), ztf.constant(0.196)],\n",
    "              [ztf.constant(0.857), ztf.constant(0.708), ztf.constant(0.595), ztf.constant(   1.), ztf.constant( 0.83), ztf.constant(0.766), ztf.constant(0.582), ztf.constant(0.237), ztf.constant(0.192)],\n",
    "              [ztf.constant(0.598), ztf.constant(0.958), ztf.constant(0.770), ztf.constant( 0.83), ztf.constant(   1.), ztf.constant(0.973), ztf.constant(0.324), ztf.constant(0.372), ztf.constant(0.272)],\n",
    "              [ztf.constant(0.531), ztf.constant(0.927), ztf.constant(0.819), ztf.constant(0.766), ztf.constant(0.973), ztf.constant(   1.), ztf.constant(0.268), ztf.constant(0.332), ztf.constant(0.269)],\n",
    "              [ztf.constant(0.752), ztf.constant(0.227),ztf.constant(-0.023), ztf.constant(0.582), ztf.constant(0.324), ztf.constant(0.268), ztf.constant(   1.), ztf.constant( 0.59), ztf.constant(0.515)],\n",
    "              [ztf.constant(0.229), ztf.constant(0.443), ztf.constant( 0.07), ztf.constant(0.237), ztf.constant(0.372), ztf.constant(0.332), ztf.constant( 0.59), ztf.constant(   1.), ztf.constant(0.897)],\n",
    "              [ztf.constant(0.117), ztf.constant(0.287), ztf.constant(0.196), ztf.constant(0.192), ztf.constant(0.272), ztf.constant(0.269), ztf.constant(0.515), ztf.constant(0.897), ztf.constant(   1.)]]\n",
    "\n",
    "def triGauss(val1,val2,val3,m = Cov_matrix):\n",
    "\n",
    "    mean1 = ztf.constant(0.466)\n",
    "    mean2 = ztf.constant(-0.885)\n",
    "    mean3 = ztf.constant(-0.213)\n",
    "    sigma1 = ztf.constant(0.014)\n",
    "    sigma2 = ztf.constant(0.128)\n",
    "    sigma3 = ztf.constant(0.548)\n",
    "    x1 = (val1-mean1)/sigma1\n",
    "    x2 = (val2-mean2)/sigma2\n",
    "    x3 = (val3-mean3)/sigma3\n",
    "    rho12 = m[0][1]\n",
    "    rho13 = m[0][2]\n",
    "    rho23 = m[1][2]\n",
    "    w = x1*x1*(rho23*rho23-1) + x2*x2*(rho13*rho13-1)+x3*x3*(rho12*rho12-1)+2*(x1*x2*(rho12-rho13*rho23)+x1*x3*(rho13-rho12*rho23)+x2*x3*(rho23-rho12*rho13))\n",
    "    d = 2*(rho12*rho12+rho13*rho13+rho23*rho23-2*rho12*rho13*rho23-1)\n",
    "    \n",
    "    fcn = -w/d\n",
    "    chisq = -2*fcn\n",
    "    return chisq\n",
    "\n",
    "constraint4 = triGauss(bplus_0, bplus_1, bplus_2)\n",
    "\n",
    "# mean1 = ztf.constant(0.466)\n",
    "# mean2 = ztf.constant(-0.885)\n",
    "# mean3 = ztf.constant(-0.213)\n",
    "# sigma1 = ztf.constant(0.014)\n",
    "# sigma2 = ztf.constant(0.128)\n",
    "# sigma3 = ztf.constant(0.548)\n",
    "# constraint4_0 = tf.pow((bplus_0-mean1)/sigma1,2)/ztf.constant(2.)\n",
    "# constraint4_1 = tf.pow((bplus_1-mean2)/sigma2,2)/ztf.constant(2.)\n",
    "# constraint4_2 = tf.pow((bplus_2-mean3)/sigma3,2)/ztf.constant(2.)\n",
    "\n",
    "# 5. Constraint - Abs. of sum of light contribs\n",
    "\n",
    "sum_list_5 = []\n",
    "\n",
    "sum_list_5.append(rho_s*rho_w/rho_m)\n",
    "sum_list_5.append(omega_s*omega_w/omega_m)\n",
    "sum_list_5.append(phi_s*phi_w/phi_m)\n",
    "\n",
    "\n",
    "sum_ru_5 = ztf.constant(0.0)\n",
    "\n",
    "for part in sum_list_5:\n",
    "    sum_ru_5 += part\n",
    "\n",
    "constraint5 = tf.cond(tf.greater_equal(tf.abs(sum_ru_5), ztf.constant(0.02)), lambda: 100000., lambda: 0.)\n",
    "\n",
    "# 6. Constraint on phases of Jpsi and Psi2s for cut out fit\n",
    "\n",
    "\n",
    "# constraint6_0 = zfit.constraint.GaussianConstraint(params = jpsi_p, mu = ztf.constant(pdg[\"jpsi_phase_unc\"]),\n",
    "#                                                    sigma = ztf.constant(jpsi_phase))\n",
    "# constraint6_1 = zfit.constraint.GaussianConstraint(params = psi2s_p, mu = ztf.constant(pdg[\"psi2s_phase_unc\"]),\n",
    "#                                                    sigma = ztf.constant(psi2s_phase))\n",
    "\n",
    "constraint6_0  =  tf.pow((jpsi_p-ztf.constant(jpsi_phase))/ztf.constant(pdg[\"jpsi_phase_unc\"]),2)/ztf.constant(2.)\n",
    "constraint6_1  =  tf.pow((psi2s_p-ztf.constant(psi2s_phase))/ztf.constant(pdg[\"psi2s_phase_unc\"]),2)/ztf.constant(2.)\n",
    "\n",
    "# 7. Constraint on Ctt with higher limits\n",
    "\n",
    "constraint7 = tf.cond(tf.greater_equal(Ctt*Ctt, 0.25), lambda: 100000., lambda: 0.)\n",
    "\n",
    "constraint7dtype = tf.float64\n",
    "\n",
    "# zfit.run(constraint6_0)\n",
    "\n",
    "# ztf.convert_to_tensor(constraint6_0)\n",
    "\n",
    "#List of all constraints\n",
    "\n",
    "constraints = [constraint1, constraint2, constraint3_0, constraint3_1,# constraint4, #constraint4_0, constraint4_1, constraint4_2,\n",
    "               constraint6_0, constraint6_1]#, constraint7]"
   ]
  },
  {
   "cell_type": "markdown",
   "metadata": {},
   "source": [
    "## Reset params"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 38,
   "metadata": {},
   "outputs": [],
   "source": [
    "def reset_param_values():   \n",
    "    jpsi_m.set_value(jpsi_mass)\n",
    "    jpsi_s.set_value(jpsi_scale)\n",
    "    jpsi_p.set_value(jpsi_phase)\n",
    "    jpsi_w.set_value(jpsi_width)\n",
    "    psi2s_m.set_value(psi2s_mass)\n",
    "    psi2s_s.set_value(psi2s_scale)\n",
    "    psi2s_p.set_value(psi2s_phase)\n",
    "    psi2s_w.set_value(psi2s_width)\n",
    "    p3770_m.set_value(p3770_mass)\n",
    "    p3770_s.set_value(p3770_scale)\n",
    "    p3770_p.set_value(p3770_phase)\n",
    "    p3770_w.set_value(p3770_width)\n",
    "    p4040_m.set_value(p4040_mass)\n",
    "    p4040_s.set_value(p4040_scale)\n",
    "    p4040_p.set_value(p4040_phase)\n",
    "    p4040_w.set_value(p4040_width)\n",
    "    p4160_m.set_value(p4160_mass)\n",
    "    p4160_s.set_value(p4160_scale)\n",
    "    p4160_p.set_value(p4160_phase)\n",
    "    p4160_w.set_value(p4160_width)\n",
    "    p4415_m.set_value(p4415_mass)\n",
    "    p4415_s.set_value(p4415_scale)\n",
    "    p4415_p.set_value(p4415_phase)\n",
    "    p4415_w.set_value(p4415_width)\n",
    "    rho_m.set_value(rho_mass)\n",
    "    rho_s.set_value(rho_scale)\n",
    "    rho_p.set_value(rho_phase)\n",
    "    rho_w.set_value(rho_width)\n",
    "    omega_m.set_value(omega_mass)\n",
    "    omega_s.set_value(omega_scale)\n",
    "    omega_p.set_value(omega_phase)\n",
    "    omega_w.set_value(omega_width)\n",
    "    phi_m.set_value(phi_mass)\n",
    "    phi_s.set_value(phi_scale)\n",
    "    phi_p.set_value(phi_phase)\n",
    "    phi_w.set_value(phi_width)\n",
    "    Dstar_m.set_value(Dstar_mass)\n",
    "    DDstar_s.set_value(0.0)\n",
    "    DDstar_p.set_value(0.0)\n",
    "    D_m.set_value(D_mass)\n",
    "    Dbar_m.set_value(Dbar_mass)\n",
    "    Dbar_s.set_value(0.0)\n",
    "    Dbar_p.set_value(0.0)\n",
    "    tau_m.set_value(pdg['tau_M'])\n",
    "    Ctt.set_value(0.0)\n",
    "    b0_0.set_value(0.292)\n",
    "    b0_1.set_value(0.281)\n",
    "    b0_2.set_value(0.150)\n",
    "    bplus_0.set_value(0.466)\n",
    "    bplus_1.set_value(-0.885)\n",
    "    bplus_2.set_value(-0.213)\n",
    "    bT_0.set_value(0.460)\n",
    "    bT_1.set_value(-1.089)\n",
    "    bT_2.set_value(-1.114)\n"
   ]
  },
  {
   "cell_type": "markdown",
   "metadata": {},
   "source": [
    "# Analysis"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 39,
   "metadata": {
    "scrolled": false
   },
   "outputs": [],
   "source": [
    "# # zfit.run.numeric_checks = False   \n",
    "\n",
    "# fitting_range = 'cut'\n",
    "# total_BR = 1.7e-10 + 4.9e-10 + 2.5e-9 + 6.02e-5 + 4.97e-6 + 1.38e-9 + 4.2e-10 + 2.6e-9 + 6.1e-10 + 4.37e-7\n",
    "# cut_BR = 1.0 - (6.02e-5 + 4.97e-6)/total_BR\n",
    "\n",
    "# Ctt_list = []\n",
    "# Ctt_error_list = []\n",
    "\n",
    "# nr_of_toys = 1\n",
    "# if fitting_range == 'cut':\n",
    "#     nevents = int(pdg[\"number_of_decays\"]*cut_BR)\n",
    "# else:\n",
    "#     nevents = int(pdg[\"number_of_decays\"])\n",
    "# # nevents = pdg[\"number_of_decays\"]\n",
    "# event_stack = 1000000\n",
    "# # nevents *= 41\n",
    "# # zfit.settings.set_verbosity(10)\n",
    "# calls = int(nevents/event_stack + 1)\n",
    "\n",
    "# total_samp = []\n",
    "\n",
    "# start = time.time()\n",
    "\n",
    "# sampler = total_f.create_sampler(n=event_stack)\n",
    "\n",
    "# for toy in range(nr_of_toys):\n",
    "    \n",
    "#     ### Generate data\n",
    "    \n",
    "# #     clear_output(wait=True)\n",
    "    \n",
    "#     print(\"Toy {}: Generating data...\".format(toy))\n",
    "    \n",
    "#     dirName = 'data/zfit_toys/toy_{0}'.format(toy)\n",
    "    \n",
    "#     if not os.path.exists(dirName):\n",
    "#         os.mkdir(dirName)\n",
    "#         print(\"Directory \" , dirName ,  \" Created \")\n",
    "    \n",
    "#     reset_param_values()\n",
    "    \n",
    "#     if fitting_range == 'cut':\n",
    "        \n",
    "#         sampler.resample(n=nevents)\n",
    "#         s = sampler.unstack_x()\n",
    "#         sam = zfit.run(s)\n",
    "#         calls = 0\n",
    "#         c = 1\n",
    "        \n",
    "#     else:    \n",
    "#         for call in range(calls):\n",
    "\n",
    "#             sampler.resample(n=event_stack)\n",
    "#             s = sampler.unstack_x()\n",
    "#             sam = zfit.run(s)\n",
    "\n",
    "#             c = call + 1\n",
    "\n",
    "#             with open(\"data/zfit_toys/toy_{0}/{1}.pkl\".format(toy, call), \"wb\") as f:\n",
    "#                 pkl.dump(sam, f, pkl.HIGHEST_PROTOCOL)\n",
    "            \n",
    "#     print(\"Toy {}: Data generation finished\".format(toy))\n",
    "        \n",
    "#     ### Load data\n",
    "    \n",
    "#     print(\"Toy {}: Loading data...\".format(toy))\n",
    "    \n",
    "#     if fitting_range == 'cut':\n",
    "        \n",
    "#         total_samp = sam\n",
    "    \n",
    "#     else:\n",
    "                \n",
    "#         for call in range(calls):\n",
    "#             with open(r\"data/zfit_toys/toy_0/{}.pkl\".format(call), \"rb\") as input_file:\n",
    "#                 sam = pkl.load(input_file)\n",
    "#             total_samp = np.append(total_samp, sam)\n",
    "\n",
    "#         total_samp = total_samp.astype('float64')\n",
    "    \n",
    "#     if fitting_range == 'full':\n",
    "\n",
    "#         data = zfit.data.Data.from_numpy(array=total_samp[:int(nevents)], obs=obs)\n",
    "    \n",
    "#         print(\"Toy {}: Loading data finished\".format(toy))\n",
    "\n",
    "#         ### Fit data\n",
    "\n",
    "#         print(\"Toy {}: Fitting pdf...\".format(toy))\n",
    "\n",
    "#         for param in total_f.get_dependents():\n",
    "#             param.randomize()\n",
    "\n",
    "#         nll = zfit.loss.UnbinnedNLL(model=total_f, data=data, fit_range = (x_min, x_max), constraints = constraints)\n",
    "\n",
    "#         minimizer = zfit.minimize.MinuitMinimizer(verbosity = 5)\n",
    "#         # minimizer._use_tfgrad = False\n",
    "#         result = minimizer.minimize(nll)\n",
    "\n",
    "#         print(\"Toy {}: Fitting finished\".format(toy))\n",
    "\n",
    "#         print(\"Function minimum:\", result.fmin)\n",
    "#         print(\"Hesse errors:\", result.hesse())\n",
    "\n",
    "#         params = result.params\n",
    "#         Ctt_list.append(params[Ctt]['value'])\n",
    "#         Ctt_error_list.append(params[Ctt]['minuit_hesse']['error'])\n",
    "\n",
    "#         #plotting the result\n",
    "\n",
    "#         plotdirName = 'data/plots'.format(toy)\n",
    "\n",
    "#         if not os.path.exists(plotdirName):\n",
    "#             os.mkdir(plotdirName)\n",
    "# #             print(\"Directory \" , dirName ,  \" Created \")\n",
    "        \n",
    "#         probs = total_f.pdf(test_q, norm_range=False)\n",
    "#         calcs_test = zfit.run(probs)\n",
    "#         plt.clf()\n",
    "#         plt.plot(test_q, calcs_test, label = 'pdf')\n",
    "#         plt.legend()\n",
    "#         plt.ylim(0.0, 6e-6)\n",
    "#         plt.savefig(plotdirName + '/toy_fit_full_range{}.png'.format(toy))\n",
    "\n",
    "#         print(\"Toy {0}/{1}\".format(toy+1, nr_of_toys))\n",
    "#         print(\"Time taken: {}\".format(display_time(int(time.time() - start))))\n",
    "#         print(\"Projected time left: {}\".format(display_time(int((time.time() - start)/(c+calls*(toy))*((nr_of_toys-toy)*calls-c)))))\n",
    "    \n",
    "#     if fitting_range == 'cut':\n",
    "        \n",
    "#         _1 = np.where((total_samp >= x_min) & (total_samp <= (jpsi_mass - 60.)))\n",
    "        \n",
    "#         tot_sam_1 = total_samp[_1]\n",
    "    \n",
    "#         _2 = np.where((total_samp >= (jpsi_mass + 70.)) & (total_samp <= (psi2s_mass - 50.)))\n",
    "        \n",
    "#         tot_sam_2 = total_samp[_2]\n",
    "\n",
    "#         _3 = np.where((total_samp >= (psi2s_mass + 50.)) & (total_samp <= x_max))\n",
    "        \n",
    "#         tot_sam_3 = total_samp[_3]\n",
    "\n",
    "#         tot_sam = np.append(tot_sam_1, tot_sam_2)\n",
    "#         tot_sam = np.append(tot_sam, tot_sam_3)\n",
    "    \n",
    "#         data = zfit.data.Data.from_numpy(array=tot_sam[:int(nevents)], obs=obs_fit)\n",
    "        \n",
    "#         print(\"Toy {}: Loading data finished\".format(toy))\n",
    "        \n",
    "#         ### Fit data\n",
    "\n",
    "#         print(\"Toy {}: Fitting pdf...\".format(toy))\n",
    "\n",
    "#         for param in total_f_fit.get_dependents():\n",
    "#             param.randomize()\n",
    "\n",
    "#         nll = zfit.loss.UnbinnedNLL(model=total_f_fit, data=data, constraints = constraints)\n",
    "\n",
    "#         minimizer = zfit.minimize.MinuitMinimizer(verbosity = 5)\n",
    "#         # minimizer._use_tfgrad = False\n",
    "#         result = minimizer.minimize(nll)\n",
    "\n",
    "#         print(\"Function minimum:\", result.fmin)\n",
    "#         print(\"Hesse errors:\", result.hesse())\n",
    "\n",
    "#         params = result.params\n",
    "        \n",
    "#         if result.converged:\n",
    "#             Ctt_list.append(params[Ctt]['value'])\n",
    "#             Ctt_error_list.append(params[Ctt]['minuit_hesse']['error'])\n",
    "\n",
    "#         #plotting the result\n",
    "\n",
    "#         plotdirName = 'data/plots'.format(toy)\n",
    "\n",
    "#         if not os.path.exists(plotdirName):\n",
    "#             os.mkdir(plotdirName)\n",
    "#         #         print(\"Directory \" , dirName ,  \" Created \")\n",
    "        \n",
    "#         plt.clf()\n",
    "#         plt.hist(tot_sam, bins = int((x_max-x_min)/7.), label = 'toy data')\n",
    "#         plt.savefig(plotdirName + '/toy_histo_cut_region{}.png'.format(toy))\n",
    "\n",
    "        \n",
    "#         probs = total_f_fit.pdf(test_q, norm_range=False)\n",
    "#         calcs_test = zfit.run(probs)\n",
    "#         plt.clf()\n",
    "#         plt.plot(test_q, calcs_test, label = 'pdf')\n",
    "#         plt.axvline(x=jpsi_mass-60.,color='red', linewidth=0.7, linestyle = 'dotted')\n",
    "#         plt.axvline(x=jpsi_mass+70.,color='red', linewidth=0.7, linestyle = 'dotted')\n",
    "#         plt.axvline(x=psi2s_mass-50.,color='red', linewidth=0.7, linestyle = 'dotted')\n",
    "#         plt.axvline(x=psi2s_mass+50.,color='red', linewidth=0.7, linestyle = 'dotted')\n",
    "#         plt.legend()\n",
    "#         plt.ylim(0.0, 1.5e-6)\n",
    "#         plt.savefig(plotdirName + '/toy_fit_cut_region{}.png'.format(toy))\n",
    "        \n",
    "#         print(\"Toy {0}/{1}\".format(toy+1, nr_of_toys))\n",
    "#         print(\"Time taken: {}\".format(display_time(int(time.time() - start))))\n",
    "#         print(\"Projected time left: {}\".format(display_time(int((time.time() - start)/(toy+1))*((nr_of_toys-toy-1)))))\n",
    "        "
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 40,
   "metadata": {},
   "outputs": [],
   "source": [
    "# with open(\"data/results/Ctt_list.pkl\", \"wb\") as f:\n",
    "#     pkl.dump(Ctt_list, f, pkl.HIGHEST_PROTOCOL)\n",
    "# with open(\"data/results/Ctt_error_list.pkl\", \"wb\") as f:\n",
    "#     pkl.dump(Ctt_error_list, f, pkl.HIGHEST_PROTOCOL)"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 41,
   "metadata": {},
   "outputs": [],
   "source": [
    "# print('{0}/{1} fits converged'.format(len(Ctt_list), nr_of_toys))\n",
    "# print('Mean Ctt value = {}'.format(np.mean(Ctt_list)))\n",
    "# print('Mean Ctt error = {}'.format(np.mean(Ctt_error_list)))\n",
    "# print('95 Sensitivy = {}'.format(((2*np.mean(Ctt_error_list))**2)*4.2/1000))"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 42,
   "metadata": {},
   "outputs": [],
   "source": [
    "# plt.hist(tot_sam, bins = int((x_max-x_min)/7.))\n",
    "\n",
    "# plt.show()\n",
    "\n",
    "# # _ = np.where((total_samp >= x_min) & (total_samp <= (jpsi_mass - 50.)))\n",
    "\n",
    "# tot_sam.shape"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 43,
   "metadata": {},
   "outputs": [],
   "source": [
    "# Ctt.floating = False"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 44,
   "metadata": {},
   "outputs": [],
   "source": [
    "# zfit.run(nll.value())"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 45,
   "metadata": {},
   "outputs": [],
   "source": [
    "# result.fmin"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 46,
   "metadata": {},
   "outputs": [],
   "source": [
    "# BR_steps = np.linspace(0.0, 1e-3, 11)"
   ]
  },
  {
   "cell_type": "markdown",
   "metadata": {},
   "source": [
    "# CLS Code"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 47,
   "metadata": {
    "scrolled": true
   },
   "outputs": [
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "WARNING:tensorflow:From C:\\Users\\sa_li\\.conda\\envs\\rmd\\lib\\site-packages\\zfit\\core\\sample.py:163: to_int32 (from tensorflow.python.ops.math_ops) is deprecated and will be removed in a future version.\n",
      "Instructions for updating:\n",
      "Use tf.cast instead.\n"
     ]
    }
   ],
   "source": [
    "# zfit.run.numeric_checks = False   \n",
    "\n",
    "load = True\n",
    "\n",
    "bo5 = True\n",
    "\n",
    "bo5_set = 5\n",
    "\n",
    "fitting_range = 'cut'\n",
    "total_BR = 1.7e-10 + 4.9e-10 + 2.5e-9 + 6.02e-5 + 4.97e-6 + 1.38e-9 + 4.2e-10 + 2.6e-9 + 6.1e-10 + 4.37e-7\n",
    "cut_BR = 1.0 - (6.02e-5 + 4.97e-6)/total_BR\n",
    "\n",
    "Ctt_list = []\n",
    "Ctt_error_list = []\n",
    "\n",
    "nr_of_toys = 1\n",
    "nevents = int(pdg[\"number_of_decays\"]*cut_BR)\n",
    "# nevents = pdg[\"number_of_decays\"]\n",
    "event_stack = 1000000\n",
    "# nevents *= 41\n",
    "# zfit.settings.set_verbosity(10)\n",
    "\n",
    "mi = 0.0\n",
    "ma = 1e-3\n",
    "ste = 11\n",
    "\n",
    "BR_steps = np.linspace(mi, ma, ste)\n",
    "\n",
    "Ctt_steps = np.sqrt(BR_steps/4.2*1000)\n",
    "\n",
    "total_samp = []\n",
    "\n",
    "start = time.time()\n",
    "\n",
    "Nll_list = []\n",
    "\n",
    "sampler = total_f.create_sampler(n=nevents)\n",
    "\n",
    "__ = 0\n",
    "\n",
    "#-----------------------------------------------------\n",
    "\n",
    "if not load:\n",
    "\n",
    "    for Ctt_step in Ctt_steps:\n",
    "        \n",
    "        __ += 1\n",
    "        \n",
    "        newset = True\n",
    "        \n",
    "        for floaty in [True, False]:\n",
    "\n",
    "            Ctt.floating = floaty\n",
    "\n",
    "            Nll_list.append([])\n",
    "            \n",
    "            if bo5:\n",
    "                \n",
    "                if __ >= 6:\n",
    "                \n",
    "                    while len(Nll_list[-1])/bo5_set < nr_of_toys:\n",
    "\n",
    "                        print('Step: {0}/{1}'.format(__, ste))\n",
    "\n",
    "                        print('Current Ctt: {0}'.format(Ctt_step))\n",
    "                        print('Ctt floating: {0}'.format(floaty))\n",
    "\n",
    "                        print('Toy {0}/{1} - Fit {2}/{3}'.format(int(len(Nll_list[-1])/bo5_set), nr_of_toys, len(Nll_list[-1]), bo5_set))\n",
    "\n",
    "                        reset_param_values()\n",
    "\n",
    "                        if floaty:\n",
    "                            Ctt.set_value(Ctt_step)\n",
    "                        else:\n",
    "                            Ctt.set_value(0.0)\n",
    "\n",
    "                        if newset:\n",
    "                            sampler.resample(n=nevents)\n",
    "                            s = sampler.unstack_x()\n",
    "                            total_samp = zfit.run(s)\n",
    "                            calls = 0\n",
    "                            c = 1\n",
    "                            newset = False\n",
    "\n",
    "\n",
    "                            data = zfit.data.Data.from_numpy(array=total_samp[:int(nevents)], obs=obs_fit)\n",
    "\n",
    "                        ### Fit data\n",
    "\n",
    "                        for param in total_f_fit.get_dependents():\n",
    "                            param.randomize()\n",
    "\n",
    "                        nll = zfit.loss.UnbinnedNLL(model=total_f_fit, data=data, constraints = constraints)\n",
    "\n",
    "                        minimizer = zfit.minimize.MinuitMinimizer(verbosity = 5)\n",
    "                        # minimizer._use_tfgrad = False\n",
    "                        result = minimizer.minimize(nll)\n",
    "\n",
    "                #         print(\"Function minimum:\", result.fmin)\n",
    "                #         print(\"Hesse errors:\", result.hesse())\n",
    "\n",
    "                        params = result.params\n",
    "\n",
    "                        if result.converged:\n",
    "                            Nll_list[-1].append(result.fmin)\n",
    "\n",
    "            else:\n",
    "\n",
    "                while len(Nll_list[-1]) < nr_of_toys:\n",
    "\n",
    "                    print('Step: {0}/{1}'.format(__, ste))\n",
    "\n",
    "                    print('Current Ctt: {0}'.format(Ctt_step))\n",
    "                    print('Ctt floating: {0}'.format(floaty))\n",
    "\n",
    "                    print('Toy {0}/{1}'.format(len(Nll_list[-1]), nr_of_toys))\n",
    "\n",
    "                    reset_param_values()\n",
    "\n",
    "                    if floaty:\n",
    "                        Ctt.set_value(Ctt_step)\n",
    "                    else:\n",
    "                        Ctt.set_value(0.0)\n",
    "\n",
    "                    if floaty:\n",
    "                        sampler.resample(n=nevents)\n",
    "                        s = sampler.unstack_x()\n",
    "                        total_samp = zfit.run(s)\n",
    "                        calls = 0\n",
    "                        c = 1\n",
    "\n",
    "\n",
    "                        data = zfit.data.Data.from_numpy(array=total_samp[:int(nevents)], obs=obs_fit)\n",
    "\n",
    "                    ### Fit data\n",
    "\n",
    "                    for param in total_f_fit.get_dependents():\n",
    "                        param.randomize()\n",
    "\n",
    "                    nll = zfit.loss.UnbinnedNLL(model=total_f_fit, data=data, constraints = constraints)\n",
    "\n",
    "                    minimizer = zfit.minimize.MinuitMinimizer(verbosity = 5)\n",
    "                    # minimizer._use_tfgrad = False\n",
    "                    result = minimizer.minimize(nll)\n",
    "\n",
    "            #         print(\"Function minimum:\", result.fmin)\n",
    "            #         print(\"Hesse errors:\", result.hesse())\n",
    "\n",
    "                    params = result.params\n",
    "\n",
    "                    if result.converged:\n",
    "                        Nll_list[-1].append(result.fmin)\n",
    "\n",
    "            _t = int(time.time()-start)\n",
    "\n",
    "            print('Time Taken: {}'.format(display_time(int(_t))))\n",
    "\n",
    "            print('Predicted time left: {}'.format(display_time(int((_t/(__+1)*(ste-__-1))))))\n"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 48,
   "metadata": {},
   "outputs": [
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "297867.55292633217\n",
      "297874.4515031482\n",
      "297680.917379759\n",
      "297679.2298302753\n",
      "297731.38015050907\n",
      "297731.5060522116\n",
      "297821.62470532436\n",
      "297824.8922526447\n",
      "297836.00958632847\n",
      "297837.03043312504\n",
      "298067.41242296295\n",
      "298070.4039000074\n",
      "297759.57286927546\n",
      "297753.0291372624\n",
      "297957.1611906972\n",
      "297957.17081575457\n",
      "297831.26231679344\n",
      "297831.36145833845\n",
      "297848.0676780384\n",
      "297846.2832198446\n",
      "297779.8122072425\n",
      "297776.32298128755\n",
      "(22, 1)\n",
      "297834.75968782953\n",
      "297832.0834866511\n",
      "297773.3775115764\n",
      "297763.25504734763\n",
      "297952.08346605947\n",
      "297949.52860720176\n",
      "297762.6281981822\n",
      "297765.81318548473\n",
      "297803.83704359934\n",
      "297811.01991119666\n",
      "297794.3916452711\n",
      "297810.7979379555\n",
      "297913.2653391896\n",
      "297913.59951744834\n",
      "297756.28764621634\n",
      "297756.9765937169\n",
      "297812.6721880299\n",
      "297814.32748209004\n",
      "297692.4995896919\n",
      "297692.5366929474\n",
      "297725.0088581822\n",
      "297716.5522611147\n",
      "(22, 2)\n",
      "297891.7868932709\n",
      "297891.3358794325\n",
      "297684.1496400218\n",
      "297689.89588591526\n",
      "297840.42868825747\n",
      "297838.2073451812\n",
      "297807.4771930615\n",
      "297788.63515081065\n",
      "297924.4682641975\n",
      "297924.747263999\n",
      "297938.72181570047\n",
      "297927.0224916261\n",
      "297561.3223710806\n",
      "297554.88755021343\n",
      "297924.5331074131\n",
      "297907.165199243\n",
      "298003.9982591958\n",
      "297996.3403498225\n",
      "297977.19816017954\n",
      "297979.3425372678\n",
      "297750.34113219613\n",
      "297750.7460451668\n",
      "(22, 3)\n",
      "297731.9421160385\n",
      "297734.2019179868\n",
      "297706.72309247305\n",
      "297712.5918348391\n",
      "297669.0903500465\n",
      "297669.1097966511\n",
      "297810.9165841267\n",
      "297811.12787400093\n",
      "298079.50286133616\n",
      "298081.7725297779\n",
      "297560.4597656562\n",
      "297564.384877007\n",
      "297838.2596046878\n",
      "297841.32541277003\n",
      "297899.34266119305\n",
      "297900.03670971974\n",
      "297728.8886661879\n",
      "297729.0299907548\n",
      "297849.1621213897\n",
      "297843.24728722055\n",
      "297872.4246645974\n",
      "297896.55935187754\n",
      "(22, 4)\n",
      "297852.6158331989\n",
      "297852.70343575213\n",
      "297814.70307739894\n",
      "297814.9106343587\n",
      "297786.7811010183\n",
      "297773.55664862273\n",
      "297906.3864541802\n",
      "297895.58960884134\n",
      "297755.87591917533\n",
      "297755.5745460122\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297889.8454083691\n",
      "297880.61730811466\n",
      "297758.99513447285\n",
      "297772.7277769168\n",
      "297779.7462599967\n",
      "297772.9524078468\n",
      "297758.6457573837\n",
      "297760.73140441196\n",
      "297556.54697834013\n",
      "297562.8122389268\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297701.7794438027\n",
      "297702.4934702377\n",
      "297919.8278118153\n",
      "297913.0054556667\n",
      "297853.4941586545\n",
      "297844.8030402051\n",
      "297613.7003851831\n",
      "297613.1587532067\n",
      "297918.7726800904\n",
      "297918.69299575087\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297787.2742605156\n",
      "297780.706536736\n",
      "297938.77771834214\n",
      "297943.8805048078\n",
      "297802.0769166769\n",
      "297805.80221924535\n",
      "297630.92236985406\n",
      "297634.20818183484\n",
      "297597.04955319385\n",
      "297612.7471605604\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297710.82555318816\n",
      "297700.6547581145\n",
      "297698.276238603\n",
      "297701.20106814115\n",
      "297654.1104571011\n",
      "297656.8669637403\n",
      "297905.3797385276\n",
      "297914.8283684101\n",
      "297594.3733769685\n",
      "297592.40463221865\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297790.47600328317\n",
      "297794.6402139895\n",
      "298063.14545655204\n",
      "298062.4787641795\n",
      "297742.5854301793\n",
      "297741.9619532502\n",
      "297869.8253452113\n",
      "297871.7013384262\n",
      "297688.56062151486\n",
      "297690.0607837625\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297915.3138914329\n",
      "297912.4466015783\n",
      "298026.71860811586\n",
      "298026.82736872835\n",
      "297901.1278825549\n",
      "297893.18077354564\n",
      "297809.22549676104\n",
      "297820.41223573755\n",
      "297788.88445597823\n",
      "297789.99420305295\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297832.06855125993\n",
      "297839.3724460817\n",
      "297828.94031655544\n",
      "297829.2922117482\n",
      "297820.9674384014\n",
      "297826.938151562\n",
      "297755.7527015373\n",
      "297754.1215906584\n",
      "297792.97760426765\n",
      "297800.0492997038\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297853.349195588\n",
      "297853.1222155888\n",
      "297719.9324050648\n",
      "297717.88472607004\n",
      "297719.60866914626\n",
      "297723.7839832492\n",
      "298131.75164063676\n",
      "298138.08903197304\n",
      "297881.0413188011\n",
      "297885.6900144825\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297797.45206800936\n",
      "297804.7050540202\n",
      "297749.91152395704\n",
      "297749.8748945173\n",
      "297469.79855430697\n",
      "297467.22169046995\n",
      "297740.89958323614\n",
      "297742.2670869287\n",
      "297780.6492586394\n",
      "297780.0456812219\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297859.40139731\n",
      "297851.71129696036\n",
      "297945.4190873526\n",
      "297938.3301733992\n",
      "297687.6245666923\n",
      "297683.37556441635\n",
      "297730.2862687013\n",
      "297736.2419038851\n",
      "297937.8581941545\n",
      "297923.16214190563\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297882.6944170517\n",
      "297882.6035745213\n",
      "298036.7007420169\n",
      "298030.7092577208\n",
      "297804.06371413916\n",
      "297809.4535608552\n",
      "297661.3744793993\n",
      "297663.76479074644\n",
      "297792.22832717677\n",
      "297792.4921161954\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297717.1517255674\n",
      "297717.33032792126\n",
      "297714.09908315213\n",
      "297715.0244661222\n",
      "297692.80019308935\n",
      "297711.16511567315\n",
      "297739.5881793262\n",
      "297722.5116402684\n",
      "297902.9549646861\n",
      "297903.47638629755\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297822.78725347685\n",
      "297826.24923283845\n",
      "297654.68808494456\n",
      "297641.0529671448\n",
      "297883.94099462236\n",
      "297881.29538204166\n",
      "297627.0044246426\n",
      "297615.72111545573\n",
      "297987.38132259174\n",
      "297988.6235046559\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297687.575159811\n",
      "297684.4376705477\n",
      "297837.56590441876\n",
      "297837.4146166502\n",
      "298022.6403591866\n",
      "298023.7641792743\n",
      "297722.0946554552\n",
      "297721.6843467682\n",
      "297939.6448343456\n",
      "297921.73979955213\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297922.52257591404\n",
      "297922.5616259211\n",
      "297922.7029678023\n",
      "297923.661061408\n",
      "297929.41804618546\n",
      "297939.1378497065\n",
      "297994.60643123416\n",
      "297996.6411889125\n",
      "297904.1185744967\n",
      "297903.6181876099\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297789.46443286317\n",
      "297772.8568062482\n",
      "297828.8844516927\n",
      "297830.2021991758\n",
      "297677.2924590585\n",
      "297692.9271522497\n",
      "297672.10790474975\n",
      "297674.782884709\n",
      "298033.73361990997\n",
      "298034.1385672843\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297953.86561997636\n",
      "297945.54380894965\n",
      "297832.50763057976\n",
      "297848.8223562101\n",
      "297738.56790003553\n",
      "297722.9263936571\n",
      "297934.2679257374\n",
      "297935.5056645707\n",
      "297732.2173077728\n",
      "297732.78390383394\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297914.31295884866\n",
      "297928.99183550477\n",
      "297884.77416126995\n",
      "297884.84945438843\n",
      "297744.08359930257\n",
      "297744.4566473272\n",
      "297903.2835162518\n",
      "297903.1400457975\n",
      "297998.75490143045\n",
      "298000.54243255884\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297510.6547763688\n",
      "297511.2177276674\n",
      "297969.9418754279\n",
      "297996.9421399669\n",
      "297853.5919524358\n",
      "297856.90122421837\n",
      "297694.0693820743\n",
      "297703.48131933546\n",
      "297737.19172021654\n",
      "297737.2219782891\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "298042.9802469707\n",
      "298059.6743308402\n",
      "297846.8726692868\n",
      "297836.05601856456\n",
      "297784.49429744546\n",
      "297781.6101589018\n",
      "297927.3238360347\n",
      "297925.5456040963\n",
      "297606.98541404953\n",
      "297609.903620592\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297859.4980172606\n",
      "297859.4202610621\n",
      "297552.0332016433\n",
      "297552.86278484715\n",
      "297741.2839640463\n",
      "297735.325739854\n",
      "297872.66834756016\n",
      "297872.0242295439\n",
      "297762.67866842175\n",
      "297759.8974634638\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297642.7537735527\n",
      "297642.56769088504\n",
      "298056.5208081159\n",
      "298061.5153978158\n",
      "297683.0315820724\n",
      "297683.10367753584\n",
      "297656.59478671005\n",
      "297659.60033377045\n",
      "297622.9807043862\n",
      "297624.5644489547\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297820.89174453926\n",
      "297804.88422235835\n",
      "297682.55568821385\n",
      "297689.87621398206\n",
      "297748.92843494617\n",
      "297749.5828224214\n",
      "297810.0431040116\n",
      "297804.26955721935\n",
      "297973.6419138905\n",
      "297971.8462440953\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297828.54951670574\n",
      "297828.74310519104\n",
      "297908.13459986774\n",
      "297907.2709413057\n",
      "297818.2459223969\n",
      "297817.81316576333\n",
      "297969.7431382599\n",
      "297962.90320092917\n",
      "298076.94423801743\n",
      "298080.1228721196\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297867.08620019787\n",
      "297867.96325936605\n",
      "297882.5065201261\n",
      "297903.241838336\n",
      "297990.2635127986\n",
      "297993.5890436201\n",
      "297950.6274790016\n",
      "297933.72835829295\n",
      "297864.71174184047\n",
      "297865.3068359671\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297924.05056417175\n",
      "297924.3462187451\n",
      "297839.7484486578\n",
      "297858.5148743102\n",
      "297833.21209657064\n",
      "297831.01548476383\n",
      "297894.6787412793\n",
      "297897.2072871\n",
      "297922.3952885246\n",
      "297923.98878231796\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297658.3095291961\n",
      "297658.63055961044\n",
      "297777.7491475761\n",
      "297779.2156469905\n",
      "297910.30384963384\n",
      "297907.097879856\n",
      "297844.44240743655\n",
      "297838.1115259306\n",
      "297764.31057570333\n",
      "297795.12387457775\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297761.47634831123\n",
      "297761.6917795783\n",
      "297941.54176130757\n",
      "297943.7085455759\n",
      "297862.37265868345\n",
      "297861.01905270666\n",
      "297929.8203380249\n",
      "297927.75599248166\n",
      "297831.79511945735\n",
      "297826.8917110866\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "298043.062757687\n",
      "298043.3331382637\n",
      "298105.6560441084\n",
      "298106.00267667393\n",
      "297864.417196685\n",
      "297848.8283173702\n",
      "297861.2050438724\n",
      "297854.6958583803\n",
      "297823.1162213762\n",
      "297825.5925257918\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297838.7289526079\n",
      "297839.35882420273\n",
      "297915.3227840374\n",
      "297912.1940105104\n",
      "297649.7892491026\n",
      "297649.4172037444\n",
      "297726.5462085906\n",
      "297701.17612640443\n",
      "298096.66356244776\n",
      "298112.9513885585\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n"
     ]
    },
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "297898.05075143976\n",
      "297898.2402996113\n",
      "297748.8200612067\n",
      "297753.1076907591\n",
      "297803.1027018286\n",
      "297805.1745221639\n",
      "297772.5932293638\n",
      "297772.7292360075\n",
      "297835.4308924448\n",
      "297832.23978618387\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297724.7729738152\n",
      "297742.3134061651\n",
      "297681.6278412083\n",
      "297687.01138317893\n",
      "297851.9826320459\n",
      "297852.22497916355\n",
      "297874.92179954535\n",
      "297867.9264225028\n",
      "297836.35849974176\n",
      "297838.3784768561\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297781.0767063415\n",
      "297794.22053865786\n",
      "297796.009713236\n",
      "297796.18330437585\n",
      "297829.88060681213\n",
      "297830.42818558746\n",
      "297625.2511861642\n",
      "297625.3727447757\n",
      "297957.5323682751\n",
      "297960.58953196334\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297863.47776986274\n",
      "297863.6002848442\n",
      "297937.3596542985\n",
      "297933.840255488\n",
      "298019.80375951505\n",
      "298019.8252436238\n",
      "297842.2752914994\n",
      "297842.42311853304\n",
      "297822.5034241884\n",
      "297803.0040050677\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297631.28242407565\n",
      "297631.2878046075\n",
      "297958.1654805185\n",
      "297954.7082632855\n",
      "297792.1719106659\n",
      "297793.0720877706\n",
      "297858.2629994951\n",
      "297842.7743369887\n",
      "297829.30450137856\n",
      "297831.9557216867\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297803.6084577795\n",
      "297807.8750239341\n",
      "297712.66960968816\n",
      "297702.44716206886\n",
      "297858.95208446035\n",
      "297861.30786824465\n",
      "297847.8960387496\n",
      "297847.8022859622\n",
      "297610.37108394643\n",
      "297617.2546117072\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297638.92873762344\n",
      "297641.2871305943\n",
      "298061.4047031107\n",
      "298060.2759873658\n",
      "297861.48169739783\n",
      "297862.9058082386\n",
      "297891.78320255043\n",
      "297896.7382428553\n",
      "297931.3167483972\n",
      "297932.4839358871\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297733.2604066564\n",
      "297729.6628058305\n",
      "297886.093336912\n",
      "297889.2382181282\n",
      "297757.594626012\n",
      "297757.6527060823\n",
      "297873.23975737515\n",
      "297873.76871830295\n",
      "297726.80263460946\n",
      "297731.78629800415\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297920.2612742185\n",
      "297920.83829701325\n",
      "298034.83120646735\n",
      "298048.2299261314\n",
      "297932.21518371697\n",
      "297933.7592507581\n",
      "297822.57377405575\n",
      "297818.65627642523\n",
      "298070.68435055227\n",
      "298072.5040657094\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297699.8951478136\n",
      "297699.5473202551\n",
      "297614.95142979396\n",
      "297620.9261126413\n",
      "297829.5669325496\n",
      "297829.693583697\n",
      "297951.8401692653\n",
      "297941.66434386646\n",
      "297647.21747542836\n",
      "297648.5966771582\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297895.00397139374\n",
      "297895.9111782473\n",
      "297764.09809848916\n",
      "297764.30117429903\n",
      "297792.2044001613\n",
      "297792.3761124163\n",
      "297844.4909692462\n",
      "297864.3101382638\n",
      "297898.2574701485\n",
      "297895.6517954243\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297720.0501971487\n",
      "297723.875102396\n",
      "297875.30939615937\n",
      "297876.36063380627\n",
      "297710.806410896\n",
      "297714.3892934234\n",
      "297727.4524255434\n",
      "297730.4535277632\n",
      "297582.0393226081\n",
      "297566.46497548145\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297761.5046900494\n",
      "297764.7490371072\n",
      "297947.5196054996\n",
      "297966.4155373491\n",
      "297825.56404743524\n",
      "297836.5670601029\n",
      "297655.2671071299\n",
      "297638.692000991\n",
      "297848.28558484156\n",
      "297860.24172711244\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297845.7184553577\n",
      "297842.7139166549\n",
      "297907.6585153427\n",
      "297907.6305706452\n",
      "297884.1687682717\n",
      "297884.25507893745\n",
      "297783.9223528222\n",
      "297770.2729392441\n",
      "297732.16277195537\n",
      "297730.6432745445\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297599.13610336615\n",
      "297599.5198598796\n",
      "297771.1672136519\n",
      "297766.5496865282\n",
      "298056.0564246288\n",
      "298053.9960032627\n",
      "297620.2592540829\n",
      "297619.5340529829\n",
      "297869.3400818468\n",
      "297887.0378448166\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "298061.68996035785\n",
      "298065.86299346713\n",
      "297931.9591553534\n",
      "297946.64350980986\n",
      "297878.9597193362\n",
      "297870.7173935257\n",
      "297839.9302996106\n",
      "297840.051382084\n",
      "298163.70930314594\n",
      "298176.5435747811\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297763.34828101995\n",
      "297761.42321789294\n",
      "297883.24605637125\n",
      "297881.68512466206\n",
      "298023.21497116366\n",
      "298021.87869754876\n",
      "297663.69980493985\n",
      "297664.00662609306\n",
      "297862.9492252325\n",
      "297862.83022703324\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297844.2168860466\n",
      "297848.8237849282\n",
      "297856.28409240476\n",
      "297854.08661025\n",
      "297999.6418975682\n",
      "298001.47215317073\n",
      "297707.20372629026\n",
      "297721.63870624296\n",
      "297764.5439354018\n",
      "297778.1556733832\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297763.98776783195\n",
      "297763.9879069812\n",
      "297897.1201530277\n",
      "297897.047123692\n",
      "297635.6562186534\n",
      "297634.58399794303\n",
      "297902.4734674841\n",
      "297903.83276415186\n",
      "297917.7047605667\n",
      "297918.2279671679\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297917.885726219\n",
      "297934.2618894555\n",
      "297945.64006580744\n",
      "297946.8266691872\n",
      "297762.07738889323\n",
      "297762.64653124387\n",
      "297829.39076178335\n",
      "297829.833231232\n",
      "297738.41284378537\n",
      "297755.776437026\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297897.18349896255\n",
      "297897.85183631117\n",
      "297861.2124074388\n",
      "297861.2837950142\n",
      "297649.8958719653\n",
      "297652.835043438\n",
      "297612.04859603563\n",
      "297606.76777540246\n",
      "297715.8149067383\n",
      "297719.1663980869\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297634.11135912675\n",
      "297634.2516231872\n",
      "297775.45731892413\n",
      "297783.5592499823\n",
      "297924.23618969286\n",
      "297925.66103388777\n",
      "297847.08334638743\n",
      "297846.84432590945\n",
      "297698.44787297613\n",
      "297694.3918980849\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297756.36631562473\n",
      "297756.5079262073\n",
      "297761.5854751224\n",
      "297773.3176894556\n",
      "297931.20176182385\n",
      "297936.9931321154\n",
      "297947.14021074\n",
      "297948.13893039705\n",
      "297679.5839404391\n",
      "297697.8438848697\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297908.9833638896\n",
      "297926.0336710009\n",
      "297889.3421375463\n",
      "297889.630583656\n",
      "297792.09485056106\n",
      "297798.73743805505\n",
      "297945.142075307\n",
      "297945.20979516685\n",
      "297835.4800216356\n",
      "297835.4048333306\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297738.3714143607\n",
      "297736.3026421646\n",
      "297802.26752925856\n",
      "297821.1047257764\n",
      "297670.99821149977\n",
      "297668.14289827365\n",
      "297666.0975879563\n",
      "297666.122451557\n",
      "297754.2595767388\n",
      "297754.3519273095\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297882.8608586657\n",
      "297894.4973780248\n",
      "297845.41026423365\n",
      "297845.6914489709\n",
      "297803.0111419938\n",
      "297822.7292277862\n",
      "297866.9622386992\n",
      "297867.43007297686\n",
      "297942.54989219765\n",
      "297941.0820206889\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297826.4959450831\n",
      "297817.3693548472\n",
      "297702.6219398866\n",
      "297713.4783082822\n",
      "297901.1249808853\n",
      "297894.3910650198\n",
      "297801.3570715744\n",
      "297800.79900949355\n",
      "297703.65052121883\n",
      "297703.4980426053\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297773.6267731638\n",
      "297770.0763191368\n",
      "297813.90257430985\n",
      "297814.9729592441\n",
      "297790.25466407445\n",
      "297790.5902774519\n",
      "297981.61832675256\n",
      "297981.73589373054\n",
      "297928.9324508299\n",
      "297939.98536165233\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297846.2474318764\n",
      "297847.08446573955\n",
      "298012.7356823733\n",
      "298013.93770551856\n",
      "297824.65361278655\n",
      "297825.0478620135\n",
      "297873.661811089\n",
      "297863.54735536885\n",
      "297602.55405312456\n",
      "297602.58903999877\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297720.2258932136\n",
      "297708.64814056235\n",
      "297554.11576463946\n",
      "297555.0562429484\n",
      "297805.32775213284\n",
      "297805.7505569598\n",
      "297814.30912841536\n",
      "297813.96420641145\n",
      "297527.61476958735\n",
      "297507.82571689796\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297744.8944750389\n",
      "297752.5572764146\n",
      "297867.59345319215\n",
      "297868.0950401822\n",
      "297925.95080194646\n",
      "297925.68978239136\n",
      "297642.87477196805\n",
      "297650.1308082583\n",
      "297991.2147546851\n",
      "298007.1480019213\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n"
     ]
    },
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "297896.65861246054\n",
      "297898.6521094797\n",
      "297829.9020195134\n",
      "297825.93385869503\n",
      "297876.762337011\n",
      "297860.47895626223\n",
      "297904.61315772764\n",
      "297905.51781006006\n",
      "297558.51119575265\n",
      "297557.92800693243\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297687.89890147065\n",
      "297699.33902998606\n",
      "297781.68743968796\n",
      "297781.0451496604\n",
      "297883.2525713439\n",
      "297884.1088226877\n",
      "297861.6378944409\n",
      "297861.41463729175\n",
      "297769.2671840808\n",
      "297784.59485937137\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297976.689098128\n",
      "297976.8186679396\n",
      "298145.6207528381\n",
      "298144.1072781693\n",
      "297897.0571625649\n",
      "297902.09681654884\n",
      "297863.6369512842\n",
      "297862.4119866334\n",
      "297731.03226867534\n",
      "297749.063414271\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297961.53589032235\n",
      "297971.34529862367\n",
      "297904.06504263054\n",
      "297901.3987015915\n",
      "297729.8845593154\n",
      "297730.1985598209\n",
      "297784.9881160158\n",
      "297782.5492824184\n",
      "298066.67982962145\n",
      "298072.17913357046\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297871.38605204696\n",
      "297868.4258186316\n",
      "297646.14531230705\n",
      "297646.57135574945\n",
      "298019.71973484696\n",
      "298023.35473194957\n",
      "297928.6110733405\n",
      "297929.29041992687\n",
      "298025.3868489675\n",
      "298029.1842907349\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297868.55604500265\n",
      "297887.74204212724\n",
      "297885.884123033\n",
      "297882.80787427863\n",
      "297710.1724780721\n",
      "297710.9382835373\n",
      "297883.1152554287\n",
      "297880.75520769286\n",
      "297772.5763870355\n",
      "297750.39534805977\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297926.4481230032\n",
      "297913.79575036536\n",
      "297727.14563763293\n",
      "297730.7998300827\n",
      "297665.358441031\n",
      "297649.56670273293\n",
      "297753.1240248019\n",
      "297757.4007741774\n",
      "297903.8835574381\n",
      "297906.904865241\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297706.0349979768\n",
      "297702.90378543397\n",
      "297663.9683274878\n",
      "297663.2100499467\n",
      "297838.0840943319\n",
      "297838.0852257778\n",
      "297545.99391675426\n",
      "297540.39296673035\n",
      "297917.46062217036\n",
      "297917.7340259804\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297739.11040793697\n",
      "297748.8604471757\n",
      "297874.62648449716\n",
      "297877.74294658954\n",
      "297817.8140005035\n",
      "297818.1421472625\n",
      "297770.9019357893\n",
      "297771.30436574575\n",
      "298028.7661432999\n",
      "298029.5737986451\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "298055.00351035385\n",
      "298059.50741409505\n",
      "297939.0657979545\n",
      "297939.88637977146\n",
      "297922.70150164334\n",
      "297930.4616394042\n",
      "297614.5602649861\n",
      "297615.254660011\n",
      "297866.4600773866\n",
      "297869.77528983256\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297781.3547324874\n",
      "297781.4858015065\n",
      "297842.3579704628\n",
      "297857.9171429128\n",
      "297968.63217138255\n",
      "297977.761210966\n",
      "297833.2057213036\n",
      "297814.77888096584\n",
      "297935.7904125159\n",
      "297935.19888628315\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297794.2612158692\n",
      "297786.5228675264\n",
      "297877.973001812\n",
      "297878.0070832075\n",
      "297850.1552344877\n",
      "297857.57359471725\n",
      "297667.4616924459\n",
      "297655.7017891908\n",
      "297583.08103305363\n",
      "297587.7729388014\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297845.4946897685\n",
      "297845.51556934346\n",
      "297966.7409238046\n",
      "297985.1699576124\n",
      "297974.8455615827\n",
      "297975.46268317784\n",
      "297799.8516351464\n",
      "297801.0709198388\n",
      "297637.42020948627\n",
      "297646.7596610035\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297802.1586174322\n",
      "297815.4925651186\n",
      "298025.6535787317\n",
      "298021.32726186595\n",
      "298009.59765698964\n",
      "297999.5256107312\n",
      "297892.65304843185\n",
      "297903.726506478\n",
      "297686.6308480092\n",
      "297690.4426810438\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297775.9141199661\n",
      "297780.1666703935\n",
      "297767.5326694222\n",
      "297784.65764022217\n",
      "297838.4432567785\n",
      "297844.1032002577\n",
      "297967.76111128414\n",
      "297965.287761882\n",
      "297641.968956983\n",
      "297642.537023734\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "298112.0695603679\n",
      "298130.7719337607\n",
      "297919.82563563454\n",
      "297907.28841575666\n",
      "297830.20857370057\n",
      "297830.2010517363\n",
      "297946.16692934925\n",
      "297932.78288050904\n",
      "297781.724165727\n",
      "297770.6454689738\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297896.85141376284\n",
      "297896.6919365486\n",
      "297872.1453220933\n",
      "297861.8977924597\n",
      "297942.8971923887\n",
      "297945.3769395838\n",
      "298017.1443467312\n",
      "298004.83742553805\n",
      "297914.7373624793\n",
      "297930.99257535534\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297661.3290709653\n",
      "297661.22477128\n",
      "297911.61653266725\n",
      "297903.47916451003\n",
      "297889.4380020418\n",
      "297890.52323713305\n",
      "297952.0274184134\n",
      "297942.72318106523\n",
      "297782.9403028275\n",
      "297779.63983385253\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297672.63799146557\n",
      "297672.9325050873\n",
      "297975.2277838092\n",
      "297973.9202212896\n",
      "297859.858458503\n",
      "297860.51825432706\n",
      "297740.83361151186\n",
      "297740.5788198606\n",
      "297774.08359121846\n",
      "297775.0621300614\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297815.8998596835\n",
      "297844.1231320192\n",
      "297657.9157947293\n",
      "297658.9456524875\n",
      "297812.739057948\n",
      "297814.83207333944\n",
      "297915.89783075347\n",
      "297920.1103925298\n",
      "297847.7202354427\n",
      "297848.8066995948\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297838.37529074744\n",
      "297840.37167954835\n",
      "297924.738756784\n",
      "297928.0923666028\n",
      "297842.91471606033\n",
      "297842.99907053914\n",
      "298153.4386093858\n",
      "298149.16186638584\n",
      "297829.8635000356\n",
      "297826.2945352679\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297913.56896919315\n",
      "297914.2160045519\n",
      "297896.75735601917\n",
      "297896.9574688559\n",
      "297979.1103061385\n",
      "297978.79249400034\n",
      "297809.11940677377\n",
      "297827.2394747045\n",
      "297805.20228635473\n",
      "297801.990776467\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297893.4724232474\n",
      "297892.5836096623\n",
      "297987.9971891473\n",
      "297987.3256969925\n",
      "297978.7431548544\n",
      "297978.6868897267\n",
      "297725.56344856485\n",
      "297725.79197761003\n",
      "297937.12409653934\n",
      "297927.4183928653\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297755.59741332516\n",
      "297747.2881450187\n",
      "297668.6710915893\n",
      "297668.6621102662\n",
      "297994.72849228006\n",
      "297994.80070421123\n",
      "297703.98205341335\n",
      "297701.4008240913\n",
      "297836.6412360007\n",
      "297842.36524116475\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297939.6800209376\n",
      "297940.0688551013\n",
      "297661.6650394511\n",
      "297664.12244941405\n",
      "297729.14487778436\n",
      "297739.5423577342\n",
      "297717.58310583263\n",
      "297718.6151886075\n",
      "297768.32838753593\n",
      "297769.1676513854\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297944.80419996416\n",
      "297933.66620755027\n",
      "297725.17916912533\n",
      "297726.1460436844\n",
      "297817.03040728805\n",
      "297800.1117109785\n",
      "297701.3097448169\n",
      "297704.9415430642\n",
      "297838.58285563986\n",
      "297839.3486519452\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297936.5111359809\n",
      "297937.72003229713\n",
      "297812.98092283326\n",
      "297835.97906922136\n",
      "297765.5855628131\n",
      "297771.13449707464\n",
      "297845.86655891663\n",
      "297830.1016714152\n",
      "297718.4010203126\n",
      "297720.5227285703\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297798.1459902977\n",
      "297802.9743695282\n",
      "297827.8570109278\n",
      "297855.77944398683\n",
      "297599.08346365235\n",
      "297589.61902184604\n",
      "297748.60819056985\n",
      "297731.84490015166\n",
      "297962.31112704444\n",
      "297961.98706605757\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "298061.970922943\n",
      "298075.21868615283\n",
      "297897.24406392284\n",
      "297889.20318945515\n",
      "297951.3058559891\n",
      "297946.71510884265\n",
      "297845.8875563783\n",
      "297846.7416561572\n",
      "297729.1785186384\n",
      "297719.6242741671\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297836.36454134213\n",
      "297836.8977730098\n",
      "297865.3499404466\n",
      "297873.0291915211\n",
      "297841.0831947903\n",
      "297838.610614299\n",
      "297892.23903632583\n",
      "297895.30314881605\n",
      "297577.77231854846\n",
      "297579.508440022\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297919.7728325539\n",
      "297919.77667037747\n",
      "297904.62902973616\n",
      "297902.5642444517\n",
      "297871.51861665084\n",
      "297871.4398646512\n",
      "297823.06593766564\n",
      "297826.2019701843\n",
      "297735.18578895275\n",
      "297731.6901868873\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "298071.0262528217\n",
      "298072.84899224143\n",
      "297693.23229192384\n",
      "297693.23875488166\n",
      "297827.8008878479\n",
      "297842.54166812875\n",
      "297609.32280515454\n",
      "297616.0424853872\n",
      "297604.5024973791\n",
      "297606.5036591655\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297765.9174489037\n",
      "297768.3872530274\n",
      "297949.0687232777\n",
      "297949.8426594391\n",
      "297643.7620520645\n",
      "297639.974656434\n",
      "297907.0725408558\n",
      "297904.48754232307\n",
      "297836.4402389001\n",
      "297853.0073809671\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297581.9959966746\n",
      "297582.64232667815\n",
      "297839.8572013256\n",
      "297840.6459988273\n",
      "297877.98713869305\n",
      "297877.78887215967\n",
      "297831.8816478041\n",
      "297832.05066899257\n",
      "297891.8051069352\n",
      "297892.0988863816\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n"
     ]
    },
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "297876.21625240357\n",
      "297876.66973067867\n",
      "297843.1798801997\n",
      "297845.8258768632\n",
      "297890.3568199211\n",
      "297890.3743734303\n",
      "297976.68280174985\n",
      "297989.58033397415\n",
      "297948.8172265709\n",
      "297949.4008266451\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297695.9218228974\n",
      "297696.1057719577\n",
      "297741.0218046947\n",
      "297746.1172987372\n",
      "297772.4518119021\n",
      "297764.4152713146\n",
      "297687.20516323706\n",
      "297681.290993458\n",
      "297922.53912294965\n",
      "297925.8150263367\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297857.138977586\n",
      "297846.3013262979\n",
      "297667.4263899831\n",
      "297667.371812501\n",
      "298160.03778631333\n",
      "298160.6255061958\n",
      "297757.0984516159\n",
      "297740.7061624998\n",
      "297834.2132303334\n",
      "297833.7522325814\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297887.9954247301\n",
      "297890.91604286723\n",
      "297989.724978243\n",
      "298010.35012290225\n",
      "297848.09653182904\n",
      "297849.36456548166\n",
      "297811.8581823415\n",
      "297811.98926870816\n",
      "297881.93239248195\n",
      "297892.99661780964\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297998.92633183807\n",
      "297993.6054547735\n",
      "297847.38262977067\n",
      "297847.28239292547\n",
      "297899.2653882434\n",
      "297895.7042503484\n",
      "297762.8013702762\n",
      "297766.51242801576\n",
      "297734.7249219975\n",
      "297734.00843078375\n",
      "297655.7129904571\n",
      "297657.2409418409\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297860.7474643973\n",
      "297861.1211964939\n",
      "297883.3258275599\n",
      "297883.6986821977\n",
      "297809.9000097115\n",
      "297814.23073542287\n",
      "297748.6102404877\n",
      "297748.25980403996\n",
      "297766.77412838547\n",
      "297765.99496990157\n",
      "297973.9966459824\n",
      "297986.81705962186\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297576.04872260435\n",
      "297579.67786620936\n",
      "297797.5824461499\n",
      "297798.51803312585\n",
      "297928.7945800067\n",
      "297929.2405150713\n",
      "297959.5495842775\n",
      "297960.66004641954\n",
      "297872.32737549907\n",
      "297871.2921875425\n",
      "298048.0389874534\n",
      "298067.53691733006\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297842.86176540237\n",
      "297841.6319377567\n",
      "297689.283875228\n",
      "297692.68475665\n",
      "297705.21444822435\n",
      "297697.0544662373\n",
      "297960.0553681638\n",
      "297960.84923091804\n",
      "297922.29409089213\n",
      "297925.2372341377\n",
      "297705.8981705055\n",
      "297712.6551850806\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297853.8547228897\n",
      "297854.82008339156\n",
      "297802.64408099983\n",
      "297796.86685022345\n",
      "297782.49421856186\n",
      "297797.5876298519\n",
      "297896.76713897643\n",
      "297897.1354176632\n",
      "297859.4817129832\n",
      "297860.97751692263\n",
      "297807.356050944\n",
      "297802.92818769696\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297561.06195776805\n",
      "297579.2210256559\n",
      "297638.84198066505\n",
      "297638.9032305268\n",
      "297748.17020630004\n",
      "297743.0235659946\n",
      "297724.7281500199\n",
      "297721.5895289746\n",
      "297845.2557001553\n",
      "297847.41448102583\n",
      "297981.068421349\n",
      "297980.6181475907\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297680.09172055346\n",
      "297683.59277520556\n",
      "298086.69289958273\n",
      "298090.6226207017\n",
      "297847.79099038686\n",
      "297847.92124445323\n",
      "297780.520137805\n",
      "297775.23175482306\n",
      "297694.44580601004\n",
      "297694.5706148669\n",
      "297831.6267446286\n",
      "297832.6526595628\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297873.5066221678\n",
      "297861.180158759\n",
      "297922.17422039725\n",
      "297925.7570404019\n",
      "297750.160399186\n",
      "297740.34432174923\n",
      "297998.00915983744\n",
      "297994.8784451324\n",
      "297697.7162304613\n",
      "297694.61151108466\n",
      "297752.25697422604\n",
      "297729.12982429116\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297673.72864244215\n",
      "297656.40037956665\n",
      "297801.40787430486\n",
      "297802.2922545255\n",
      "298002.063967792\n",
      "298002.16802967904\n",
      "297876.30647292075\n",
      "297877.18443038233\n",
      "297959.82665867836\n",
      "297956.8161006005\n",
      "297959.7592103044\n",
      "297959.38944828726\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297781.21573480265\n",
      "297781.3342680196\n",
      "297910.3365698998\n",
      "297910.916086064\n",
      "297775.3554677568\n",
      "297776.0123889034\n",
      "297743.6771377628\n",
      "297743.8835650943\n",
      "297817.41107523086\n",
      "297819.8628977235\n",
      "297831.84061724856\n",
      "297833.3192544768\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297790.4377838044\n",
      "297790.88446993125\n",
      "297755.5966408482\n",
      "297755.0416262463\n",
      "298048.789993925\n",
      "298052.67275731184\n",
      "297813.87355566036\n",
      "297814.4063904674\n",
      "297823.24734071724\n",
      "297821.7250597579\n",
      "297862.69545930554\n",
      "297866.32510008226\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297808.72376661183\n",
      "297807.9910254681\n",
      "297797.9474647148\n",
      "297798.08469985053\n",
      "297794.6222683874\n",
      "297790.06007872\n",
      "297862.09035796556\n",
      "297865.241738838\n",
      "297858.09483480756\n",
      "297858.1523273602\n",
      "297771.85808570805\n",
      "297775.95192204294\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297749.71413954877\n",
      "297749.605902398\n",
      "297855.93096922094\n",
      "297862.63339594554\n",
      "297918.46732813993\n",
      "297919.5560326019\n",
      "297969.45505966054\n",
      "297969.70745880215\n",
      "297848.08602035174\n",
      "297833.1407417858\n",
      "297953.1117774911\n",
      "297947.38240396796\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297936.5736278822\n",
      "297936.5935071962\n",
      "297806.13562636165\n",
      "297807.2259258525\n",
      "297748.21911943576\n",
      "297748.7195222255\n",
      "297737.7344802567\n",
      "297752.8149874141\n",
      "297809.0888933791\n",
      "297810.08207026136\n",
      "297800.04847978574\n",
      "297810.0859539438\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297695.7728485537\n",
      "297696.4977524983\n",
      "297899.0359612446\n",
      "297917.7694098076\n",
      "298009.35675947176\n",
      "298020.377075969\n",
      "297815.51012973103\n",
      "297814.5656638856\n",
      "297891.308567538\n",
      "297891.5554009128\n",
      "297901.4551099691\n",
      "297906.0516532523\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297918.1673547899\n",
      "297913.56254950224\n",
      "297935.5703381943\n",
      "297951.6233557166\n",
      "297783.80520006095\n",
      "297798.75730614446\n",
      "297612.0398443479\n",
      "297613.3291131576\n",
      "297834.0155689172\n",
      "297826.083565172\n",
      "297668.5555528975\n",
      "297659.3724711308\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "298062.5526898503\n",
      "298070.05003009114\n",
      "297840.560384095\n",
      "297840.9687500967\n",
      "297980.7343671657\n",
      "297992.7276494553\n",
      "297958.04470353224\n",
      "297956.0330188281\n",
      "297794.7820002769\n",
      "297780.9204643162\n",
      "297863.6843748138\n",
      "297861.4437513321\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297782.5861148363\n",
      "297782.73302925494\n",
      "297833.1397723003\n",
      "297812.6865989643\n",
      "297718.8368634225\n",
      "297718.8413624155\n",
      "297956.65424749197\n",
      "297973.318475322\n",
      "297863.9946761113\n",
      "297849.5393111566\n",
      "297928.1174923579\n",
      "297918.6740095459\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297937.52031398454\n",
      "297951.0604031749\n",
      "297945.0156073182\n",
      "297955.147028284\n",
      "297833.2338153373\n",
      "297832.76604300505\n",
      "297691.0132919424\n",
      "297685.36174073745\n",
      "297849.0243249142\n",
      "297849.2669035868\n",
      "297730.181330317\n",
      "297719.181463452\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297731.85629608546\n",
      "297733.8239776823\n",
      "297690.3729423603\n",
      "297694.84207067045\n",
      "297770.4396910505\n",
      "297770.45994113525\n",
      "297900.8846429061\n",
      "297901.3181019804\n",
      "297803.25009851996\n",
      "297801.0280959925\n",
      "297742.97371524165\n",
      "297747.91975919105\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297890.35469582933\n",
      "297887.921232057\n",
      "297960.96479349583\n",
      "297940.3530237617\n",
      "297985.457398781\n",
      "297985.7411436288\n",
      "297693.4749499704\n",
      "297704.7532593999\n",
      "297834.2639044472\n",
      "297819.2833748253\n",
      "297727.6193932271\n",
      "297733.870641231\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297765.8582294376\n",
      "297765.8757109611\n",
      "297784.25099515787\n",
      "297778.6189465915\n",
      "297887.32207721454\n",
      "297898.1509948005\n",
      "297931.09616622294\n",
      "297932.3912720585\n",
      "297873.6667089317\n",
      "297874.7549893983\n",
      "297872.15361573204\n",
      "297873.1123407287\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297859.28814382484\n",
      "297860.6054810841\n",
      "297851.4870198728\n",
      "297862.6705393715\n",
      "297771.6068465028\n",
      "297770.4384898724\n",
      "297820.7473449027\n",
      "297821.29761797143\n",
      "297748.8906762401\n",
      "297729.99903035274\n",
      "297774.4065764861\n",
      "297771.7279087483\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297834.574816812\n",
      "297834.0776321232\n",
      "297893.23283133906\n",
      "297878.5198309322\n",
      "297982.50404133846\n",
      "297984.7691935891\n",
      "297972.36790030875\n",
      "297975.54110858514\n",
      "297728.22061474284\n",
      "297753.43047190935\n",
      "297714.1788920942\n",
      "297732.7883058196\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297852.3380192534\n",
      "297846.76394536236\n",
      "297908.85622601805\n",
      "297907.70365853386\n",
      "297820.5199255557\n",
      "297814.90917350375\n",
      "297944.03689407074\n",
      "297943.173041374\n",
      "297987.48221260397\n",
      "297987.7525193231\n",
      "297763.0825387522\n",
      "297761.32794270915\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297666.69180361554\n",
      "297668.49124032626\n",
      "297864.1706252677\n",
      "297865.3904730151\n",
      "297745.2482393467\n",
      "297730.3475722076\n",
      "297765.53852734726\n",
      "297766.6198084574\n",
      "297894.6021980384\n",
      "297888.0619071807\n",
      "297946.8995343555\n",
      "297948.71025467047\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297578.9411478247\n",
      "297591.465185624\n",
      "297787.18983725813\n",
      "297787.2486846933\n",
      "297643.45448197436\n",
      "297645.9920056064\n",
      "297790.1115273566\n",
      "297794.00150259363\n",
      "297837.6879204043\n",
      "297828.3069691\n",
      "297935.25297458796\n",
      "297935.47123480565\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297750.35927925527\n",
      "297727.179810655\n",
      "297680.2884548605\n",
      "297693.99148042605\n",
      "297714.6636053158\n",
      "297710.8845580326\n",
      "297853.5623193891\n",
      "297858.0040085418\n",
      "297909.9313966611\n",
      "297909.2026104167\n",
      "297849.6197052197\n",
      "297866.74195935065\n",
      "(22,)\n"
     ]
    },
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297871.3280851183\n",
      "297885.3347758578\n",
      "297917.06554210867\n",
      "297906.20141349\n",
      "297990.8894913383\n",
      "297989.06608820526\n",
      "297794.0634010416\n",
      "297794.63342159695\n",
      "297781.0617665989\n",
      "297782.7429510442\n",
      "297981.20872407034\n",
      "297982.0481241388\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297647.490539234\n",
      "297648.3423315904\n",
      "297725.4877598449\n",
      "297725.8370599051\n",
      "297768.59556602285\n",
      "297765.81625121745\n",
      "297937.3423409506\n",
      "297937.46874179976\n",
      "297844.4203164035\n",
      "297821.5176080791\n",
      "297823.7525104407\n",
      "297821.21943339665\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297704.5124378742\n",
      "297705.63148911204\n",
      "297882.9266309914\n",
      "297882.9389224528\n",
      "297581.5251810384\n",
      "297600.42808948114\n",
      "297743.2499194651\n",
      "297739.65430250746\n",
      "297801.3072646391\n",
      "297801.22490832093\n",
      "297899.40198200784\n",
      "297911.1813638174\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297914.0529099698\n",
      "297914.34695983294\n",
      "297769.6706226494\n",
      "297769.7897929402\n",
      "297848.64758265344\n",
      "297839.2930163581\n",
      "297811.57065845066\n",
      "297815.14387728163\n",
      "297759.43899990537\n",
      "297760.53124889435\n",
      "297721.9760609115\n",
      "297737.46967625496\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297796.0381978092\n",
      "297799.287748535\n",
      "297842.05207657017\n",
      "297842.85910106683\n",
      "298021.30287944205\n",
      "298021.8624634523\n",
      "297862.8702408879\n",
      "297855.9542179459\n",
      "297830.74241098063\n",
      "297853.223962468\n",
      "297707.18867335515\n",
      "297706.7595396543\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297613.2117278085\n",
      "297613.21142874804\n",
      "297609.9674603302\n",
      "297610.0899599388\n",
      "297744.2339718751\n",
      "297744.5334648237\n",
      "298194.91832275037\n",
      "298195.48963592923\n",
      "297952.33510232996\n",
      "297960.91686758026\n",
      "297957.0967617338\n",
      "297946.61670228204\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297814.06574384205\n",
      "297812.82810458454\n",
      "297904.70248428517\n",
      "297922.25523558265\n",
      "297601.7377933655\n",
      "297582.91444713017\n",
      "297752.0778533675\n",
      "297753.0219045244\n",
      "297697.9699053583\n",
      "297700.26244631264\n",
      "297786.78298987163\n",
      "297786.4051738795\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297725.0210466601\n",
      "297717.239896274\n",
      "297896.5291990386\n",
      "297896.80966234254\n",
      "297815.4389946376\n",
      "297830.9192728775\n",
      "297901.9172996545\n",
      "297893.93691274675\n",
      "297780.2976769269\n",
      "297792.7959747117\n",
      "297645.18405550485\n",
      "297650.9295305475\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297784.50909979385\n",
      "297786.01666950015\n",
      "297779.3479023417\n",
      "297787.9091416878\n",
      "297644.5029239654\n",
      "297637.36437116336\n",
      "297684.4443430308\n",
      "297683.5492726078\n",
      "297663.05395569134\n",
      "297661.4271094721\n",
      "297712.5330420775\n",
      "297713.9103818162\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297645.4923042488\n",
      "297645.57531334733\n",
      "297823.46438624075\n",
      "297816.074483915\n",
      "297690.087269828\n",
      "297693.18266193464\n",
      "297869.1911366629\n",
      "297887.1674322009\n",
      "297968.5236510901\n",
      "297968.5199932973\n",
      "297674.5429118708\n",
      "297679.1188228369\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297666.2941080295\n",
      "297668.9681893078\n",
      "297854.19992273994\n",
      "297851.29559007776\n",
      "297769.6525451397\n",
      "297767.42376279045\n",
      "297759.98332038417\n",
      "297755.29310936865\n",
      "297869.88164329313\n",
      "297870.1917923032\n",
      "297912.2156459956\n",
      "297894.217066052\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "298010.0395950116\n",
      "298011.1664089652\n",
      "297894.12016857124\n",
      "297894.3208763346\n",
      "297668.76881648524\n",
      "297671.14071563416\n",
      "297889.5072528391\n",
      "297879.45522131183\n",
      "297759.9065900288\n",
      "297760.8741640695\n",
      "297681.4504373437\n",
      "297683.3149985952\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297733.9665638409\n",
      "297728.8193864339\n",
      "297886.92546481144\n",
      "297888.19342324015\n",
      "297801.6891713702\n",
      "297806.65546096256\n",
      "297949.1759210486\n",
      "297953.99661868555\n",
      "297963.9928201682\n",
      "297963.90853034536\n",
      "297752.1972564933\n",
      "297755.91240151005\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "298008.9621848522\n",
      "298008.67158710596\n",
      "297739.92378314096\n",
      "297726.5862288946\n",
      "297742.0601466974\n",
      "297742.7383872864\n",
      "297906.75839737465\n",
      "297901.32581503957\n",
      "297733.3147495153\n",
      "297746.8406627429\n",
      "297824.7635933407\n",
      "297829.84112003486\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297884.2932778301\n",
      "297889.93397244596\n",
      "297856.39112635405\n",
      "297840.2732660534\n",
      "297826.4463073311\n",
      "297810.05969405116\n",
      "297861.2464032161\n",
      "297861.5342189207\n",
      "297783.3181079512\n",
      "297786.8625061824\n",
      "297701.5158222667\n",
      "297703.25336036924\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297707.151750481\n",
      "297711.35044123145\n",
      "297818.2089378189\n",
      "297834.4289778676\n",
      "297834.49982269143\n",
      "297835.3320828085\n",
      "297815.5851829715\n",
      "297816.0938928619\n",
      "297909.90925843903\n",
      "297912.6917244799\n",
      "297743.48806175514\n",
      "297741.0604543642\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297897.32670829236\n",
      "297890.76553282916\n",
      "297651.88608147\n",
      "297651.75667492417\n",
      "297897.09429972694\n",
      "297898.1998198527\n",
      "297788.1444083755\n",
      "297790.1174995157\n",
      "297645.8947619591\n",
      "297647.5531264208\n",
      "297664.3271573283\n",
      "297666.1605412518\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297903.21484316647\n",
      "297893.61478575406\n",
      "297895.061305719\n",
      "297908.54771719547\n",
      "297882.57014204125\n",
      "297865.5107640313\n",
      "297941.75109853246\n",
      "297943.18580559315\n",
      "297713.72781279124\n",
      "297714.0775794855\n",
      "297772.21193620196\n",
      "297774.93066917727\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297826.2738166504\n",
      "297819.37747229973\n",
      "297794.0619788505\n",
      "297794.2810564108\n",
      "298024.0810513804\n",
      "298024.8719058002\n",
      "297847.28245698096\n",
      "297848.41930355324\n",
      "298030.2329676259\n",
      "298030.24531630654\n",
      "297719.04683378077\n",
      "297707.0915484613\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297875.21799840865\n",
      "297876.41677623463\n",
      "297610.4695353811\n",
      "297622.3461556909\n",
      "298035.9827901676\n",
      "298035.22759150557\n",
      "297877.5025939944\n",
      "297875.1087344977\n",
      "297875.9962863828\n",
      "297863.718352394\n",
      "297875.96724951285\n",
      "297872.5083929872\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297694.60730957316\n",
      "297695.9429977275\n",
      "297733.40327072685\n",
      "297724.17071745626\n",
      "297875.4220639783\n",
      "297874.8623381968\n",
      "297745.04478542967\n",
      "297744.360076775\n",
      "297643.6737928637\n",
      "297643.10605981783\n",
      "297557.9336116269\n",
      "297554.3146342767\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297702.71176875586\n",
      "297707.90884056\n",
      "297719.2779729795\n",
      "297720.0042753865\n",
      "297807.62353648903\n",
      "297805.6833666052\n",
      "297793.22863037884\n",
      "297792.08119768347\n",
      "297752.92691092356\n",
      "297754.18235750124\n",
      "297754.7355722178\n",
      "297753.6936558077\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297577.4253921686\n",
      "297577.04448628955\n",
      "297836.02127838944\n",
      "297834.1124987035\n",
      "298009.57277781796\n",
      "298028.3387749532\n",
      "297782.1753294695\n",
      "297784.6499494361\n",
      "297760.3752412872\n",
      "297762.0518583465\n",
      "297717.9331756615\n",
      "297716.9277071917\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297827.4464285282\n",
      "297827.26379117125\n",
      "297699.75313293014\n",
      "297706.3671692366\n",
      "297885.7203478873\n",
      "297892.5316712578\n",
      "297810.628153303\n",
      "297808.091665164\n",
      "297868.3439426073\n",
      "297862.25508579204\n",
      "297853.4471167468\n",
      "297855.280309862\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297863.65944803774\n",
      "297884.3253670319\n",
      "298137.333492319\n",
      "298139.81712983554\n",
      "297858.33807965985\n",
      "297858.34685023164\n",
      "297927.6079730558\n",
      "297940.83541724185\n",
      "297730.9642472171\n",
      "297736.06282005884\n",
      "297803.02203569474\n",
      "297821.90203485097\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297679.9227137118\n",
      "297680.18992211064\n",
      "297802.79039505945\n",
      "297803.068998836\n",
      "297658.2335108294\n",
      "297667.4175371853\n",
      "297880.08453463565\n",
      "297894.10097695555\n",
      "297853.9735823088\n",
      "297854.58037285984\n",
      "297807.9330424313\n",
      "297807.92512048397\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297747.7313138291\n",
      "297746.60575922613\n",
      "297970.11838977644\n",
      "297946.9064650577\n",
      "297743.7039665572\n",
      "297725.04883652594\n",
      "297933.92606354627\n",
      "297933.765292799\n",
      "297705.84128237364\n",
      "297701.8750628082\n",
      "297801.4744902421\n",
      "297801.50373548747\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297748.83314222546\n",
      "297751.17821688013\n",
      "297755.66751665145\n",
      "297759.51220206707\n",
      "297832.08876348945\n",
      "297857.8040817775\n",
      "298035.2875965297\n",
      "298052.787543967\n",
      "297697.3847850009\n",
      "297707.3505917281\n",
      "297735.56588707183\n",
      "297736.0972676654\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297696.84070947417\n",
      "297695.56302475557\n",
      "297893.9514228982\n",
      "297893.8590284761\n",
      "297799.7058968983\n",
      "297802.0898840804\n",
      "297872.9311410535\n",
      "297876.2191820954\n",
      "297723.5112533522\n",
      "297723.7564081292\n",
      "297582.7676099444\n",
      "297580.67566387117\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297804.1137211474\n",
      "297799.9658863748\n",
      "297917.1668791836\n",
      "297917.4257697943\n",
      "297723.90822505933\n",
      "297709.8295645201\n",
      "297865.5468287738\n",
      "297867.6074985258\n",
      "297853.47744609445\n",
      "297839.28882075293\n",
      "297852.18324511277\n",
      "297852.52812590357\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297686.1666539073\n",
      "297696.0531399551\n",
      "297778.4233253013\n",
      "297779.04528155207\n",
      "297845.2893010541\n",
      "297846.1648427153\n",
      "297663.95354006026\n",
      "297662.85588961444\n",
      "297821.82164740365\n",
      "297816.5349418472\n",
      "297873.0453486248\n",
      "297870.3430726534\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297693.72663840966\n",
      "297693.13165357173\n",
      "297830.93506274157\n",
      "297833.05055871385\n",
      "297842.7061828181\n",
      "297832.28321501723\n",
      "297903.7548765918\n",
      "297903.70723998087\n",
      "297806.41268004815\n",
      "297795.28365554777\n",
      "297815.83957286784\n",
      "297838.3956408161\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "298124.793352484\n",
      "298111.86716953764\n",
      "298023.0220341562\n",
      "298013.1569130689\n",
      "297477.3974453441\n",
      "297464.667134059\n",
      "297647.68989511504\n",
      "297639.9608289245\n",
      "297797.11522474076\n",
      "297797.8859221341\n",
      "297879.3298606291\n",
      "297879.5474411032\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297939.7744067642\n",
      "297944.8594608057\n",
      "297884.85900939704\n",
      "297903.84015536594\n",
      "297948.43582982005\n",
      "297947.17869033257\n",
      "297795.08096311905\n",
      "297792.7023896548\n",
      "297938.7087655722\n",
      "297934.95490087336\n",
      "297719.35897609586\n",
      "297719.4001943639\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "298000.2171890136\n",
      "297984.1514819742\n",
      "297680.9057466849\n",
      "297680.98769873823\n",
      "297787.4578760335\n",
      "297774.13451296533\n",
      "297917.2553771378\n",
      "297917.27733999415\n",
      "297735.41186664946\n",
      "297739.9990636839\n",
      "297726.9494474326\n",
      "297719.7954865699\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297910.0641097936\n",
      "297896.46108855074\n",
      "297751.13747901615\n",
      "297751.0852871497\n",
      "297750.5514317199\n",
      "297748.2438053241\n",
      "297709.08095756633\n",
      "297722.7071774194\n",
      "297791.78559924336\n",
      "297791.88054482295\n",
      "297879.5625047981\n",
      "297879.77780598565\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297892.96347452764\n",
      "297896.17005487124\n",
      "297624.91403866\n",
      "297635.22468215757\n",
      "297771.8437488879\n",
      "297767.8522172677\n",
      "297759.7463536275\n",
      "297757.89925293735\n",
      "297646.0563436954\n",
      "297644.304231759\n",
      "297958.5596923978\n",
      "297981.9406115753\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297900.65896508907\n",
      "297899.52164172026\n",
      "297566.88377406483\n",
      "297565.01174881635\n",
      "297845.92376234895\n",
      "297846.0950879673\n",
      "297891.7493974077\n",
      "297887.7888278667\n",
      "297733.4152778671\n",
      "297729.14039450954\n",
      "297961.29908948066\n",
      "297954.7374273766\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297827.2887579214\n",
      "297829.8775261807\n",
      "297907.6207180734\n",
      "297907.944110982\n",
      "297861.4408451627\n",
      "297875.2474821996\n",
      "297683.6169232604\n",
      "297668.97134225507\n",
      "297540.5211705067\n"
     ]
    },
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "297540.85942056804\n",
      "297973.2470724557\n",
      "297973.31553616177\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297972.27692748565\n",
      "297972.20025232626\n",
      "297823.8448134473\n",
      "297825.36500938126\n",
      "297829.8569049761\n",
      "297833.55503908294\n",
      "297661.0017076949\n",
      "297661.04735390487\n",
      "297759.80626757286\n",
      "297743.279671882\n",
      "297766.6108305773\n",
      "297752.67793123494\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297868.46554995637\n",
      "297872.49542966986\n",
      "297844.34037414106\n",
      "297843.48647625896\n",
      "297871.14093382703\n",
      "297882.4287370263\n",
      "298052.6255938491\n",
      "298053.48468706175\n",
      "297887.4902703283\n",
      "297869.1506443863\n",
      "297884.09240948997\n",
      "297885.50566935685\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297933.046622954\n",
      "297936.2672948495\n",
      "297654.47620940726\n",
      "297668.23188946745\n",
      "297921.4456873579\n",
      "297906.5344555925\n",
      "297732.28192141623\n",
      "297732.62294185435\n",
      "297665.6385215139\n",
      "297672.3503296462\n",
      "297813.7152152668\n",
      "297818.9681907603\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297724.42356298317\n",
      "297739.5313307383\n",
      "297761.6461894062\n",
      "297746.51921802346\n",
      "297750.9090938311\n",
      "297749.5831183744\n",
      "297885.52057789656\n",
      "297886.1316004333\n",
      "297887.18293500156\n",
      "297887.1837216377\n",
      "297595.5898080501\n",
      "297597.1473281789\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297945.7088981396\n",
      "297961.293996574\n",
      "297829.92614382954\n",
      "297831.00518358964\n",
      "297662.2572131864\n",
      "297669.1090070812\n",
      "297714.8409502319\n",
      "297690.7599277831\n",
      "297838.15109529643\n",
      "297821.806390444\n",
      "297953.02994580223\n",
      "297947.7447457269\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297716.8874574668\n",
      "297713.24846932915\n",
      "297870.22502283123\n",
      "297875.1505254192\n",
      "297680.364661621\n",
      "297680.4877096464\n",
      "297989.9548142187\n",
      "297969.2149471177\n",
      "298212.0811159218\n",
      "298211.9368565521\n",
      "297792.8541416513\n",
      "297788.3839622181\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297800.68363675656\n",
      "297807.732663498\n",
      "297872.94884881773\n",
      "297891.0299653657\n",
      "297651.9093683522\n",
      "297639.21603786375\n",
      "297709.9705337879\n",
      "297709.9716184969\n",
      "297984.3166465985\n",
      "297984.4700809414\n",
      "297879.8076050199\n",
      "297899.60102482775\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297901.2204942531\n",
      "297905.8351516773\n",
      "297767.02825854754\n",
      "297772.94746569276\n",
      "297737.4016823729\n",
      "297722.4553455085\n",
      "297875.32191640977\n",
      "297875.1304039607\n",
      "297630.28154116095\n",
      "297629.25460770814\n",
      "297775.5485605218\n",
      "297789.40907294874\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297979.52793261484\n",
      "297979.5919330694\n",
      "297865.5896136987\n",
      "297866.90086189366\n",
      "297755.08963847195\n",
      "297754.7053600217\n",
      "298013.92452744744\n",
      "298014.66796812066\n",
      "297798.97175975546\n",
      "297799.011031621\n",
      "297755.69244514045\n",
      "297755.47459893156\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297804.2547942451\n",
      "297810.1957616427\n",
      "297960.2896326768\n",
      "297961.1698465836\n",
      "297690.384044723\n",
      "297695.2751410582\n",
      "297773.23879494675\n",
      "297773.3724615106\n",
      "297749.0374015433\n",
      "297749.92804553447\n",
      "297726.46207920986\n",
      "297714.3848109481\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297802.85698832275\n",
      "297804.6240171495\n",
      "297778.8777626014\n",
      "297779.68602781463\n",
      "297977.2775975664\n",
      "297977.2798103108\n",
      "298181.6737278043\n",
      "298197.28507257125\n",
      "297732.32694852963\n",
      "297753.4624063391\n",
      "297876.181672194\n",
      "297876.2133866994\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297735.6530525269\n",
      "297738.0739511385\n",
      "297933.6734540498\n",
      "297933.788369366\n",
      "297837.38475046493\n",
      "297846.39151878445\n",
      "297778.6350558658\n",
      "297765.48518659535\n",
      "297902.40687305504\n",
      "297902.7610668156\n",
      "298047.572381533\n",
      "298026.4272708351\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297697.8473434882\n",
      "297698.91993046534\n",
      "298059.09178462584\n",
      "298067.21823141014\n",
      "297936.00316850684\n",
      "297939.9952969336\n",
      "298143.6097435646\n",
      "298146.9592107111\n",
      "297871.24361002044\n",
      "297872.29025410785\n",
      "297818.77258155076\n",
      "297827.0257513064\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297605.6693262376\n",
      "297603.0752248972\n",
      "297846.2494446464\n",
      "297838.9260958417\n",
      "297747.8592294771\n",
      "297748.88198636496\n",
      "297629.281245547\n",
      "297630.8831008526\n",
      "297856.7208768194\n",
      "297858.8065119703\n",
      "297896.4972446103\n",
      "297912.783650404\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297742.6222117954\n",
      "297727.25004291494\n",
      "297744.78000442253\n",
      "297745.8241508577\n",
      "297880.8074742805\n",
      "297876.7954823588\n",
      "297926.4463263305\n",
      "297926.6802023382\n",
      "297681.8627296707\n",
      "297682.08032223984\n",
      "297655.0598435738\n",
      "297657.3602135141\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297938.4865989495\n",
      "297938.9224343352\n",
      "298044.2087798041\n",
      "298033.189614837\n",
      "297737.7939213607\n",
      "297731.4239471909\n",
      "297997.05197726307\n",
      "297996.4869212306\n",
      "297663.2985390386\n",
      "297648.37186505616\n",
      "297856.38563151145\n",
      "297855.40351261187\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297758.9773723693\n",
      "297756.42455969926\n",
      "297846.99736443354\n",
      "297862.2945462359\n",
      "297976.2441732159\n",
      "297975.4206463557\n",
      "297767.8811980438\n",
      "297761.13937168487\n",
      "297740.0854176577\n",
      "297742.14179957\n",
      "297997.0244614666\n",
      "297997.2801615055\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297741.6728326457\n",
      "297753.1822861897\n",
      "298025.44841289514\n",
      "298025.52074443334\n",
      "297926.9125022162\n",
      "297926.27786823735\n",
      "297922.19545892865\n",
      "297923.086408062\n",
      "297509.33971359715\n",
      "297518.27650750143\n",
      "297932.5308396082\n",
      "297919.5302194291\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297918.6230855262\n",
      "297920.1957777162\n",
      "297723.29552125244\n",
      "297724.31900438474\n",
      "297689.15048093535\n",
      "297689.5219380253\n",
      "297991.3944703036\n",
      "297991.46889638505\n",
      "297793.03723426274\n",
      "297795.58427010546\n",
      "297751.0666136025\n",
      "297736.20833673456\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "298019.0277972613\n",
      "298021.12387346645\n",
      "297777.35042865266\n",
      "297784.1701284144\n",
      "297791.31665774406\n",
      "297794.1559885281\n",
      "297939.0570889442\n",
      "297940.857674566\n",
      "297821.95214271254\n",
      "297821.09169971675\n",
      "297708.69544422545\n",
      "297709.0377058775\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297948.277167344\n",
      "297964.81831034453\n",
      "297927.4160553323\n",
      "297927.58884882793\n",
      "297808.63022222964\n",
      "297824.9193871379\n",
      "297877.0553244042\n",
      "297881.02369011287\n",
      "297789.84795302723\n",
      "297809.9879732383\n",
      "297988.7615320477\n",
      "297991.77778013435\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "298010.92249152344\n",
      "297997.02069759293\n",
      "297916.189151199\n",
      "297915.2691555487\n",
      "297846.92684360454\n",
      "297847.11887417757\n",
      "297941.2879903572\n",
      "297940.75022492994\n",
      "297980.575830853\n",
      "297971.88662071375\n",
      "297836.1932874885\n",
      "297839.3121298605\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297809.4073398874\n",
      "297804.2066730048\n",
      "297749.7197309744\n",
      "297743.63414034847\n",
      "297747.69757296314\n",
      "297746.8623023431\n",
      "297900.1864516117\n",
      "297888.68649952766\n",
      "297803.83346923086\n",
      "297809.76414976246\n",
      "297815.11994464055\n",
      "297813.57079927326\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297621.8769978312\n",
      "297626.1980857876\n",
      "297823.34160827356\n",
      "297825.33099389053\n",
      "298009.4808148424\n",
      "298031.3543827531\n",
      "297853.3813233664\n",
      "297850.2507064974\n",
      "297818.8451207914\n",
      "297815.66571874265\n",
      "297949.06159684045\n",
      "297970.22193997283\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297750.87940879667\n",
      "297753.34194110485\n",
      "297525.9684320256\n",
      "297526.34003482835\n",
      "297886.8506694116\n",
      "297872.9674739072\n",
      "297859.502086549\n",
      "297861.93878741143\n",
      "297684.78371752857\n",
      "297684.13290524157\n",
      "297666.37402583245\n",
      "297661.30825701845\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297962.6009249653\n",
      "297960.9611649755\n",
      "297699.54582383065\n",
      "297700.89062127226\n",
      "298029.44018360774\n",
      "298030.6745097358\n",
      "297810.5676451153\n",
      "297809.8730917602\n",
      "297908.5802932804\n",
      "297908.66236983234\n",
      "297725.9548232241\n",
      "297735.8196723581\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297774.8062102864\n",
      "297773.84392846737\n",
      "297804.9269434263\n",
      "297801.17216298345\n",
      "297878.8018961518\n",
      "297877.8280070966\n",
      "297732.0037774117\n",
      "297734.645593635\n",
      "297991.5448923035\n",
      "297991.935421105\n",
      "297873.71419051604\n",
      "297876.01747845777\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297784.3375746216\n",
      "297786.69737651\n",
      "297832.60709094873\n",
      "297832.84004256665\n",
      "297965.31000382215\n",
      "297950.91613180086\n",
      "297851.4341982288\n",
      "297848.6988725662\n",
      "297945.9892112674\n",
      "297947.0129293307\n",
      "297550.0391111617\n",
      "297538.11155405914\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "298008.85998826247\n",
      "298021.02103539475\n",
      "297749.61284586997\n",
      "297749.82494635106\n",
      "297752.9480948208\n",
      "297756.09943382954\n",
      "297774.6260966102\n",
      "297761.4470042805\n",
      "297955.3727817849\n",
      "297959.7428639017\n",
      "297761.20426796493\n",
      "297761.4448266664\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297862.11875107064\n",
      "297862.3480713468\n",
      "297825.0473358818\n",
      "297824.9473818802\n",
      "297868.6302464183\n",
      "297856.31064606365\n",
      "297819.82236505166\n",
      "297828.29841527273\n",
      "297874.8365840081\n",
      "297872.3363514772\n",
      "297786.89790370007\n",
      "297797.40024800657\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297862.98235440056\n",
      "297858.7743329978\n",
      "297738.311427637\n",
      "297731.78929990804\n",
      "297711.54875762097\n",
      "297715.90047751955\n",
      "297864.39914592047\n",
      "297854.26278048404\n",
      "297776.52819050255\n",
      "297772.8897123971\n",
      "297872.1538161229\n",
      "297875.0648542643\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297892.5906718898\n",
      "297892.6819639291\n",
      "297835.26293608133\n",
      "297837.2265037623\n",
      "297838.555739991\n",
      "297840.46982038877\n",
      "297778.90679688845\n",
      "297777.2800962659\n",
      "297906.29147094354\n",
      "297928.64777629735\n",
      "297812.25915277965\n",
      "297812.281075258\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297779.15533779404\n",
      "297758.6645989346\n",
      "297850.2400204638\n",
      "297851.9411126675\n",
      "297805.98943247576\n",
      "297807.0589334977\n",
      "297886.6469957138\n",
      "297884.7563305668\n",
      "297632.3162688816\n",
      "297662.2540589157\n",
      "297694.517320722\n",
      "297695.2862299975\n",
      "(22, 104)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297727.628048909\n",
      "297727.6518519633\n",
      "297761.97204848484\n",
      "297776.9314651614\n",
      "297947.32502482546\n",
      "297935.0829251115\n",
      "297860.4533167461\n",
      "297863.18865669693\n",
      "297549.4841603889\n",
      "297531.9978134807\n",
      "297745.6554639521\n",
      "297755.69342303753\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297820.7683458737\n",
      "297819.6696889504\n",
      "297749.87607629504\n",
      "297750.484635827\n",
      "297822.74368756666\n",
      "297824.17556014797\n",
      "297791.62156333704\n",
      "297791.6318419417\n",
      "297839.7233419065\n",
      "297842.22105417086\n",
      "297948.08370774536\n",
      "297949.5402105175\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297792.724637528\n",
      "297792.824589368\n",
      "297855.73457279796\n",
      "297865.4088470151\n",
      "297707.87109234295\n",
      "297711.12848030514\n",
      "297747.18705158116\n",
      "297754.08261477883\n",
      "297816.263270134\n",
      "297817.3693670977\n",
      "297863.0208471021\n",
      "297859.45340074913\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297633.5159575085\n",
      "297627.10633141967\n",
      "297769.3270519756\n",
      "297766.64698251215\n",
      "297882.57833969156\n",
      "297883.9855818141\n",
      "297776.7215014909\n",
      "297776.7505311626\n",
      "297705.25699189847\n",
      "297705.5113258659\n",
      "297802.8541206307\n",
      "297811.47801998036\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297798.1531624644\n",
      "297803.1044022732\n",
      "297713.61182559025\n",
      "297697.7027123093\n",
      "297823.7330615133\n",
      "297825.26126925397\n",
      "297926.4056979398\n",
      "297927.7768873386\n",
      "297770.4884059159\n",
      "297772.6515398858\n",
      "297625.905843861\n",
      "297620.92306608363\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297893.00346459384\n",
      "297889.2493707219\n",
      "297781.7135085017\n",
      "297797.17897541134\n",
      "297991.6252117097\n",
      "297995.528201208\n",
      "297579.98739671626\n",
      "297579.5490069672\n",
      "297846.03558302374\n",
      "297841.74821265147\n",
      "297854.2641851355\n",
      "297856.1917481439\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297664.6573066534\n",
      "297665.6204008621\n",
      "297939.4375814608\n",
      "297962.9750560109\n",
      "297748.7695659494\n",
      "297748.79819554865\n",
      "297788.2063970163\n",
      "297789.1279576122\n",
      "297846.6349019288\n",
      "297843.5931464374\n",
      "297866.1206051386\n",
      "297863.4091786272\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297683.60253462236\n",
      "297677.9759353993\n",
      "297635.0463653587\n",
      "297640.54828801396\n",
      "297779.9118994026\n",
      "297780.85687586485\n",
      "297795.2352025845\n",
      "297792.1148807289\n",
      "297751.62186142115\n",
      "297751.772711635\n",
      "297869.8672841287\n",
      "297868.81741102354\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297805.11139478744\n",
      "297805.7183792677\n",
      "297823.2193659055\n",
      "297823.7489741238\n",
      "297903.67533044884\n",
      "297887.22741949843\n",
      "297950.97147809947\n",
      "297930.24262432306\n",
      "297822.35358929995\n",
      "297821.2708274334\n",
      "297964.73063437815\n",
      "297976.4740226726\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297734.4521169402\n",
      "297736.0374276389\n",
      "297940.65955261077\n",
      "297942.940404819\n",
      "297740.70564673265\n",
      "297733.2960466131\n",
      "297811.25382740883\n",
      "297810.03889776475\n",
      "297749.86370094796\n",
      "297755.90863563126\n",
      "297784.44892459613\n",
      "297772.774826774\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297827.2621327616\n",
      "297827.34062663786\n",
      "297891.5058819028\n",
      "297893.15602509916\n",
      "297904.5226585774\n",
      "297905.13905643095\n",
      "297780.527704653\n",
      "297773.5103608108\n",
      "297953.6979212002\n",
      "297952.49243152334\n",
      "297796.0292421405\n",
      "297796.2964133919\n",
      "(22,)\n",
      "empty in 0\n"
     ]
    },
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297847.9894252528\n",
      "297850.5230787756\n",
      "297936.2165163167\n",
      "297936.33632663195\n",
      "297749.9201915361\n",
      "297742.65802114544\n",
      "297829.5712146614\n",
      "297840.19737339474\n",
      "297811.16159860697\n",
      "297820.1837513997\n",
      "297897.4524198879\n",
      "297891.9729344135\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297865.85763969104\n",
      "297887.3886624263\n",
      "297842.96835421544\n",
      "297837.6234554089\n",
      "297892.94771735795\n",
      "297893.90326294047\n",
      "297965.53564608924\n",
      "297963.486898719\n",
      "297856.8882917447\n",
      "297858.63386027265\n",
      "297879.7904674588\n",
      "297879.79600530426\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297552.2305892868\n",
      "297556.9629917907\n",
      "297933.9211700937\n",
      "297937.90590866166\n",
      "297751.19792488986\n",
      "297752.75620104955\n",
      "297812.7807063594\n",
      "297812.9725135595\n",
      "297689.19274424657\n",
      "297700.9720791559\n",
      "297918.14128079015\n",
      "297916.6688383369\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297771.7709281157\n",
      "297759.6531568097\n",
      "297640.9252271222\n",
      "297660.51257352694\n",
      "297924.16238270514\n",
      "297912.00122417184\n",
      "297749.5325294537\n",
      "297732.38162651146\n",
      "297658.2245166707\n",
      "297680.0159317734\n",
      "297847.02547771164\n",
      "297849.66938983457\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297689.5170092403\n",
      "297690.03748007974\n",
      "297816.5391815383\n",
      "297811.60306371114\n",
      "297694.38969740685\n",
      "297686.99089933955\n",
      "297724.38981260604\n",
      "297727.6984802823\n",
      "297814.03166071227\n",
      "297814.51637731714\n",
      "297711.67509394744\n",
      "297695.23552314704\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297713.72480313806\n",
      "297714.3559725292\n",
      "297907.8191763481\n",
      "297906.8186480316\n",
      "297869.60111262277\n",
      "297853.44037462707\n",
      "298012.52983652765\n",
      "298034.9603247985\n",
      "298111.8019982511\n",
      "298110.6030695679\n",
      "297891.1735552745\n",
      "297891.97296141635\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297736.3822770764\n",
      "297725.07074269454\n",
      "297887.87139386026\n",
      "297887.94649106706\n",
      "297789.0377118593\n",
      "297795.4071229691\n",
      "298000.06175242865\n",
      "298000.1921458393\n",
      "297829.7948841451\n",
      "297835.55131581257\n",
      "297792.0850729527\n",
      "297788.0969109043\n",
      "(22,)\n",
      "2257055\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297966.4582548242\n",
      "297966.26465123816\n",
      "297682.42490782693\n",
      "297687.5196860424\n",
      "297715.65541911504\n",
      "297718.838565973\n",
      "297835.15419884154\n",
      "297829.99174362817\n",
      "298032.06425931724\n",
      "298033.06736845203\n",
      "297875.07851354877\n",
      "297890.58691713435\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297933.6492079999\n",
      "297933.6788374318\n",
      "297857.7475934947\n",
      "297842.7967772905\n",
      "297808.38960543124\n",
      "297808.38198852766\n",
      "297723.24450920004\n",
      "297723.12871997745\n",
      "297955.7841923659\n",
      "297956.51129152946\n",
      "297932.1301636033\n",
      "297947.9641030758\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297821.7798675415\n",
      "297821.1409235082\n",
      "297907.16815835075\n",
      "297905.3441142145\n",
      "297985.5906397976\n",
      "297988.7427758196\n",
      "297723.93633480865\n",
      "297719.531407468\n",
      "297870.8178072094\n",
      "297871.35460399353\n",
      "297806.54331883555\n",
      "297804.4815244792\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "298001.3217336762\n",
      "298003.1109252488\n",
      "298020.5094112003\n",
      "298016.02800330386\n",
      "297643.2951735035\n",
      "297645.3094376877\n",
      "297946.28976078174\n",
      "297934.26006537344\n",
      "297792.2070767025\n",
      "297780.6579715457\n",
      "297811.87768729\n",
      "297800.5672067943\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297911.0920148934\n",
      "297907.7193896554\n",
      "297829.7767951351\n",
      "297830.50730647956\n",
      "297628.18259125086\n",
      "297627.4689443167\n",
      "297596.4158083984\n",
      "297592.62350957614\n",
      "297666.1740790411\n",
      "297663.6163181563\n",
      "297785.66974122165\n",
      "297781.8727595871\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297850.5940127578\n",
      "297850.78838670853\n",
      "297859.63745865814\n",
      "297858.8576855458\n",
      "297699.0867328405\n",
      "297699.08676105103\n",
      "297987.08497103734\n",
      "297987.86133079784\n",
      "297612.8129173416\n",
      "297614.3749201836\n",
      "297809.5672163709\n",
      "297817.13787601463\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297840.76448129176\n",
      "297840.8398004477\n",
      "297733.0966839215\n",
      "297753.1781187294\n",
      "297964.4647618481\n",
      "297969.1538904733\n",
      "298036.6989353579\n",
      "298038.44966092386\n",
      "297852.4899311701\n",
      "297859.02279570437\n",
      "297834.5252935936\n",
      "297832.1109225733\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297721.7850861805\n",
      "297720.90963688935\n",
      "297832.7203344701\n",
      "297815.1695121872\n",
      "297980.49761768203\n",
      "297984.2107248972\n",
      "297827.7174954647\n",
      "297830.60082806944\n",
      "297764.1111132522\n",
      "297758.4368294868\n",
      "297805.6479922426\n",
      "297807.8653230871\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297806.0784006014\n",
      "297807.9272269835\n",
      "297921.2282146271\n",
      "297918.5601674645\n",
      "297575.78654333437\n",
      "297569.3352213605\n",
      "297831.19480321446\n",
      "297827.21120401524\n",
      "297699.5255237069\n",
      "297689.67093036434\n",
      "297695.33936186886\n",
      "297695.3654775538\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297837.9092050366\n",
      "297837.9073851813\n",
      "297715.1456585999\n",
      "297711.86383938877\n",
      "297705.25794703735\n",
      "297705.2585762992\n",
      "297818.63807383284\n",
      "297819.84810838435\n",
      "297815.7036896098\n",
      "297816.4903093666\n",
      "297707.7751599474\n",
      "297727.45469964435\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297912.36332004284\n",
      "297925.96151713637\n",
      "297818.33750708343\n",
      "297818.3029508958\n",
      "297670.87463758467\n",
      "297673.0112141555\n",
      "297526.1238999739\n",
      "297521.30422841734\n",
      "297725.7138588501\n",
      "297725.85324265144\n",
      "297781.51584721747\n",
      "297782.1772599676\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297898.37958465493\n",
      "297888.603166489\n",
      "297768.875127248\n",
      "297761.9486234303\n",
      "297674.2318439055\n",
      "297670.32761952886\n",
      "297922.60125318146\n",
      "297929.36290520855\n",
      "297792.1598249019\n",
      "297795.34813969146\n",
      "297901.08655860386\n",
      "297921.0381854839\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297956.9890146223\n",
      "297958.3202002168\n",
      "297928.8922046583\n",
      "297928.89536031504\n",
      "297908.63148452906\n",
      "297906.49678821635\n",
      "297828.26898592396\n",
      "297830.6039368728\n",
      "297787.7375704816\n",
      "297786.97438949684\n",
      "297918.31670714886\n",
      "297920.6426871246\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297844.04655171116\n",
      "297840.1658535168\n",
      "297762.05804427364\n",
      "297748.51331933285\n",
      "297950.3872066136\n",
      "297947.63269183075\n",
      "297869.369518043\n",
      "297869.3262929088\n",
      "297883.23469165375\n",
      "297890.0698714937\n",
      "298010.109185686\n",
      "298010.13445280073\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297800.3160492464\n",
      "297800.6004466784\n",
      "297952.273246749\n",
      "297952.3921144908\n",
      "298012.85992842924\n",
      "298014.53605990554\n",
      "298084.6975079244\n",
      "298045.6296493129\n",
      "297709.0506052647\n",
      "297712.7996871476\n",
      "297675.08578528906\n",
      "297671.20366173744\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "298046.7347771852\n",
      "298042.64702033775\n",
      "297735.47678765573\n",
      "297738.6198824012\n",
      "297784.878131965\n",
      "297769.47532014083\n",
      "297882.5534559112\n",
      "297896.99529645895\n",
      "297715.90224275045\n",
      "297713.7287067263\n",
      "297770.326949111\n",
      "297771.7462666257\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297875.080472198\n",
      "297877.0768465275\n",
      "297822.3614113278\n",
      "297809.1886418411\n",
      "297826.0144094134\n",
      "297826.46325576794\n",
      "297624.5968124715\n",
      "297632.7216966145\n",
      "297737.7764258064\n",
      "297737.9688497646\n",
      "297927.8969663139\n",
      "297915.1783608317\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297701.1319090772\n",
      "297705.6886862765\n",
      "297871.6495281487\n",
      "297885.1152521979\n",
      "297954.831293259\n",
      "297955.912914611\n",
      "297759.71774592774\n",
      "297763.87936201354\n",
      "297769.8319825814\n",
      "297764.4971174679\n",
      "297858.8820644943\n",
      "297859.78716569557\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297728.5973351152\n",
      "297730.3952150994\n",
      "297884.23573815497\n",
      "297883.9727845802\n",
      "297684.0367390641\n",
      "297688.9608993824\n",
      "297904.23657064204\n",
      "297911.19246824115\n",
      "297784.78266254836\n",
      "297806.33026386535\n",
      "297798.9318531742\n",
      "297799.1908757709\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297869.8773080485\n",
      "297860.36098701274\n",
      "297882.5121018081\n",
      "297879.3853693409\n",
      "297863.14129704627\n",
      "297861.7843718365\n",
      "297643.537803683\n",
      "297647.09763753135\n",
      "297668.30915536184\n",
      "297673.04655688046\n",
      "297790.1607200429\n",
      "297793.24887646816\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297833.85576435033\n",
      "297837.68220664054\n",
      "297846.41997305263\n",
      "297846.48362810176\n",
      "297827.5159738212\n",
      "297845.3102529416\n",
      "297925.98224958143\n",
      "297925.9576197189\n",
      "297931.140548214\n",
      "297931.366417277\n",
      "297750.85549578274\n",
      "297754.9742279307\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297719.27507816174\n",
      "297730.7791535591\n",
      "297866.9246159508\n",
      "297861.0431142685\n",
      "297836.39818156936\n",
      "297848.7105234155\n",
      "297803.3211836446\n",
      "297803.4769152924\n",
      "297838.9519814447\n",
      "297838.8511185038\n",
      "297775.03732919786\n",
      "297790.8300604142\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297663.80330072675\n",
      "297656.74088832823\n",
      "297861.3466664261\n",
      "297855.0312639412\n",
      "297898.32801717066\n",
      "297898.92717360717\n",
      "297624.3234246253\n",
      "297638.8611164775\n",
      "297921.7997098286\n",
      "297922.04537800705\n",
      "297651.05631322105\n",
      "297648.56382053986\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297913.2203700353\n",
      "297912.90506197023\n",
      "297657.2488800221\n",
      "297656.213638237\n",
      "297811.6086020174\n",
      "297828.7727673793\n",
      "297792.64051595796\n",
      "297811.0415134578\n",
      "297900.14603097376\n",
      "297895.0858224091\n",
      "298077.7680468505\n",
      "298066.69089714263\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297744.6218878714\n",
      "297756.8219795029\n",
      "297620.3939322075\n",
      "297625.84732389153\n",
      "297708.5318478252\n",
      "297708.5524877735\n",
      "297944.2218920187\n",
      "297948.3695590242\n",
      "297846.53032273636\n",
      "297847.0455129391\n",
      "297904.4657868706\n",
      "297905.1183256595\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297595.7337150823\n",
      "297596.4319078969\n",
      "297938.49320461665\n",
      "297943.00689879927\n",
      "297932.24992375105\n",
      "297932.909976574\n",
      "297870.3599508076\n",
      "297869.3511493194\n",
      "297781.7285436531\n",
      "297781.9610867033\n",
      "297801.02733526856\n",
      "297803.2310925233\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297744.0195108333\n",
      "297755.15771213075\n",
      "297843.2344183582\n",
      "297843.5797253047\n",
      "297722.75652651634\n",
      "297720.5048258652\n",
      "297751.46550187835\n",
      "297761.78634196875\n",
      "297934.2310177086\n",
      "297920.0227479146\n",
      "297775.46954988095\n",
      "297775.4941248208\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297888.1430303194\n",
      "297887.9596830592\n",
      "297812.28006660694\n",
      "297811.8435470615\n",
      "297719.7689917138\n",
      "297742.3921008491\n",
      "297674.897851286\n",
      "297671.9019553971\n",
      "297852.90264742397\n",
      "297857.27306875994\n",
      "297934.6486196682\n",
      "297934.8490896465\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297684.6446909004\n",
      "297699.3558021322\n",
      "297682.9984365098\n",
      "297693.38351830514\n",
      "297729.20992537274\n",
      "297728.4419324205\n",
      "297807.07107245683\n",
      "297807.0847793963\n",
      "297660.5760957607\n",
      "297662.98697756906\n",
      "297953.7995709095\n",
      "297933.9921051405\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297790.76310494804\n",
      "297788.93215129233\n",
      "297765.81201861484\n",
      "297740.07787489163\n",
      "297890.47022947494\n",
      "297890.6337304529\n",
      "297941.9422902112\n",
      "297941.94260111736\n",
      "297645.4343266415\n",
      "297645.4867834694\n",
      "297838.6076907179\n",
      "297855.6689117697\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297788.4797839702\n",
      "297785.2816583131\n",
      "297744.284938599\n",
      "297744.08272286755\n",
      "297675.5476980295\n",
      "297671.8170061984\n",
      "297664.70673411986\n",
      "297665.16669306025\n",
      "298010.4461603151\n",
      "298010.29462801846\n",
      "297648.3291816169\n",
      "297648.3602721525\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297869.70754666836\n",
      "297856.70508560666\n",
      "297701.2792308258\n",
      "297701.07690116524\n",
      "297893.2320030163\n",
      "297891.31446782267\n",
      "297550.29445624165\n",
      "297557.2988506319\n",
      "297853.540989927\n",
      "297855.36095790105\n",
      "297657.2945078585\n",
      "297658.4564525968\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297887.1639664306\n",
      "297887.38947537425\n",
      "297851.3467956696\n",
      "297851.23025183234\n",
      "297792.26213113137\n",
      "297789.07688811125\n",
      "297809.4371337374\n",
      "297811.6163705165\n",
      "297664.4973556748\n",
      "297665.3553474185\n",
      "297762.7744405159\n",
      "297764.0641427691\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297805.8432266456\n",
      "297800.9595934734\n",
      "297957.70500142453\n",
      "297957.88921436155\n",
      "297864.94745123334\n",
      "297863.6203527265\n",
      "297819.5738274411\n",
      "297821.2514958685\n",
      "297740.1607537432\n",
      "297726.44079588115\n",
      "297643.23503469594\n",
      "297657.5704810912\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "298002.3115615681\n",
      "298003.10979855235\n",
      "297667.500736403\n",
      "297688.18628311245\n",
      "297920.06890581956\n",
      "297916.330748792\n",
      "297955.8893384996\n",
      "297941.0125869136\n",
      "297948.4221185879\n",
      "297949.4999878023\n",
      "297800.2862577313\n",
      "297799.5222556767\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297653.8050443361\n",
      "297655.32758573396\n",
      "297957.2810357677\n",
      "297952.98570115434\n",
      "297852.1580919603\n",
      "297852.51220256434\n",
      "298073.59147137235\n",
      "298059.25654816086\n",
      "297750.11870813306\n",
      "297759.6964189376\n",
      "297669.4623647742\n",
      "297669.59586021776\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297604.007349109\n",
      "297606.41963252\n",
      "298112.28641410125\n",
      "298112.2776048768\n",
      "297849.87763381394\n",
      "297853.0575229029\n",
      "297966.74529741105\n",
      "297971.9136749868\n",
      "297781.6688541553\n",
      "297794.60325116344\n",
      "297889.62610021356\n",
      "297881.2262689817\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n"
     ]
    },
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297919.99790962244\n",
      "297907.9685321557\n",
      "297808.5485130797\n",
      "297808.88729400025\n",
      "298100.97897860396\n",
      "298102.1915258077\n",
      "297818.38017798867\n",
      "297821.1328383381\n",
      "297811.47013441357\n",
      "297828.3091891642\n",
      "297838.7623064029\n",
      "297841.7700031027\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297773.72385235375\n",
      "297780.26367358613\n",
      "297840.58521039854\n",
      "297840.5763144381\n",
      "297787.38486748456\n",
      "297787.4876023128\n",
      "297570.9794565486\n",
      "297560.4415497164\n",
      "298004.3358161462\n",
      "297998.8740533108\n",
      "297889.0216040876\n",
      "297891.23120739067\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297761.4976335805\n",
      "297746.60936194856\n",
      "297737.7504407194\n",
      "297755.4722953299\n",
      "297787.53351370385\n",
      "297788.5468403573\n",
      "297872.85254557035\n",
      "297871.5897809099\n",
      "297910.4091762525\n",
      "297899.1737270278\n",
      "297705.73608552094\n",
      "297705.9626895116\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297791.50527903985\n",
      "297792.36151822883\n",
      "297523.5113682394\n",
      "297524.18433598697\n",
      "297959.0601723861\n",
      "297959.1775230034\n",
      "297788.2548917959\n",
      "297785.8020079625\n",
      "297789.95657799504\n",
      "297796.1409745457\n",
      "297866.3659452594\n",
      "297852.1152435997\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297794.4884045358\n",
      "297794.62598853064\n",
      "297781.65637835406\n",
      "297777.8365587512\n",
      "297660.31007467024\n",
      "297652.76441265707\n",
      "297754.98217003606\n",
      "297754.32756874966\n",
      "297749.2076501114\n",
      "297749.29883230804\n",
      "297740.7055989351\n",
      "297740.7773053808\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297833.17506012757\n",
      "297834.0885361942\n",
      "298110.1747974456\n",
      "298110.4280197782\n",
      "297832.39683075616\n",
      "297831.7011903431\n",
      "297859.5014360763\n",
      "297858.21325750265\n",
      "297766.8501768026\n",
      "297769.8336700343\n",
      "297774.6477082089\n",
      "297776.12938280596\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297955.95610975294\n",
      "297955.1557416258\n",
      "297870.5060445121\n",
      "297868.6410025249\n",
      "297967.53883854474\n",
      "297970.78540974355\n",
      "297928.33769831347\n",
      "297934.14223881665\n",
      "297760.78829113266\n",
      "297760.63418144913\n",
      "297480.13906053355\n",
      "297478.1735265613\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297772.4494915364\n",
      "297761.42244888685\n",
      "297880.7279775246\n",
      "297884.02504933794\n",
      "297846.27898334747\n",
      "297841.88854947407\n",
      "297884.05751862325\n",
      "297901.8884632786\n",
      "297695.9768312957\n",
      "297726.74858426995\n",
      "297684.10109262855\n",
      "297684.16438439855\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297633.0346630785\n",
      "297635.78452953964\n",
      "297887.1348838995\n",
      "297887.5382392514\n",
      "297829.91556767374\n",
      "297818.42155901436\n",
      "297741.7713353871\n",
      "297725.5089642363\n",
      "297781.27258471446\n",
      "297777.8359520985\n",
      "297546.2519084545\n",
      "297545.1673887667\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297775.9671644047\n",
      "297751.6049252155\n",
      "297650.39881271863\n",
      "297640.9805756867\n",
      "297912.42689740466\n",
      "297910.54200197046\n",
      "297729.47160530696\n",
      "297735.226261924\n",
      "297633.92765997007\n",
      "297623.57518808247\n",
      "297667.5288082917\n",
      "297666.5757756521\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297756.9058200166\n",
      "297746.9589047148\n",
      "297874.30780043994\n",
      "297877.6901957846\n",
      "297953.9887723875\n",
      "297957.36069156445\n",
      "297949.6098208227\n",
      "297949.09692958527\n",
      "297890.7640779943\n",
      "297893.9943549579\n",
      "297614.767034728\n",
      "297620.660014687\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297812.8022764363\n",
      "297811.48292527563\n",
      "297682.4221529795\n",
      "297681.1526782471\n",
      "297790.80607741524\n",
      "297791.289491482\n",
      "298023.89117538865\n",
      "298023.6552594901\n",
      "297773.95459879487\n",
      "297773.40847136034\n",
      "297758.9647710636\n",
      "297760.1004792085\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297888.856242844\n",
      "297893.8506881836\n",
      "297883.13207596255\n",
      "297883.28494103387\n",
      "297909.2407638241\n",
      "297908.12471081066\n",
      "297910.0810644968\n",
      "297892.4817259791\n",
      "297819.5852198628\n",
      "297821.3663326042\n",
      "297836.687349077\n",
      "297854.0413080416\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297963.3933396501\n",
      "297963.867334396\n",
      "297743.44133825187\n",
      "297738.8031002802\n",
      "297710.9547447473\n",
      "297712.02146948955\n",
      "297893.6332276975\n",
      "297893.5841088467\n",
      "297891.6973401593\n",
      "297893.06609543937\n",
      "298070.1536813467\n",
      "298072.20697369776\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297733.77722873085\n",
      "297729.61954810837\n",
      "297781.8090702023\n",
      "297781.36509484553\n",
      "297757.3418320118\n",
      "297757.738811726\n",
      "297899.39703302766\n",
      "297904.39631840476\n",
      "297845.9739464491\n",
      "297833.92036698497\n",
      "297925.54598045297\n",
      "297925.2366374247\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297870.27145279857\n",
      "297881.7830465144\n",
      "297725.2845034844\n",
      "297725.7290375254\n",
      "297840.74754838506\n",
      "297835.03861420276\n",
      "297659.2138191122\n",
      "297667.4305984825\n",
      "297831.7241404724\n",
      "297832.8907390014\n",
      "298099.8284421189\n",
      "298093.9128965955\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "298055.86390337226\n",
      "298071.05966611305\n",
      "297693.6323718052\n",
      "297693.7814477213\n",
      "297815.675180404\n",
      "297811.0043522314\n",
      "297947.0757324636\n",
      "297948.56495544803\n",
      "297834.692442468\n",
      "297834.4530615308\n",
      "297658.3127424081\n",
      "297670.86100313487\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297711.5677305872\n",
      "297712.0348328709\n",
      "297721.5374637404\n",
      "297720.3177438253\n",
      "297698.5002605693\n",
      "297680.9864078524\n",
      "297940.7855557351\n",
      "297938.42215959256\n",
      "297743.28862477903\n",
      "297729.2340674707\n",
      "298022.4170890655\n",
      "298023.30142245616\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297673.1108516551\n",
      "297673.1635680656\n",
      "297757.81865566055\n",
      "297758.5806653685\n",
      "297753.237959005\n",
      "297754.2219002776\n",
      "297846.07877574407\n",
      "297847.66279337934\n",
      "297871.8836241556\n",
      "297883.16502834536\n",
      "297744.17962995876\n",
      "297744.1796724586\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297690.00898871064\n",
      "297688.76996698347\n",
      "297932.14310213644\n",
      "297933.26233184326\n",
      "297891.58311986213\n",
      "297895.95755206415\n",
      "297813.5643242589\n",
      "297815.96897349885\n",
      "297929.45678187796\n",
      "297929.785828148\n",
      "297767.6401290265\n",
      "297768.35550221\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "298067.1833543539\n",
      "298068.1916899533\n",
      "297889.2789417763\n",
      "297891.5400796811\n",
      "297635.2156962775\n",
      "297638.8808337406\n",
      "297918.3612840761\n",
      "297914.473136692\n",
      "297841.48973503546\n",
      "297861.2645953061\n",
      "297800.45021043357\n",
      "297799.1722556382\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297622.90372796333\n",
      "297619.5108510369\n",
      "297878.6693461193\n",
      "297878.15741804003\n",
      "297913.5836918722\n",
      "297914.40630576044\n",
      "297897.8696178922\n",
      "297899.08571277716\n",
      "297977.9109509813\n",
      "297979.4045641232\n",
      "297918.0063630704\n",
      "297917.8666666073\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297892.01482162124\n",
      "297899.6982815164\n",
      "297957.79805408657\n",
      "297951.5050407796\n",
      "297932.69087804056\n",
      "297937.43069119455\n",
      "297977.83378451446\n",
      "297977.83683613874\n",
      "297766.77806615096\n",
      "297765.90974356106\n",
      "298024.0526249399\n",
      "298025.4726433252\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297675.52142244345\n",
      "297674.1938169222\n",
      "297742.22963808785\n",
      "297745.29954126204\n",
      "297856.2691658224\n",
      "297854.374976029\n",
      "297743.3820239694\n",
      "297752.29744745244\n",
      "297861.9695149063\n",
      "297860.48999717203\n",
      "297821.9886583936\n",
      "297840.7963908121\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297828.6983736167\n",
      "297830.21743727656\n",
      "298001.13131902675\n",
      "298001.1690661373\n",
      "298120.0221364705\n",
      "298097.4557453707\n",
      "297754.32979037834\n",
      "297762.95267752244\n",
      "298007.52060868003\n",
      "298005.0451244878\n",
      "297651.6859536037\n",
      "297648.80913674954\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297688.30560501106\n",
      "297688.92588481633\n",
      "297585.75273284107\n",
      "297608.18329798477\n",
      "297794.8998121183\n",
      "297792.4935156093\n",
      "297668.0545510658\n",
      "297670.507119221\n",
      "297769.2854354945\n",
      "297785.0026504179\n",
      "297677.8376320855\n",
      "297677.80286809156\n",
      "(22,)\n"
     ]
    },
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297870.6715343171\n",
      "297872.03839398193\n",
      "297741.35425928683\n",
      "297757.4902178872\n",
      "297922.7332877733\n",
      "297927.13440698344\n",
      "298123.9083334732\n",
      "298124.10214938974\n",
      "297866.9110202544\n",
      "297867.2227948843\n",
      "297691.47792130103\n",
      "297679.7674342032\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297909.6675959242\n",
      "297913.8895811989\n",
      "297709.2148731555\n",
      "297713.05512340297\n",
      "297702.37224238896\n",
      "297714.2535212074\n",
      "297705.93624944845\n",
      "297695.84974120086\n",
      "298076.80551239656\n",
      "298073.6124974915\n",
      "297893.1410765442\n",
      "297893.43301727803\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297913.2319702698\n",
      "297897.6642936157\n",
      "298077.45268976816\n",
      "298078.67150537926\n",
      "298002.0421087936\n",
      "297998.034588878\n",
      "297804.07941487944\n",
      "297805.72151023464\n",
      "297697.11903944676\n",
      "297699.92409975687\n",
      "297866.48345915385\n",
      "297863.39091111044\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297941.73795290187\n",
      "297947.3205960282\n",
      "297930.15453956433\n",
      "297932.34618966654\n",
      "297539.770940208\n",
      "297540.4132680969\n",
      "297863.2919467794\n",
      "297863.793634678\n",
      "298151.80478623987\n",
      "298151.3311399816\n",
      "297921.12502087385\n",
      "297942.5653694084\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297877.0512532264\n",
      "297876.7177706733\n",
      "297702.5338575115\n",
      "297698.8973524494\n",
      "298001.3580205542\n",
      "298000.568924803\n",
      "297845.7442115105\n",
      "297850.38272715884\n",
      "297847.5814784937\n",
      "297835.1632999587\n",
      "297927.36201277474\n",
      "297945.38460885553\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297754.0847658294\n",
      "297757.8682221409\n",
      "297747.5684600906\n",
      "297746.0446984511\n",
      "297868.1348220649\n",
      "297863.7913809289\n",
      "297536.8648107802\n",
      "297537.43730179704\n",
      "297899.15213200054\n",
      "297898.79729897255\n",
      "297838.19886503444\n",
      "297846.3524817689\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297887.6868651001\n",
      "297891.537951566\n",
      "297892.0321279304\n",
      "297890.8232630434\n",
      "297803.65405224985\n",
      "297802.00164381234\n",
      "297777.28714779665\n",
      "297780.9884280458\n",
      "297745.76865076425\n",
      "297742.8764091354\n",
      "297814.8456668651\n",
      "297809.1399404921\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297794.7362734615\n",
      "297793.8327562429\n",
      "297995.40901796595\n",
      "297989.9596818257\n",
      "297794.30711268797\n",
      "297794.7698217225\n",
      "297706.4815059891\n",
      "297700.64667920093\n",
      "297778.4955117373\n",
      "297777.7825859512\n",
      "297923.5553567514\n",
      "297923.83224272745\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297827.8337205254\n",
      "297827.7853204332\n",
      "298025.45069823187\n",
      "298027.5511178949\n",
      "297825.091189094\n",
      "297820.96950299945\n",
      "297746.02127790166\n",
      "297749.7947324744\n",
      "297892.13783930324\n",
      "297893.78525748046\n",
      "297947.6206142516\n",
      "297947.2553105909\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297876.21578031755\n",
      "297875.1711868076\n",
      "297696.7008187641\n",
      "297696.8211122514\n",
      "297910.93551252416\n",
      "297903.99337089097\n",
      "297821.78160214477\n",
      "297824.88675903593\n",
      "297896.03135660273\n",
      "297896.26430767885\n",
      "297876.28805902536\n",
      "297877.60955842125\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297811.04890110967\n",
      "297797.3432169456\n",
      "297958.09607966465\n",
      "297949.0467787489\n",
      "297823.1716906224\n",
      "297825.46090201504\n",
      "297987.41422775283\n",
      "297971.2410219093\n",
      "297603.29622530227\n",
      "297603.39582748606\n",
      "298078.72075186647\n",
      "298063.10280403384\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297838.29854284\n",
      "297839.0904307609\n",
      "297693.630110097\n",
      "297693.7234094583\n",
      "297544.97024735564\n",
      "297547.1511599532\n",
      "297596.3190979679\n",
      "297589.41994534474\n",
      "297813.937825802\n",
      "297815.3074580015\n",
      "297784.65035181737\n",
      "297783.731273614\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297726.7506471785\n",
      "297726.118038281\n",
      "297826.06315647607\n",
      "297826.08077726985\n",
      "297970.0968823537\n",
      "297970.51992793096\n",
      "297919.05689116166\n",
      "297913.473335764\n",
      "297852.08140070346\n",
      "297867.3256599985\n",
      "297722.35746361857\n",
      "297712.32526947884\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297790.085413029\n",
      "297790.0374641785\n",
      "297770.9058149478\n",
      "297772.3113970316\n",
      "297777.30705359275\n",
      "297784.8924696056\n",
      "297534.3439301903\n",
      "297536.4947667666\n",
      "297786.1497280262\n",
      "297787.2313133012\n",
      "298063.9372229394\n",
      "298064.2540084686\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297830.59643575695\n",
      "297817.3732374951\n",
      "297779.5107820844\n",
      "297772.56857033365\n",
      "297738.54246049724\n",
      "297740.0235568044\n",
      "297912.0245061611\n",
      "297913.6956135466\n",
      "297856.7766477592\n",
      "297842.6434603001\n",
      "297847.19111844496\n",
      "297842.6975562991\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297943.8169061744\n",
      "297956.5589164099\n",
      "297770.26552477287\n",
      "297784.4735101359\n",
      "297909.74918101623\n",
      "297909.79727058206\n",
      "297741.7175018311\n",
      "297738.1711539953\n",
      "297881.41280871537\n",
      "297873.364812704\n",
      "297929.73154648783\n",
      "297949.5327806876\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "297753.5924309719\n",
      "297738.19914333423\n",
      "297823.7147979026\n",
      "297812.9676161111\n",
      "298190.7774736168\n",
      "298191.95876531117\n",
      "297751.8554854996\n",
      "297751.857259167\n",
      "297861.51710084477\n",
      "297860.2499366431\n",
      "297603.48083119583\n",
      "297603.50445681025\n",
      "(22,)\n",
      "empty in 0\n",
      "empty in 1\n",
      "empty in 2\n",
      "empty in 3\n",
      "empty in 4\n",
      "empty in 5\n",
      "empty in 6\n",
      "empty in 7\n",
      "empty in 8\n",
      "empty in 9\n",
      "298003.6674688677\n",
      "298019.22136549535\n",
      "297874.26962104754\n",
      "297883.3994579825\n",
      "297894.585035921\n",
      "297895.7353458587\n",
      "297941.73187370884\n",
      "297937.8947829755\n",
      "297822.04546089843\n",
      "297824.9457846594\n",
      "297917.6620607952\n",
      "297911.0571866818\n",
      "(22,)\n",
      "297645.60610390553\n",
      "297645.6383833539\n",
      "297782.3685428595\n",
      "297769.5784300952\n",
      "297664.0343085918\n",
      "297642.96130852425\n",
      "297673.6390255499\n",
      "297673.22890094196\n",
      "297561.00471605035\n",
      "297562.0059042794\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297726.55565486045\n",
      "297720.0232329921\n",
      "298112.93920498464\n",
      "298128.555932742\n",
      "297844.90069655614\n",
      "297835.54133316444\n",
      "297925.72101690696\n",
      "297916.9885110949\n",
      "297843.27586006385\n",
      "297844.374601051\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297834.92915309645\n",
      "297830.5861696997\n",
      "297843.5214073022\n",
      "297842.5461227426\n",
      "297882.13089262706\n",
      "297868.6366113796\n",
      "297624.9478162196\n",
      "297625.78995939554\n",
      "297915.13943225116\n",
      "297917.1234843691\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "298035.6386834222\n",
      "298036.4795327568\n",
      "297689.3216259138\n",
      "297690.1775130095\n",
      "297922.7710294518\n",
      "297926.9721760482\n",
      "297982.3600038109\n",
      "297993.3740863475\n",
      "297832.1084320012\n",
      "297914.42772030254\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "298037.9128438711\n",
      "298038.41400069534\n",
      "297597.4546575998\n",
      "297597.53822008637\n",
      "297917.6899149055\n",
      "297935.0565011615\n",
      "297767.4547633092\n",
      "297766.3701435497\n",
      "298006.1561522228\n",
      "298004.6614621642\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297940.42450157035\n",
      "297923.411212742\n",
      "297876.7346707647\n",
      "297878.41268526687\n",
      "297940.2021021428\n",
      "297930.78890210734\n",
      "297867.1219378822\n",
      "297881.31911699683\n",
      "297936.83341052\n",
      "297936.5333924762\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297745.74223160674\n",
      "297764.2529805756\n",
      "297738.1639519527\n",
      "297736.3852309121\n",
      "297878.2015394806\n",
      "297867.53171649686\n",
      "297874.2873149973\n",
      "297889.10193758155\n",
      "297875.8434105952\n",
      "297891.48787520616\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297718.33296364086\n",
      "297714.7153201021\n",
      "297850.7616196392\n",
      "297851.534190975\n",
      "297755.7226297693\n",
      "297753.4763146233\n",
      "297736.928978454\n",
      "297738.3895580577\n",
      "297631.7790843039\n",
      "297632.49994563084\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297832.19484811655\n",
      "297821.06133702496\n",
      "297929.1462178505\n",
      "297933.61683562526\n",
      "297665.4905209003\n",
      "297664.8903218438\n",
      "298004.99974645505\n",
      "298005.4248405763\n",
      "297931.34577664454\n",
      "297931.7084333559\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297723.3913663904\n",
      "297720.869654059\n",
      "297928.75041528203\n",
      "297925.9530882672\n",
      "298016.620674056\n",
      "298018.2067465073\n",
      "297756.516144625\n",
      "297752.31859313097\n",
      "297903.66694760404\n",
      "297904.40767998906\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297828.9640977852\n",
      "297821.99053711904\n",
      "297680.96108889114\n",
      "297681.20762035326\n",
      "297793.02546820143\n",
      "297794.5557232505\n",
      "297823.34329820477\n",
      "297823.52524726186\n",
      "297840.6634361704\n",
      "297839.52960393304\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297876.1960671287\n",
      "297861.2663196236\n",
      "297856.81210025575\n",
      "297855.12735502643\n",
      "297747.6877878629\n",
      "297747.6894506307\n",
      "297804.6281183236\n",
      "297807.79051681375\n",
      "297864.81037685607\n",
      "297845.5609924012\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297983.8978476588\n",
      "297961.1176600575\n",
      "297702.0878296169\n",
      "297701.58478610654\n",
      "297764.66198125825\n",
      "297771.45468738506\n",
      "297707.431271098\n",
      "297711.7937905463\n",
      "297796.3477439735\n",
      "297797.84339340334\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297670.65378207027\n",
      "297672.0521584816\n",
      "297622.8374435982\n",
      "297623.5280903264\n",
      "297822.14613154234\n",
      "297822.1549115131\n",
      "297870.9706313681\n",
      "297864.638846641\n",
      "297794.2095641335\n",
      "297792.66322106845\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297866.00045396626\n",
      "297866.6398109613\n",
      "297913.53098264855\n",
      "297914.7843660366\n",
      "297781.50894985406\n",
      "297777.52062862285\n",
      "297853.2319956156\n",
      "297853.419217019\n",
      "297820.8357688061\n",
      "297821.28784857225\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297563.43299306417\n",
      "297560.8438978093\n",
      "297983.0220711902\n",
      "297983.49903660023\n",
      "297822.8051678857\n",
      "297817.05604093696\n",
      "297752.26382906147\n",
      "297752.31216875964\n",
      "297879.78045058943\n",
      "297862.64692232356\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297886.86655035237\n",
      "297891.5062640611\n",
      "297904.6179029164\n",
      "297898.0365341997\n",
      "297764.5689781026\n",
      "297773.2527213732\n",
      "297939.83496533526\n",
      "297942.5761357327\n",
      "297721.158472031\n",
      "297721.3307687598\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297507.7942349822\n",
      "297507.943444652\n",
      "297796.64111836214\n",
      "297792.72867877485\n",
      "297790.73988473846\n",
      "297788.7348314558\n",
      "297813.77736278187\n",
      "297815.59687926143\n",
      "297856.3935021367\n",
      "297841.3452618402\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297832.1483310635\n",
      "297846.14071084646\n",
      "297868.8337327941\n",
      "297868.8193466231\n",
      "297751.44152746955\n",
      "297751.66468946036\n",
      "297957.81554993545\n",
      "297957.6682959899\n",
      "297609.6481261951\n",
      "297619.3423064203\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297855.91313185106\n",
      "297859.2176737406\n",
      "297795.1687884461\n",
      "297795.60515053885\n",
      "297800.7064462862\n",
      "297800.7656415121\n",
      "297714.619060214\n",
      "297710.63554704393\n",
      "297729.72766437684\n",
      "297732.8156646425\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297607.29149232653\n",
      "297607.5766522143\n",
      "297700.29877198575\n",
      "297702.0804340606\n",
      "297795.2743900263\n",
      "297812.06852583966\n",
      "297755.2378357625\n",
      "297755.17818398913\n",
      "297764.9750964002\n",
      "297764.9740771205\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297966.6494835282\n",
      "297968.7518577967\n",
      "297771.84497284924\n",
      "297760.457563636\n",
      "297840.21485272126\n",
      "297847.4512569859\n",
      "298012.28181898914\n",
      "298013.320341929\n",
      "297712.65267184237\n",
      "297727.240626219\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297854.718223641\n",
      "297854.92396113934\n",
      "297722.0080745041\n",
      "297738.73243827315\n",
      "297937.78160502133\n",
      "297929.4826552029\n",
      "297723.5919607271\n",
      "297725.8185726013\n",
      "297476.6477372674\n",
      "297480.5535328099\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297464.22839902947\n",
      "297464.3795640596\n",
      "297925.4292281536\n",
      "297933.52319303347\n",
      "297877.12474195776\n",
      "297860.78603059176\n",
      "297896.02397267567\n",
      "297892.3385298894\n",
      "297730.28710316034\n",
      "297729.9231643862\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297926.5221643544\n",
      "297930.9485902958\n",
      "297642.4032212533\n",
      "297642.9665741141\n",
      "297751.711107855\n",
      "297758.37302414974\n",
      "297590.1880475686\n",
      "297592.9642608132\n",
      "297922.5604678157\n",
      "297910.01026164147\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297995.5902617477\n",
      "297995.5905729327\n",
      "297909.08891964616\n",
      "297931.39855736704\n",
      "297668.92821112345\n",
      "297673.74339776096\n",
      "297992.71785433317\n",
      "297999.19596698496\n",
      "297840.69332728826\n",
      "297824.65575493575\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297939.4635761128\n",
      "297939.52781293937\n",
      "297678.9925302362\n",
      "297680.1998471251\n",
      "297838.6952112546\n",
      "297843.6560226467\n",
      "297592.47294234263\n",
      "297592.98605361255\n",
      "297760.73851971177\n",
      "297757.8195897205\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297800.2457259028\n",
      "297802.3206328503\n",
      "297864.9321162556\n",
      "297865.90303760784\n",
      "297671.8297966806\n",
      "297687.7170445834\n",
      "298053.7856906306\n",
      "298057.46577029844\n",
      "297710.9676251238\n",
      "297711.7853922082\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297939.9860891338\n",
      "297949.3000785893\n",
      "297746.530989475\n",
      "297746.5702970653\n",
      "297908.8546721421\n",
      "297909.72571196355\n",
      "297807.5670723442\n",
      "297807.40700786264\n",
      "297826.7931080204\n",
      "297822.959507544\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297636.6781078484\n",
      "297648.7911416667\n",
      "297901.72420444037\n",
      "297905.3674926944\n",
      "297810.3903112116\n",
      "297812.84182707244\n",
      "297880.65715823905\n",
      "297880.5349913406\n",
      "297672.1351469533\n",
      "297672.2631150705\n",
      "empty in 10\n",
      "empty in 11\n"
     ]
    },
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297779.60462823714\n",
      "297802.2677380444\n",
      "297877.80100434716\n",
      "297903.4569355515\n",
      "297794.1358143497\n",
      "297793.6036566446\n",
      "297542.6018587957\n",
      "297560.47731385496\n",
      "297955.91675535333\n",
      "297955.94422675\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297690.0424878017\n",
      "297690.55116167385\n",
      "297840.05222767306\n",
      "297839.60728644265\n",
      "297774.52155708295\n",
      "297779.5540330763\n",
      "298034.81446511456\n",
      "298033.8746372133\n",
      "297898.9866740699\n",
      "297893.93244238745\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297927.70602321706\n",
      "297933.0864232101\n",
      "298052.6970850391\n",
      "298053.6629122245\n",
      "297723.98607258033\n",
      "297722.9192675909\n",
      "297762.2389150045\n",
      "297765.35341720015\n",
      "297997.3219897384\n",
      "297998.19560834335\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297743.30598878505\n",
      "297757.7496179549\n",
      "297789.5068660723\n",
      "297803.243697659\n",
      "298072.39610625367\n",
      "298072.34058205236\n",
      "297802.6812624997\n",
      "297805.80571153644\n",
      "297663.78148160386\n",
      "297651.57684893307\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297717.1418248636\n",
      "297717.2186567088\n",
      "297725.0533416808\n",
      "297725.64264173625\n",
      "297942.9963164968\n",
      "297944.2656467457\n",
      "297782.047027077\n",
      "297786.92916941736\n",
      "297908.81343608286\n",
      "297901.6102685777\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297661.5530266438\n",
      "297667.59871566086\n",
      "297844.09549369017\n",
      "297857.37059800077\n",
      "297886.5911746707\n",
      "297886.37572186533\n",
      "297759.3176479341\n",
      "297759.2393586198\n",
      "297779.00632251374\n",
      "297780.1856882419\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297695.27102854085\n",
      "297695.10913770273\n",
      "297568.85827893554\n",
      "297551.83474977606\n",
      "297663.0326743397\n",
      "297660.9431157385\n",
      "297903.4170121067\n",
      "297902.6024478386\n",
      "297804.06963352585\n",
      "297803.8743019806\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297823.3734846356\n",
      "297823.62374506897\n",
      "297929.7764975722\n",
      "297935.1807343139\n",
      "297804.6204934551\n",
      "297829.2618112414\n",
      "297879.2119397851\n",
      "297881.1622527812\n",
      "298076.0842197346\n",
      "298063.30983408913\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "298077.39772525826\n",
      "298082.2219851525\n",
      "297836.5569103733\n",
      "297836.7213787764\n",
      "297844.09234402486\n",
      "297837.1480348082\n",
      "297684.75878065213\n",
      "297684.7676919817\n",
      "297919.1697434123\n",
      "297914.612349637\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297729.4018146251\n",
      "297728.6473211185\n",
      "297821.8290887548\n",
      "297821.7367143531\n",
      "297824.3646456757\n",
      "297814.72182228643\n",
      "297822.2341915142\n",
      "297821.5003671944\n",
      "297739.75590391585\n",
      "297742.84794649476\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297724.6119061136\n",
      "297744.4448753461\n",
      "297863.83413820056\n",
      "297864.772781071\n",
      "297895.1982841839\n",
      "297895.82988338603\n",
      "297881.75680252933\n",
      "297883.2584251321\n",
      "297825.15694421966\n",
      "297825.39129471785\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297998.2776422798\n",
      "298000.3677577546\n",
      "297987.7880182532\n",
      "297989.2244215137\n",
      "297775.9317333117\n",
      "297782.64759743836\n",
      "297868.4147880359\n",
      "297869.31017460884\n",
      "297849.35791625583\n",
      "297849.79197786585\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297942.496502132\n",
      "297945.7369012959\n",
      "297835.9347223595\n",
      "297845.5567236995\n",
      "297835.8218583121\n",
      "297836.83827411773\n",
      "297832.0951705299\n",
      "297833.04079368134\n",
      "297830.22383670125\n",
      "297830.4547831643\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297772.9222883789\n",
      "297771.6040894608\n",
      "297632.4010511521\n",
      "297630.2491631872\n",
      "297848.9478583817\n",
      "297875.4969119827\n",
      "297792.48475563055\n",
      "297782.68589468783\n",
      "297747.3851338001\n",
      "297750.13743371144\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297876.9877490876\n",
      "297877.40825015685\n",
      "297714.74916859757\n",
      "297708.0182091783\n",
      "297739.6555992967\n",
      "297740.24900452106\n",
      "297773.63144838857\n",
      "297777.64233131876\n",
      "297692.02362906496\n",
      "297692.37732924393\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297990.9566183721\n",
      "297991.8233854959\n",
      "297736.9151300685\n",
      "297743.7058050931\n",
      "297983.06019325595\n",
      "297962.24497041776\n",
      "297817.34196013823\n",
      "297813.63770134834\n",
      "297855.9866556824\n",
      "297843.7579339643\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297953.3278770136\n",
      "297951.90262565046\n",
      "297801.0562869607\n",
      "297801.1409114065\n",
      "297677.74583553866\n",
      "297678.9624204412\n",
      "297721.90709223936\n",
      "297720.72723509604\n",
      "297803.90250802453\n",
      "297803.8507993931\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297640.2785072186\n",
      "297639.4402322269\n",
      "297865.41004066425\n",
      "297884.6906814201\n",
      "297990.4010389066\n",
      "297991.8184011853\n",
      "297843.59210133343\n",
      "297849.61742355546\n",
      "297843.3296328305\n",
      "297851.64138312626\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297878.48688584194\n",
      "297877.26916031435\n",
      "297861.6248032213\n",
      "297877.9192506703\n",
      "297882.23031919455\n",
      "297882.48632113374\n",
      "297682.7134831972\n",
      "297682.089354321\n",
      "297687.4857736281\n",
      "297688.81902426924\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297695.8284998467\n",
      "297699.7247819663\n",
      "297870.927987388\n",
      "297871.1784749899\n",
      "297675.3100402605\n",
      "297675.32002897706\n",
      "297680.8510747527\n",
      "297681.2169366217\n",
      "297818.3441170832\n",
      "297830.5779204735\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297897.4247881161\n",
      "297897.3853873843\n",
      "298000.8648458956\n",
      "298002.8834382631\n",
      "297662.8972880637\n",
      "297662.94890095154\n",
      "297879.78267807333\n",
      "297878.758575974\n",
      "297875.23820368946\n",
      "297876.9171598256\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297857.4993652791\n",
      "297857.74874913046\n",
      "297923.8219869069\n",
      "297906.0014449664\n",
      "297869.2765840404\n",
      "297869.8202580062\n",
      "297667.41689957544\n",
      "297666.2726446527\n",
      "297929.0469079929\n",
      "297919.43983434606\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297841.42672612274\n",
      "297841.428563327\n",
      "297725.4941889024\n",
      "297746.8292849163\n",
      "298005.0658048237\n",
      "297991.6020628827\n",
      "297703.11795634637\n",
      "297703.22332080087\n",
      "297670.5272987561\n",
      "297672.6552523632\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297790.31036385434\n",
      "297791.1882601214\n",
      "297734.96686328074\n",
      "297734.42418867705\n",
      "297857.6170376312\n",
      "297857.67671133054\n",
      "297858.4263769901\n",
      "297860.98504483904\n",
      "297595.9296461901\n",
      "297598.40003632946\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297786.4055796488\n",
      "297781.9919009066\n",
      "297747.8131033477\n",
      "297748.854588725\n",
      "297750.9107581858\n",
      "297744.8037084621\n",
      "297717.0446045399\n",
      "297704.1849323827\n",
      "297635.7046404412\n",
      "297632.3431910873\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297851.5196765106\n",
      "297852.28032813553\n",
      "298049.29283302807\n",
      "298046.2920077925\n",
      "297810.36258130637\n",
      "297804.0715255321\n",
      "297810.62752011174\n",
      "297810.6721442733\n",
      "297761.49498756113\n",
      "297773.2665988916\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297682.42591778457\n",
      "297687.89883430296\n",
      "297899.8962933522\n",
      "297917.2027506334\n",
      "297902.94355890626\n",
      "297900.3484988393\n",
      "297645.0569821463\n",
      "297645.144195157\n",
      "297938.23268991767\n",
      "297948.391983537\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297795.3593098301\n",
      "297798.146521469\n",
      "297841.1143137535\n",
      "297854.76299137477\n",
      "297639.75045728113\n",
      "297624.1634999127\n",
      "297897.12968747015\n",
      "297890.68079654156\n",
      "297833.1690416312\n",
      "297834.3789830475\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297787.4594662098\n",
      "297787.4801672243\n",
      "297654.6009651448\n",
      "297653.26686500234\n",
      "297903.835497173\n",
      "297888.9113997851\n",
      "297979.46423988335\n",
      "297979.46709206956\n",
      "297900.724776942\n",
      "297900.17688515515\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297846.4654198513\n",
      "297845.4256977265\n",
      "297771.86446410517\n",
      "297774.22537649085\n",
      "297786.412651436\n",
      "297787.84623181267\n",
      "297855.82549200446\n",
      "297858.8303840299\n",
      "297922.95101790706\n",
      "297924.7636991326\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297952.5206365282\n",
      "297934.9498971468\n",
      "297670.15126412985\n",
      "297669.8967631787\n",
      "298002.2278905284\n",
      "298002.5011960581\n",
      "297939.3651208804\n",
      "297934.09579168196\n",
      "297837.73592244997\n",
      "297838.0886382757\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297781.85971349326\n",
      "297782.78877431026\n",
      "297830.3365796945\n",
      "297832.58120353916\n",
      "297939.31497045234\n",
      "297952.37159719743\n",
      "297790.85859437106\n",
      "297789.65916577575\n",
      "297698.37665633066\n",
      "297696.10806787346\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297770.8977109762\n",
      "297771.4965650944\n",
      "297818.4520839529\n",
      "297830.7066914969\n",
      "297871.39061017503\n",
      "297871.35383744084\n",
      "297787.1739619725\n",
      "297796.9708252887\n",
      "298001.4281886694\n",
      "298002.1342161055\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297576.74811287085\n",
      "297577.4458165782\n",
      "297845.2281149602\n",
      "297838.58987423405\n",
      "297676.90077148477\n",
      "297699.7778032818\n",
      "297658.6003595596\n",
      "297656.4919623783\n",
      "297968.54347431473\n",
      "297989.34654361167\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297988.8276019365\n",
      "297989.37556919444\n",
      "297972.23882414773\n",
      "297971.35291080544\n",
      "297782.58099910215\n",
      "297781.98696006305\n",
      "297561.2931249806\n",
      "297574.2772458021\n",
      "297937.5138328191\n",
      "297937.5715055586\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297869.249691058\n",
      "297876.43057766533\n",
      "297727.49872434436\n",
      "297728.0054945473\n",
      "297689.2556171461\n",
      "297703.7946065728\n",
      "297727.7138624414\n",
      "297729.6452512909\n",
      "297901.8006044905\n",
      "297902.63657806587\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297936.83026424394\n",
      "297936.89312606823\n",
      "298070.58113290113\n",
      "298072.82110562717\n",
      "298016.3417074623\n",
      "298012.54585395666\n",
      "297823.1326106637\n",
      "297813.1415112117\n",
      "297820.45031760196\n",
      "297816.1087950966\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297955.3088932919\n",
      "297955.5896459048\n",
      "297887.49754861475\n",
      "297887.9476245084\n",
      "297992.4179241086\n",
      "297989.7517770145\n",
      "297839.52663457795\n",
      "297848.46773940604\n",
      "297652.31051661086\n",
      "297653.25810115156\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297606.3068218656\n",
      "297610.4464654693\n",
      "297896.7665542569\n",
      "297902.306201965\n",
      "297846.4195521619\n",
      "297843.55587141897\n",
      "297750.16690169694\n",
      "297750.1674092018\n",
      "298002.1700131029\n",
      "297996.08788904134\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297867.0873256635\n",
      "297855.98345439613\n",
      "297752.6686227003\n",
      "297748.3642315042\n",
      "297588.54953732825\n",
      "297588.1941807897\n",
      "297696.942778959\n",
      "297702.4672522066\n",
      "297747.5721213854\n",
      "297748.0402054583\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297745.9207783303\n",
      "297741.77457842365\n",
      "297810.4208934099\n",
      "297822.9912333261\n",
      "297930.67699255684\n",
      "297936.4331764121\n",
      "297706.0402219755\n",
      "297707.0715960022\n",
      "297858.00060865114\n",
      "297858.07038631657\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297862.0369640973\n",
      "297860.6637658194\n",
      "297728.2790382507\n",
      "297733.5534096006\n",
      "297784.6119180462\n",
      "297784.91815034597\n",
      "297838.2170141946\n",
      "297824.4625903157\n",
      "297852.1331544906\n",
      "297854.00880690245\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "298010.80570620304\n",
      "298012.3849358097\n",
      "297912.26950869226\n",
      "297911.39562959434\n",
      "297700.4604114597\n",
      "297702.6090967786\n",
      "297814.60369342053\n",
      "297815.59101793123\n",
      "297779.43681610713\n",
      "297797.3931197056\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297787.8753587233\n",
      "297788.3665481457\n",
      "297721.22406494507\n",
      "297744.7262827493\n",
      "297690.74669260264\n",
      "297690.545916212\n",
      "297883.20436694013\n",
      "297880.8412253179\n",
      "297743.48062656797\n",
      "297740.54744062095\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n"
     ]
    },
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297904.5315229395\n",
      "297904.00260044745\n",
      "297947.8647002288\n",
      "297976.81123494625\n",
      "297899.0797681975\n",
      "297888.524219817\n",
      "297740.7802771424\n",
      "297746.5309268305\n",
      "298008.19212877046\n",
      "298008.51081525174\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297733.1519700739\n",
      "297717.28982229315\n",
      "297974.41107924585\n",
      "297970.61994149577\n",
      "297775.50199018186\n",
      "297775.50570795615\n",
      "297925.56870996277\n",
      "297925.63918193814\n",
      "297816.7794922988\n",
      "297817.370905605\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297963.18677686976\n",
      "297964.66192833136\n",
      "297956.9451090644\n",
      "297957.0389249298\n",
      "297996.8031529423\n",
      "297993.22482067463\n",
      "297795.2315503212\n",
      "297796.79312216\n",
      "297787.13458776195\n",
      "297803.45331510174\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297822.7420018244\n",
      "297823.4067658414\n",
      "297802.34795515874\n",
      "297805.44156361965\n",
      "297848.61351235886\n",
      "297859.9100933553\n",
      "297851.21924899245\n",
      "297853.6957931402\n",
      "297849.00517422816\n",
      "297849.7509556247\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297867.48931331676\n",
      "297867.9249069232\n",
      "297805.05408026435\n",
      "297802.71980054694\n",
      "297702.9285051604\n",
      "297694.44204926875\n",
      "297598.36436600756\n",
      "297601.71620167256\n",
      "297810.85721167\n",
      "297808.2018587828\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297912.37303993845\n",
      "297915.42853168544\n",
      "297714.8082562085\n",
      "297717.1672559369\n",
      "297795.22031122627\n",
      "297806.22950786963\n",
      "297502.9278987768\n",
      "297491.8952699946\n",
      "297641.8923187292\n",
      "297630.8179033911\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297745.8615183893\n",
      "297763.52063841926\n",
      "297956.8312543347\n",
      "297948.3609907149\n",
      "297848.62264004024\n",
      "297833.04886273056\n",
      "297631.0027514088\n",
      "297630.5289728516\n",
      "297687.2346966432\n",
      "297706.19675024966\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297799.7412790129\n",
      "297785.6917745255\n",
      "297898.5869564719\n",
      "297896.04451562464\n",
      "297903.3831473692\n",
      "297904.29920065234\n",
      "297800.67409419344\n",
      "297802.29419838556\n",
      "297604.3286473392\n",
      "297605.5711014215\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "298137.3203818086\n",
      "298149.72237056866\n",
      "297939.42715173727\n",
      "297942.9880602429\n",
      "297806.58599037724\n",
      "297807.581520154\n",
      "297759.12655121717\n",
      "297759.56256901845\n",
      "297700.50001386413\n",
      "297701.8783833377\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297761.84020640864\n",
      "297761.95720391534\n",
      "297736.1352706693\n",
      "297733.9260160902\n",
      "297841.19286626717\n",
      "297816.76178200886\n",
      "297762.92646715074\n",
      "297758.0188301735\n",
      "297883.9272523655\n",
      "297892.95766301104\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297979.97234978696\n",
      "298000.50722633075\n",
      "297829.8325900021\n",
      "297834.9790012916\n",
      "297836.3890804223\n",
      "297834.62947311136\n",
      "297890.323209075\n",
      "297889.87727864936\n",
      "297836.68232961063\n",
      "297836.67439561745\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297933.9186668746\n",
      "297935.0971485532\n",
      "297920.32063205383\n",
      "297919.8222650849\n",
      "297672.3217454265\n",
      "297671.6430106336\n",
      "297944.33577403537\n",
      "297952.02316441975\n",
      "297857.37675158324\n",
      "297872.8051727322\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297527.12086374295\n",
      "297553.5372506021\n",
      "297852.4781908248\n",
      "297844.1210657298\n",
      "297811.68238952657\n",
      "297819.40986400604\n",
      "297721.9916902169\n",
      "297735.44155265286\n",
      "297728.7253433019\n",
      "297729.12935634423\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297686.02004838444\n",
      "297691.27941453556\n",
      "297763.87944786134\n",
      "297764.4426157133\n",
      "297901.4456209572\n",
      "297899.2708817964\n",
      "298017.6146025836\n",
      "298020.44198115304\n",
      "297854.23693771905\n",
      "297866.2126222523\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297643.2096800559\n",
      "297662.8842660302\n",
      "297980.9156148586\n",
      "297981.1453015948\n",
      "297535.6703617241\n",
      "297535.85554015305\n",
      "297798.3210324418\n",
      "297801.28338228614\n",
      "297807.76951663115\n",
      "297805.16012033715\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297852.6487041951\n",
      "297852.9452499775\n",
      "298044.11734721245\n",
      "298040.3845580747\n",
      "297658.940078158\n",
      "297654.39180331235\n",
      "297901.4118718524\n",
      "297901.65318731905\n",
      "297652.8197462353\n",
      "297669.46072862466\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297731.2407815109\n",
      "297733.33163274906\n",
      "297948.98610927537\n",
      "297948.9380380245\n",
      "297559.64294045593\n",
      "297565.63523386745\n",
      "297643.4375461066\n",
      "297639.77820057364\n",
      "297738.3708366012\n",
      "297751.9970195111\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297843.4171212666\n",
      "297843.4996916417\n",
      "297766.7184848472\n",
      "297766.3648794617\n",
      "297873.7502213994\n",
      "297859.8963420865\n",
      "297727.45048783976\n",
      "297728.88160147547\n",
      "297838.0660659515\n",
      "297841.2388297256\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297779.0987952962\n",
      "297781.21150815097\n",
      "298027.8281276408\n",
      "298027.83466079045\n",
      "297808.17663718166\n",
      "297807.2255635384\n",
      "297828.5958925522\n",
      "297856.6270085426\n",
      "297782.1016427174\n",
      "297784.90790483303\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297568.11804956524\n",
      "297570.50636379374\n",
      "297773.42299645726\n",
      "297775.44742992864\n",
      "297851.4449678316\n",
      "297851.9287208101\n",
      "297788.5170428059\n",
      "297788.7170192157\n",
      "297959.1134390044\n",
      "297944.49065747875\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297822.8030986388\n",
      "297822.42051943694\n",
      "297903.25914697675\n",
      "297902.16998559807\n",
      "297757.6983074743\n",
      "297767.681049791\n",
      "297722.54256250535\n",
      "297717.8697672653\n",
      "297865.3353007822\n",
      "297861.9068031107\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297873.56480158964\n",
      "297870.5351091524\n",
      "297710.1643665522\n",
      "297726.8696422536\n",
      "298045.9038442033\n",
      "298047.64879245596\n",
      "297902.89058956155\n",
      "297911.44592174335\n",
      "297740.50209363375\n",
      "297723.6387324865\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297777.9432418668\n",
      "297792.2296957629\n",
      "297869.63735506625\n",
      "297865.76261431666\n",
      "297737.00807548774\n",
      "297740.42433460604\n",
      "297940.8603827638\n",
      "297927.76305919164\n",
      "298137.3442387922\n",
      "298137.41287515225\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297821.84170788777\n",
      "297822.6460023765\n",
      "297896.29702968796\n",
      "297890.1897917315\n",
      "297691.6436361002\n",
      "297691.63355655904\n",
      "297660.9498310189\n",
      "297664.7050336342\n",
      "297855.60570590914\n",
      "297847.9895306956\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "297547.9847490944\n",
      "297537.4957312244\n",
      "298060.7393777117\n",
      "298060.7618112738\n",
      "297873.82458943146\n",
      "297873.85356912285\n",
      "297839.8042942302\n",
      "297830.1263980091\n",
      "297520.5279220174\n",
      "297514.01925984985\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22, 203)\n",
      "297672.8967474278\n",
      "297673.23428507766\n",
      "297861.8350680059\n",
      "297846.39122335566\n",
      "297839.99318561575\n",
      "297840.56383983896\n",
      "297692.9585121496\n",
      "297688.5535658027\n",
      "297818.77499847737\n",
      "297818.98953200254\n",
      "empty in 10\n",
      "empty in 11\n",
      "empty in 12\n",
      "empty in 13\n",
      "empty in 14\n",
      "empty in 15\n",
      "empty in 16\n",
      "empty in 17\n",
      "empty in 18\n",
      "empty in 19\n",
      "empty in 20\n",
      "empty in 21\n",
      "(22,)\n",
      "bo1\n"
     ]
    }
   ],
   "source": [
    "if load:\n",
    "    Nll_list = []\n",
    "    CLs_values = []\n",
    "\n",
    "    _dir = 'data/CLs/finished/f1d1'\n",
    "    \n",
    "    jobs = os.listdir(_dir)\n",
    "    \n",
    "    for s in range(ste):\n",
    "        CLs_values.append([])\n",
    "        \n",
    "    for s in range(2*ste):\n",
    "        Nll_list.append([])\n",
    "    \n",
    "    for job in jobs:\n",
    "        if not os.path.exists(\"{}/{}/data/CLs/{}-{}_{}s--CLs_Nll_list.pkl\".format(_dir, job, mi,ma,ste)):\n",
    "            print(job)\n",
    "            continue\n",
    "        \n",
    "        with open(r\"{}/{}/data/CLs/{}-{}_{}s--CLs_Nll_list.pkl\".format(_dir, job, mi,ma,ste), \"rb\") as input_file:\n",
    "            _Nll_list = pkl.load(input_file)\n",
    "        \n",
    "#         print(_Nll_list)\n",
    "        \n",
    "        if bo5:     \n",
    "            for s in range(2*ste):\n",
    "                if _Nll_list[s]: \n",
    "                    Nll_list[s].append(np.min(_Nll_list[s]))\n",
    "                    print(np.min(_Nll_list[s]))\n",
    "                else:\n",
    "                    print('empty in {}'.format(s))\n",
    "        else:\n",
    "            for s in range(2*ste):\n",
    "                Nll_list[s].extend(_Nll_list[s])\n",
    "        \n",
    "#         with open(r\"{}/{}/data/CLs/{}-{}_{}s--CLs_list.pkl\".format(_dir, job, mi,ma,ste), \"rb\") as input_file:\n",
    "#             _CLs_values = pkl.load(input_file)\n",
    "        \n",
    "#         for s in range(ste):\n",
    "#             CLs_values[s].extend(_CLs_values[s])\n",
    "            \n",
    "        print(np.shape(Nll_list))"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 49,
   "metadata": {},
   "outputs": [],
   "source": [
    "dirName = 'data/CLs'\n",
    "\n",
    "# if bo5 and not load:\n",
    "#     for s in range(2*ste):\n",
    "#         Nll_list[s] = [np.min(Nll_list[s])]\n",
    "\n",
    "if bo5 and load: \n",
    "    CLs_values= []\n",
    "    for i in range(int(len(Nll_list)/2)):\n",
    "        CLs_values.append([])\n",
    "        for j in range(len(Nll_list[2*i])):\n",
    "            CLs_values[i].append(Nll_list[2*i][j]-Nll_list[2*i+1][j])\n",
    "\n",
    "\n",
    "if not load:\n",
    "        \n",
    "    if not os.path.exists(dirName):\n",
    "        os.mkdir(dirName)\n",
    "        print(\"Directory \" , dirName ,  \" Created \")\n",
    "\n",
    "    with open(\"{}/{}-{}_{}s--CLs_Nll_list.pkl\".format(dirName, mi,ma,ste), \"wb\") as f:\n",
    "        pkl.dump(Nll_list, f, pkl.HIGHEST_PROTOCOL)\n",
    "        \n",
    "#     CLs_values = []\n",
    "    \n",
    "#     for i in range(int(len(Nll_list)/2)):\n",
    "#         CLs_values.append([])\n",
    "#         for j in range(nr_of_toys):\n",
    "#             CLs_values[i].append(Nll_list[2*i][j]-Nll_list[2*i+1][j])\n",
    "\n",
    "    with open(\"{}/{}-{}_{}s--CLs_list.pkl\".format(dirName, mi,ma,ste), \"wb\") as f:\n",
    "        pkl.dump(CLs_values, f, pkl.HIGHEST_PROTOCOL)"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 50,
   "metadata": {},
   "outputs": [],
   "source": [
    "# print(CLs_values)\n",
    "# print(Nll_list)"
   ]
  },
  {
   "cell_type": "markdown",
   "metadata": {},
   "source": [
    "## Plot"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 51,
   "metadata": {},
   "outputs": [
    {
     "data": {
      "image/png": "iVBORw0KGgoAAAANSUhEUgAAAXAAAAEICAYAAABGaK+TAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADh0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uMy4xLjAsIGh0dHA6Ly9tYXRwbG90bGliLm9yZy+17YcXAAAcuklEQVR4nO3de3RV5bnv8e+zuQVLxCq0W4w21IoXvEQJGo+C1HsrXtpKFXQXtJLjqOyjlXOOWPdWdFCL+xS1bm07qFoY3XKpqBuhrdVaqbTeCDYgiKJUWmMEFJGCEhR9zh9rQlfCWmQlmSsza76/zxgZWWten8kKv7x555zvNHdHRERKzz8lXYCIiLSPAlxEpEQpwEVESpQCXESkRCnARURKlAJcRKREKcAlGGY22cz+K+k6ROKiAJeiMrMxZlZnZlvN7G0z+42ZnRzN2y1QzWyRmV2RTLXxMbPTzOwVM/vQzJ4ysy8UsM4pZuZmNiVrWi8zu8PMGs1sk5n92Mx6FLd6KRUKcCkaM7sWuBO4Ffg8cBDwY+D8JOsqNjPrBzwM/DuwL1AHzG1lnR7Aj4DnW8yaBFQDRwKDgOOAf4u5ZClRCnApCjPrC9wCXOXuD7v7B+7+sbsvcPf/Y2ZnA98DLopa58vM7PvAMODuaNrdObb7mJlNaDFtmZl9PXr9IzN708z+bmZLzWxYnvpGmFlDi2lrzez06PU/mdkkM1tjZhvN7Jdmtm+Bh/91YKW7P+juTcBk4BgzO2wP60wEHgdeaTH9XOAud3/P3d8B7gIuL7AOSTkFuBTLiUAZ8Eiume7+GJmW+Vx37+Pux7j7DcBiYEI0bUKOVWcBo3e+MbMjgC8Av4omLQGqyLR8ZwEPmllZO+r/X8AFwCnAAGATcE/Wfpeb2Zg86w4GlmUd6wfAmmj6bqLulcvJ/MLbbXb0lf2+IvoFKYFTgEux7Ae86+47Yt7uI0BVVp/yJcDD7r4dwN3/y903uvsOd58G9AIObcd+/idwg7s3RNueDFxoZt2j/Rzt7rPyrNsH2Nxi2magPM/ydwH/7u5bc8z7DXC1mfU3s38m84sFYK/CD0XSSgEuxbIR6Lcz8OLi7lvItLYvjiZdDDywc76ZTTSzVWa22czeB/oC/dqxqy8Aj5jZ+9F2VgGfkOnLb81WYO8W0/YGtrRc0MzOBcrdPV8f+feBPwP1wDPAfwMfAxsKOQhJNwW4FMuzQBOZboh8cg2FWcjwmLOB0WZ2ItAbeAog6u++Dvgm8Fl334dMy9dybOMDslqxZtYN6J81/03gK+6+T9ZXmbu/VUB9K4Fjsrb9GeDgaHpLpwHVZrbOzNYBFwHXmNl8AHff5u4T3P0Ad/8imV+MS939kwLqkJRTgEtRuPtm4EbgHjO7wMz2MrMeZvYVM/uPaLH1QKWZZf8crge+2Mrmf02mhXwLmT70T6Pp5cAO4B2gu5ndyO4t4Z1WA2Vmdk50Bci/kelu2emnwPd3dtVEXRiFXj3zCHCkmX0j6n+/EVju7i1PUELmSpVBZPrtq4BHgZ8Bl0X7PcDMBlhGTbT8TQXWISmnAJeicffbgWvJhOM7ZFq1E8h0AwA8GH3faGYvRq9/RKaveZOZ3ZVnu9vJXKZ3OpkTlTv9lkyf8Wrgr2T+AngzzzY2A98B7gXeItMiz74q5UdkwvRxM9sCPAecsHOmma00s0vybPsd4Btkuj82RetdnLXuT83sp9GyW9x93c4vYBvwgbu/Fy1+MJmukw+AmcAkd388134lPKYHOoiIlCa1wEVESpQCXESkRCnARURKlAJcRKRExXqTRWv69evnlZWVnblLkYzGRhgwIOkqRNpl6dKl77p7/5bTOzXAKysrqaur68xdimQsXQpDhiRdhUi7mNlfc01XF4qEoTzfMCQipUsBLmEYOTLpCkRipwCXMKxenXQFIrHr1D5wkcRMnpz5kmY+/vhjGhoaaGpqSroUAcrKyqioqKBHj8KemqcAFwlYQ0MD5eXlVFZWYpZr0EbpLO7Oxo0baWhoYODAgQWtoy4UCYNa3zk1NTWx3377Kby7ADNjv/32a9NfQwpwCcOgQUlX0GUpvLuOtn4WCnAJw8KFSVcgEjv1gUsYtuz2NDPJoXLSr1pfqA3WTj2n1WXWrVvHNddcw5IlS+jVqxeVlZXceeed9OzZk2eeeYYxYzLPjq6vr6exsZGvfvWrObczevRoVq5cyWWXXcamTZsYPnw4p59+eofqX7RoET/84Q9Z2KIB0Fot+fzgBz/gvvvuo1u3btx1112cddZZHapPAS5hqK3N3I2ZJTusCgkaiZ+787WvfY2xY8cyZ84cIBOO69ev55NPPmHWrFnNAryuri5naK5bt45nnnmGv/415w2LsdtTLfm8/PLLzJkzh5UrV9LY2Mjpp5/O6tWr6datW7vrUBeKhKFFeEvX8NRTT9GjRw+uvPLKXdOqqqoYNmwYkyZNYvHixVRVVXHbbbdx4403MnfuXKqqqpg7t/kzoM8880w2bNhAVVUVixcvZty4ccybN4/Nmzdz6KGH8uqrrwKZVvrPfvYzAB5//HFOPPFEjjvuOEaNGsXWrVsBeOyxxzjssMM4+eSTefjhh3er+aOPPtqtlvfee48LLriAo48+mpqaGpYvX77bevPnz+fiiy+mV69eDBw4kC996Uu88MILHfr3U4BLGCZOTLoCyWHFihUMyTNGzdSpUxk2bBj19fVcd9113HLLLVx00UXU19dz0UUXNVv20Ucf5eCDD6a+vp5hw4btmt63b1/uvvtuxo0bx5w5c9i0aRPjx4/n3XffZcqUKfzud7/jxRdfpLq6mttvv52mpibGjx/PggULWLx4MevWrdutrp49e+5Wy0033cSxxx7L8uXLufXWW/nWt76123pvvfUWBx544K73FRUVvPVWIc/Izk9dKBIGjUQYrDPOOIMHH3yQq666imXLlgHw3HPP8fLLL3PSSScBmVb1iSeeyCuvvMLAgQM55JBDALj00kuZPn16q/v44x//yEMPPQTAqaeeysaNG9m8eTN9+/bdtUyux1d29AogBbiEQS3wLmnw4MHMmzevqPv49NNPWbVqFb179+a9996joqICd+eMM85g9uzZzZatr69vV6gWEs4VFRW8+eY/nrHd0NDAgA42LNSFImFQC7xLOvXUU9m+ffuufmmAJUuW8Ic//IHy8nK2ZF091PJ9oe644w4OP/xwZs+ezeWXX87HH39MTU0Nf/rTn3j99dcB+PDDD1m9ejWHHXYYb7zxBmvWrAHYLeDz1TJ8+HAeeOABIHPlSr9+/dh7772brXPeeecxZ84ctm/fzhtvvMFrr73G8ccf3+bjyaYWuIRB49AXpLOvxjEzHnnkEa655hqmTp1KWVnZrssIKysr6d69O8cccwzjxo1j7NixTJ06laqqKq6//vrd+sFzWb16Nffeey8vvPAC5eXlDB8+nClTpnDzzTczY8YMRo8ezfbt2wGYMmUKgwYNYvr06Zxzzjn069ePk08+mRUrVuy23S9/+cvNapk8eTKXXXYZRx99NHvttRczZ87cbZ3BgwfzzW9+kyOOOILu3btzzz33dOgKFADL1fQvlurqatcDHSQRixbBiBHNJukyQli1ahWHH3540mVIllyfiZktdffqlsuqC0XCoLFQJIUU4BKGRYuSrkAkdgpwCUNtbdIViMROAS5hqN6t+1Ck5CnAJQxqgUsKKcAlDHoqvaSQrgOXMDQ2Jl1BaZjct/Vl2rS9za0uUozhZJctW8bIkSO58MIL21zyjBkzOPPMM3fdJXnFFVdw7bXXcsQRR7R5W8VWcAvczLqZ2Z/NbGH0fqCZPW9mr5nZXDPrWbwyRTpIV6F0STuHkx0xYgRr1qzh5Zdf5tZbb2X9+vWsXbuWWbNm7Vq2vr6eX//61zm3s3M42eXLl/Pd7363QzXNmDGDxqxf+Pfee2+XDG9oWxfK1cCqrPe3AXe4+yHAJuDbcRYmEqsCBiSSzles4WSzPfnkkxx77LEcddRRXH755bvuvLzlllsYOnQoRx55JLW1tbg78+bNo66ujksuuYSqqiq2bdvGiBEj2HkDYp8+fbjhhhs45phjqKmpYf369QCsWbOGmpoahg4dyo033kifPn2K+c+2S0EBbmYVwDnAvdF7A04Fdo5CMxO4oBgFisRiwYKkK5Acij2cbFNTE+PGjWPu3Lm89NJL7Nixg5/85CcATJgwgSVLlrBixQq2bdvGwoULufDCC6muruaBBx6gvr6e3r17N9vPBx98QE1NDcuWLWP48OG7xnC5+uqrufrqq1myZEmHB6hqi0Jb4HcC/xf4NHq/H/C+u++I3jcAB8Rcm0h8on5UCcurr77KwIEDGRQ91Hrs2LE8/fTTQKb1f8IJJ3DUUUfx+9//npUrV7a6vZ49ezJy5EgAhgwZwtq1awF49tlnGTVqFMCuPvvO0GqAm9lIYIO7Zz/SJNd4izkHVTGzWjOrM7O6d955p51linRQ9J9OupbBgweztIhPS8o31lNTUxPf+c53mDdvHi+99BLjx4+nqamp1e316NFj1zCx3bp1Y8eOHa2sUVyFtMBPAs4zs7XAHDJdJ3cC+5jZzqtYKoCcp/ndfbq7V7t7df/+/WMoWaQd1ALvkoo9nOxhhx3G2rVrdw0b+4tf/IJTTjllV1j369ePrVu3NhuTvD37qamp2fVAh53P9uwMrV5G6O7XA9cDmNkI4H+7+yVm9iBwIZlQHwvML2KdIh1jBp048mbJKuCyvzgVezjZsrIyfv7znzNq1Ch27NjB0KFDufLKK+nVqxfjx4/nqKOOorKykqFDh+5aZ9y4cVx55ZX07t2bZ599tqDjuPPOO7n00kuZNm0a55xzTrMn8RRTm4aTzQrwkWb2RTLhvS/wZ+BSd9++p/U1nKx0JRpOVsPJxuXDDz+kd+/emBlz5sxh9uzZzJ/fvjZtW4aTbdONPO6+CFgUvf4L0LHHSYh0llmz1I0iRbN06VImTJiAu7PPPvtw//33d8p+dSemhGHhQgW4FM2wYcN2PTC5M2ksFAlD1h190lxnPpVL9qytn4UCXMJw7rlJV9AllZWVsXHjRoV4F+DubNy4kbKysoLXUReKhEHDyeZUUVFBQ0MDukejaygrK6OioqLg5RXgEoYWDzSWjB49ejBw4MCky5B2UheKhKETx6cQ6SwKcAlDG++sEykFCnAJg4aTlRRSgEsYdAewpJACXMKgFrikkAJcwqCrUCSFFOAShsmTk65AJHYKcAlD9EQWkTRRgEsYqncbiVOk5CnAJQyNOR8YJVLSFOAShmnTkq5AJHYKcAmDWuCSQgpwCYNa4JJCCnAJw5AhSVcgEjsFuIRBd2JKCinAJQzl5UlXIBI7BbiEYeTIpCsQiZ0CXMKwenXSFYjETgEuYdBYKJJCCnARkRKlAJcwqAUuKaQAlzBoNEJJIQW4hGHhwqQrEImdAlzCoKfSSwopwCUMtbVJVyASOwW4hGHp0qQrEImdAlzCMHFi0hWIxE4BLmEYMCDpCkRipwCXMKgFLimkAJcwqAUuKaQAlzDU1SVdgUjsFOASBo1GKCmkAJcwaCwUSaFWA9zMyszsBTNbZmYrzezmaPpAM3vezF4zs7lm1rP45Yq006JFSVcgErtCWuDbgVPd/RigCjjbzGqA24A73P0QYBPw7eKVKdJBuhNTUqjVAPeMrdHbHtGXA6cC86LpM4ELilKhSByqq5OuQCR2BfWBm1k3M6sHNgBPAGuA9919R7RIA3BAcUoUiYFa4JJC3QtZyN0/AarMbB/gEeDwXIvlWtfMaoFagIMOOqidZYp0UHn5biMSri0bk/Vuc+fWIxKDNl2F4u7vA4uAGmAfM9v5C6ACaMyzznR3r3b36v79+3ekVpH2a8z54ylS0gq5CqV/1PLGzHoDpwOrgKeAC6PFxgLzi1WkSIfpKhRJoUJa4PsDT5nZcmAJ8IS7LwSuA641s9eB/YD7ilemSAdNn550BSKxa7UP3N2XA8fmmP4X4PhiFCUSuwULkq5AJHa6E1PCMGZM68uIlBgFuIRh5MikKxCJnQJcwqAWuKSQAlzCYJZ0BSKxU4BLGDznfWYiJU0BLmGYNSvpCkRipwCXMCxcmHQFIrFTgEsY1AKXFFKASxjOPTfpCkRipwCXMGg4WUkhBbiEYcSIpCsQiZ0CXMIwYEDSFYjETgEuYWjxMAeRNFCASxg0nKykkAJcwlBXl3QFIrFTgEsY1AKXFFKASxh0FYqkkAJcwjB5ctIViMROAS5hGDQo6QpEYqcAlzBUVyddgUjsFOAShsbGpCsQiZ0CXMIwbVrSFYjETgEuYVALXFKoe9IFiHSKqAVeOelXuyatLUuqGJF4qAUuYRgyJOkKRGKnAJcw6E5MSSEFuIShvDzpCkRipwCXMIwcmXQFIrFTgEsYVq9OugKR2CnAJQwaC0VSSAEuIlKiFOASBrXAJYUU4BIGjUYoKaQAlzAsXJh0BSKxU4BLGPRUekkhBbiEobY26QpEYqcAlzAsXZp0BSKxU4BLGCZOTLoCkdgpwCUMAwYkXYFI7FoNcDM70MyeMrNVZrbSzK6Opu9rZk+Y2WvR988Wv1yRdlILXFKokBb4DmCiux8O1ABXmdkRwCTgSXc/BHgyei/SNakFLinUaoC7+9vu/mL0eguwCjgAOB+YGS02E7igWEWKdFhdXdIViMSuTX3gZlYJHAs8D3ze3d+GTMgDn8uzTq2Z1ZlZ3TvvvNOxakXaS6MRSgoVHOBm1gd4CLjG3f9e6HruPt3dq929un///u2pUaTjNBaKpFBBAW5mPciE9wPu/nA0eb2Z7R/N3x/YUJwSRWKwaFHSFYjErpCrUAy4D1jl7rdnzXoUGBu9HgvMj788kZjoTkxJoe4FLHMS8C/AS2ZWH037HjAV+KWZfRv4GzCqOCWKxKC6OukKRGLXaoC7+x8ByzP7tHjLESkStcAlhXQnpoRBT6WXFFKASxgaG5OuQCR2CnAJg65CkRRSgEsYpk9PugKR2CnAJQwLFiRdgUjsFOAShjFjkq5AJHYKcAnDyJFJVyASOwW4hEEtcEkhBbiEwfLdiyZSuhTgEgb3pCsQiZ0CXMIwa1bSFYjETgEuYVi4MOkKRGKnAJcwqAUuKaQAlzCce27SFYjETgEuYdBwspJCCnAJw4gRSVcgEjsFuIRhwICkKxCJnQJcwrBlS9IViMROAS5h0HCykkIKcAlDXV3SFYjETgEuYVALXFJIAS5h0FUokkIKcAnD5MlJVyASOwW4hGHQoKQrEImdAlzCUF2ddAUisVOASxgaG5OuQCR2CnAJw7RpSVcgEjsFuIRBLXBJIQW4hEEtcEkhBbiEYciQpCsQiZ0CXMKgOzElhbonXYBI0U3uCxs/gQXdAD1aTdJDLXAJw6xtSVcgEjsFuIThX/skXYFI7BTgEoZFTUlXIBI7BbiISInSSUwJw4iyPc6unPSrXa/XTj2n2NWIxEItcAnDf25NugKR2LUa4GZ2v5ltMLMVWdP2NbMnzOy16Ptni1umSAeN6Z10BSKxK6QFPgM4u8W0ScCT7n4I8GT0XqTr2p50ASLxazXA3f1p4L0Wk88HZkavZwIXxFyXSLwW6jpwSZ/2nsT8vLu/DeDub5vZ5/ItaGa1QC3AQQcd1M7diXRQbeY68LVlY3LObj59cycUJNJxRT+J6e7T3b3a3av79+9f7N2J5PZbXQcu6dPeAF9vZvsDRN83xFeSSBGUW9IViMSuvQH+KDA2ej0WmB9POSJF8j96JV2BSOxa7QM3s9nACKCfmTUANwFTgV+a2beBvwGjilmkSCH2eDPOtC0wsbyTKxIprlYD3N1H55l1Wsy1iBRP7WeSrkAkdroTU8Kw8dOkKxCJnQJcwrBId/JI+ijAJQzj1IUi6aPRCCWdJvdt/n7BNjhX46FIuqgFLmEY0C3pCkRipwCXMAzpmXQFIrFTgEsYfvD3pCsQiZ0CXMJwrW7ikfTRSUxJjXwjDWZm7oBDe3ReMSKdQC1wCcOLHyddgUjsFOAShtF7JV2BSOwU4BKGhz5MugKR2CnAJQyD1P8t6aOTmNJl7XF42LY6qp0Bnn1H5+TNrU8X6URqgUsYbtZ14JI+CnAJw017J12BSOwU4BKGl3QZoaSP+sClS8nu9y5kmYL7xld/3P5+8NbsqT9cfeVSRGqBSxi+oevAJX0U4BKG2boOXNJHAS5hOE7XgUv6KMAlDJU63SPpo5/q1rR8NJdORCWu+aiDBX4et2+B6wu8lLDlZ94GLU/Cri1r96a6Bp2E7dLUApcwFBreIiVEAS5hWPpR0hWIxE4BLmFo/CTpCkRipwCXMJzbO+kKRGKnk5gdUcgJnriWySPWEfti0taami2fdYKysmlW6zsr9ITjjA9g3GcKW7YD+9rjY90KGdmw2fL/WKYzP+fmn0dRdyUdpBa4hGFEr6QrEImdAlzCsJ9+1CV99FMtYZj+QdIViMQu7D7wIt2kUIw+xIL6QLOOJ7v/uFm/bAH98M3WLWBfe9xuPlnr5/s3al532za/m4nlHdxAsvLdvJTv/EFBTw/KM32P/fjSpagFLmF4ZnvSFYjETgEuYdjiSVcgEjsFuIThLF0PJ+mjAJcwTN+adAUisSvNk5gduCEin4JvlMi7j+zpuW9AyXvCKc928p+IzF6hgJtd2lhDs5tpJuWpoaV8x9+Bkf1iNbKL3YnZkX+XAn7WOrbNDixT8P5a/3+b70augk7KN9tXPDfTFXTCuJOpBS5h0H08kkIdCnAzO9vMXjWz181sUlxFicRu1rakKxCJXbsD3My6AfcAXwGOAEab2RFxFSYSq3/tk3QFIrHrSAv8eOB1d/+Lu38EzAHOj6cskZgtakq6ApHYmXv7ro81swuBs939iuj9vwAnuPuEFsvVArXR20OBV9tfbiL6Ae8mXUQn0zGHQcdcOr7g7v1bTuzIVSiWY9puvw3cfTowvQP7SZSZ1bl7ddJ1dCYdcxh0zKWvI10oDcCBWe8rgMaOlSMiIoXqSIAvAQ4xs4Fm1hO4GHg0nrJERKQ17e5CcfcdZjYB+C3QDbjf3VfGVlnXUbLdPx2gYw6DjrnEtfskpoiIJEt3YoqIlCgFuIhIiVKA52Fm/8/MXjGz5Wb2iJntkzXv+mj4gFfN7Kwk64yTmY0ys5Vm9qmZVbeYl8pjhjCGhDCz+81sg5mtyJq2r5k9YWavRd8/m2SNcTKzA83sKTNbFf1MXx1NT9UxK8DzewI40t2PBlYD1wNEwwVcDAwGzgZ+HA0rkAYrgK8DT2dPTPMxBzQkxAwyn122ScCT7n4I8GT0Pi12ABPd/XCgBrgq+lxTdcwK8Dzc/XF33xG9fY7Mde6QGS5gjrtvd/c3gNfJDCtQ8tx9lbvnulM2tcdMIENCuPvTwHstJp8PzIxezwQu6NSiisjd33b3F6PXW4BVwAGk7JgV4IW5HPhN9PoA4M2seQ3RtDRL8zGn+dha83l3fxsygQd8LuF6isLMKoFjgedJ2TGX5gMdYmJmvwP+OcesG9x9frTMDWT+HHtg52o5li+ZazELOeZcq+WYVjLH3Io0H1vwzKwP8BBwjbv/3SzXx126gg5wdz99T/PNbCwwEjjN/3HBfEkPIdDaMedR0sfcijQfW2vWm9n+7v62me0PbEi6oDiZWQ8y4f2Auz8cTU7VMasLJQ8zOxu4DjjP3T/MmvUocLGZ9TKzgcAhwAtJ1NiJ0nzMIQ8J8SgwNno9Fsj3F1jJsUxT+z5glbvfnjUrVcesOzHzMLPXyTyIa2M06Tl3vzKadwOZfvEdZP40+03urZQWM/sa8J9Af+B9oN7dz4rmpfKYAczsq8Cd/GNIiO8nXFLszGw2MILMcKrrgZuA/wZ+CRwE/A0Y5e4tT3SWJDM7GVgMvAR8Gk3+Hpl+8NQcswJcRKREqQtFRKREKcBFREqUAlxEpEQpwEVESpQCXESkRCnARURKlAJcRKRE/X+jyMcp2TePqAAAAABJRU5ErkJggg==\n",
      "text/plain": [
       "<Figure size 432x288 with 1 Axes>"
      ]
     },
     "metadata": {
      "needs_background": "light"
     },
     "output_type": "display_data"
    }
   ],
   "source": [
    "l = []\n",
    "\n",
    "if not os.path.exists('data/CLs/plots'):\n",
    "    os.mkdir('data/CLs/plots')\n",
    "    print(\"Directory \" , 'data/CLs/plots' ,  \" Created \")\n",
    "\n",
    "for i in range(len(CLs_values)):\n",
    "    plt.clf()\n",
    "    plt.title('Ctt value: {:.2f}'.format(Ctt_steps[i]))\n",
    "    plt.hist(CLs_values[0], bins = 100, range = (-25, 25), label = 'Ctt fixed to 0')\n",
    "    plt.hist(CLs_values[i], bins = 100, range = (-25, 25), label = 'Ctt floating')\n",
    "    plt.axvline(x=np.mean(CLs_values[0]),color='red', linewidth=1.0, linestyle = 'dotted')\n",
    "    plt.legend()\n",
    "    plt.savefig('data/CLs/plots/CLs-BR({:.1E}).png'.format(BR_steps[i]))\n",
    "    \n",
    "    l.append(len(np.where(np.array(CLs_values[i]) < np.mean(CLs_values[0]))[0]))\n"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 54,
   "metadata": {
    "scrolled": false
   },
   "outputs": [
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "BR: 0.0000\n",
      "0.696078431372549\n",
      "\n",
      "BR: 0.0001\n",
      "0.7156862745098039\n",
      "\n",
      "BR: 0.0002\n",
      "0.6274509803921569\n",
      "\n",
      "BR: 0.0003\n",
      "0.6764705882352942\n",
      "\n",
      "BR: 0.0004\n",
      "0.7549019607843137\n",
      "\n",
      "BR: 0.0005\n",
      "0.7093596059113301\n",
      "\n",
      "BR: 0.0006\n",
      "0.6108374384236454\n",
      "\n",
      "BR: 0.0007\n",
      "0.6108374384236454\n",
      "\n",
      "BR: 0.0008\n",
      "0.6896551724137931\n",
      "\n",
      "BR: 0.0009\n",
      "0.6305418719211823\n",
      "\n",
      "BR: 0.0010\n",
      "0.7586206896551724\n",
      "\n"
     ]
    }
   ],
   "source": [
    "for s in range(len(l)):\n",
    "    print('BR: {:.4f}'.format(BR_steps[s]))\n",
    "    print(2*l[s]/len(CLs_values[s]))\n",
    "    print()"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 53,
   "metadata": {},
   "outputs": [
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "297818.356392785\n",
      "297819.7667433609\n",
      "297840.3929684116\n",
      "297842.76270291663\n",
      "297824.18234748516\n",
      "297824.15246830357\n",
      "297805.96860094374\n",
      "297805.6297383122\n",
      "297815.3593473281\n",
      "297816.9535084667\n",
      "297813.1327635662\n",
      "297813.25842232205\n",
      "297822.5320305655\n",
      "297823.22816647816\n",
      "297826.72528264904\n",
      "297826.3537664936\n",
      "297836.0488055982\n",
      "297836.00021670037\n",
      "297815.56969196635\n",
      "297815.8245172473\n",
      "297814.9244276687\n",
      "297816.06427965104\n"
     ]
    }
   ],
   "source": [
    "for i in range(len(Nll_list)):\n",
    "    print(np.mean(np.array(Nll_list[i])))"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": null,
   "metadata": {},
   "outputs": [],
   "source": []
  }
 ],
 "metadata": {
  "kernelspec": {
   "display_name": "Python 3",
   "language": "python",
   "name": "python3"
  },
  "language_info": {
   "codemirror_mode": {
    "name": "ipython",
    "version": 3
   },
   "file_extension": ".py",
   "mimetype": "text/x-python",
   "name": "python",
   "nbconvert_exporter": "python",
   "pygments_lexer": "ipython3",
   "version": "3.7.3"
  }
 },
 "nbformat": 4,
 "nbformat_minor": 2
}