Newer
Older
Master_thesis / raremodel-nb.ipynb
{
 "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(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), floating = False)#, lower_limit = -2.0, upper_limit= 2.0)\n",
    "bplus_1 = zfit.Parameter(\"bplus_1\", ztf.constant(-0.885), floating = False)#, lower_limit = -2.0, upper_limit= 2.0)\n",
    "bplus_2 = zfit.Parameter(\"bplus_2\", ztf.constant(-0.213), floating = False)#, 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(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(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",
    "test_q = np.linspace(x_min, x_max, int(2e6))\n",
    "\n",
    "probs = total_f.pdf(test_q, norm_range=False)\n",
    "\n",
    "calcs_test = 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:12: UserWarning: Creating legend with loc=\"best\" can be slow with large amounts of data.\n",
      "  if 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+17YcXAAAgAElEQVR4nO3deXxb1Z3w/8/X8hY73pdsjmMncRYnBLKQAmFfQlja0HloCS0tM6VlpqXPdNpOW2if6XRamGf4tT/SdgptGWDKtFMCpXQIlBJSdgokcXayGydOnMTxGse7Les8f9wrR3EkS3Is60r6vl+vvJCu7j3n6CLrq3Pu954jxhiUUkopJ0iKdgOUUkopLw1KSimlHEODklJKKcfQoKSUUsoxNCgppZRyjORoN8BpCgsLTVlZWbSboZRSMWXz5s1Nxpiicy1Hg9IQZWVlVFVVRbsZSikVU0SkdjTK0eE7pZRSjqFBSSmllGNoUFJKKeUYek1JKaUiqL+/n7q6Onp6eqLdlFGRnp5OSUkJKSkpESlfg5JSSkVQXV0dWVlZlJWVISLRbs45McbQ3NxMXV0d5eXlEalDh++UUiqCenp6KCgoiPmABCAiFBQURLTXp0FJKaUiLB4Cklek34sGJaVUQmps7+X5bUfR5XucRYOSUioh3f/H3XxlzTaOnuyOdlMc4Y033uDmm28GoLe3l2uvvZYLLriAp59+ekzboYkOSqmEtK++HYCTXf2U5EW5MQ6zdetW+vv72bZt25jXrT0lpVRCciVZ10YGPPE/fHfo0CHmzJnDnXfeyYIFC7j11lvp6uri5ZdfZs6cOVx66aU899xzADQ0NHDHHXewbds2LrjgAj788MMxbav2lJRSCSnZDkp9A54xq/NfXtjF7mOnRrXMysnZ/PNH5wXdb9++fTz++OMsW7aMz33uczz00EP88pe/5LXXXmPmzJncdtttABQXF/PYY4/xox/9iBdffHFU2xoK7SkppRJSkh2UevoHotySsTF16lSWLVsGwB133EFVVRXl5eVUVFQgItxxxx1RbqFFe0pKqYTkslObe/vHrqcUSo8mUoamcre1tTkyVV17SkqphDTYU3InRk/p8OHDvPfeewA89dRTXHvttRw8eHDwmtFTTz0VzeYN0qCklEpIdkyizz12PaVomjt3Lk8++SQLFiygpaWFr371qzz66KPcdNNNXHrppUybNi3aTQRCHL4TkRXATwAX8Jgx5t+GvJ4G/BewGGgGbjPGHLJfuw+4CxgA/t4Ys264MkWkHFgD5ANbgM8YY/oC1SEiBcCzwIXAr4wxX7bLyQB+B8yw637BGHNv2GdIKRWXkuyhq0QJSklJSfziF784Y9uKFSvYu3fvWfteeeWVXHnllWPUsjMF7SmJiAt4GLgBqARuF5HKIbvdBbQaY2YCq4EH7WMrgVXAPGAF8IiIuIKU+SCw2hhTAbTaZQesA+gB/gn4Rz/N/5ExZg6wEFgmIjcEe79KqcTgvZwyltl3KrhQhu+WAtXGmBpjTB9WL2blkH1WAk/aj58FrhHrCtpKYI0xptcYcxCotsvzW6Z9zNV2Gdhl3jJcHcaYTmPMO1jBaZAxpssY87r9uA+r11USwvtVSiWAROoplZWV8cEHH0S7GSEJJShNAY74PK+zt/ndxxjjBtqAgmGODbS9ADhplzG0rkB1BCUiucBHgVdD2V8plTh6xyAoxdP8epF+L6EEJX85g0NbFWif0doeajvOIiLJwFPAT40xNQH2uVtEqkSkqrGxMViRSqk4IGPUU0pPT6e5uTkuApN3PaX09PSI1RFKokMdMNXneQlwLMA+dXYQyAFaghzrb3sTkCsiyXZvyHf/QHUE8yhwwBjz40A7GGMetfdjyZIlsf/JUUoFNeCxglGkrymVlJRQV1dHvPzg9a48GymhBKVNQIWdFXcUK3HhU0P2WQvcCbwH3Aq8ZowxIrIW+K2IPARMBiqAjVi9nrPKtI953S5jjV3m88PVMVzDReR+rOD1+RDep1IqgfS7ra+PSPeUUlJSIrZKazwKGpSMMW4R+TKwDit9+wljzC4R+T5QZYxZCzwO/FpEqrF6L6vsY3eJyDPAbsAN3GOMGQDwV6Zd5beANXZA2WqXTaA67LIOAdlAqojcAiwHTgHfAfYCW+yu+s+MMY+Ff5qUUvGm3+4p9SbIzbOxIqT7lIwxLwEvDdn2XZ/HPcAnAhz7APBAKGXa22uwsvOGbh+ujrIATXfeHBpKKUfot4ftEiH7LpbojA5KqYTkHhib4TsVHg1KSqmE5E1w0JtnnUWDklIqIWlPyZk0KCmlEpJ7wJvooEHJSTQoKaUSUp/2lBxJg5JSKiG5x+jmWRUeDUpKqYTU79aUcCfSoKSUSkj9Hh2+cyINSkqphNSvKeGOpEFJKZVwBjwG78yZ2lNyFg1KSqmE0+/TO9Kg5CwalJRSCUeDknNpUFJKJZTdx07R3WfNDJ6ekkSvXlNylJBmCVdKqXhwpKWLG3/6NssrJwAwPi2Zpo4+jDGDK9Gq6NKekgroUFMnD63fHxfLOCsF0NHrBuDdD5sByEi1fpf3D+hn3Ck0KKmA7vzPjfz01QMcb+uJdlOUGhWpydZXXmefFZwy06ygpGnhzqFBSQWkF4BVvEl1WV953s5/ZqoL0M+6k2hQUkHpwIYa6mBTJwdOtEe7GWFLcZ35lTfYU9Kg5Bia6KCUCttVP3oDgEP/dlN0GxKmobkMmWnaU3Ia7SkppRJWpp3o0OseiHJLlJcGJRWQJsiqeDc+3RuUtKfkFBqUVEB6LUnFu/Gafec4IQUlEVkhIvtEpFpE7vXzepqIPG2/vkFEynxeu8/evk9Erg9WpoiU22UcsMtMHa4OESkQkddFpENEfjakXYtFZKd9zE9F745TSvnQRAfnCRqURMQFPAzcAFQCt4tI5ZDd7gJajTEzgdXAg/axlcAqYB6wAnhERFxBynwQWG2MqQBa7bID1gH0AP8E/KOf5v8cuBuosP+tCPZ+1WkawVW806DkPKH0lJYC1caYGmNMH7AGWDlkn5XAk/bjZ4Fr7F7JSmCNMabXGHMQqLbL81umfczVdhnYZd4yXB3GmE5jzDtYwWmQiEwCso0x7xlrSoL/8ilLKaXI0qDkOKEEpSnAEZ/ndfY2v/sYY9xAG1AwzLGBthcAJ+0yhtYVqI7h2l0XpN1KqQipbmh3fFabzujgPKEEJX+jOEOvgQfaZ7S2h9qOUNp09o4id4tIlYhUNTY2DlOkUioUbd39XPvQW3zjdzui3ZRh6X1KzhNKUKoDpvo8LwGOBdpHRJKBHKBlmGMDbW8Ccu0yhtYVqI7h2l0SpN0AGGMeNcYsMcYsKSoqGqZIpVQovOsVvX3A2T/yxo/h8N2LO45x87+/TXtPf8TrimWhBKVNQIWdFZeKlbiwdsg+a4E77ce3Aq/Z13HWAqvszLlyrGSDjYHKtI953S4Du8zng9ThlzHmONAuIhfZ16o+61OWUiqCvNP5OL0H4g1KY7Gm0k/+fIAPjp6i6lBrxOuKZUGnGTLGuEXky8A6wAU8YYzZJSLfB6qMMWuBx4Ffi0g1Vu9llX3sLhF5BtgNuIF7jDEDAP7KtKv8FrBGRO4HttplE6gOu6xDQDaQKiK3AMuNMbuBLwK/AsYBf7L/qTDp0hUqXEn24LnTr9V4b54di+DZ3mNdKj/Y1MlVEa8tdoU0950x5iXgpSHbvuvzuAf4RIBjHwAeCKVMe3sNVnbe0O3D1VEWYHsVMN/fa0qpyHP6OkVjOXyX7LIi9fG27ojXFct0RgelVFjiqeecljx2iQ6nuq1rSc0dfRGvK5ZpUFIB6QQYyp8BT/wEJVeS4EoS+gYim7ru8Rja7VVvGzt6I1pXrNOgpAKKp1/EavQ4fUguXKmupIj3lDr63IMLC2pPaXgalJRSYen3ODt5IVypyZEPSt6hO4Am7SkNS4OSCsg7fKcdJuXLHW89peSkiGcJnuq2hu7KCzM52dWvoxDD0KCkgtJLS8qX0+89CtXXr5sFWMN3kV5P6ZR9w+y0ggz6Bjx09jl7+qVo0qCklAqL0+ezC8UDH5/P/76mAoC0MRy+KyvIBKC1U68rBaJBSQWkQwzKn3joKYnP1Jhjck3JvnG2rCADgBYNSgFpUFJKhSXelg4fi2tKbXZPaVqh1VNq6dKgFIgGJRWQJjoof+IuKI1BSrh3+K403+op6fBdYBqUlFJhiYfhO1+pyWOT6JCVlkxhZhqgw3fD0aCklAqL0ydZDdfY3KfkJntcClnpybiShFYdvgtIg5IKSBMdlD/hfoE7fVqi9GQXPf2RzSg81dNPVnoySUlCXkYKLZ26plIgGpRUUBqblC9vSnhqcmhfH05PIc9KTx5cViJSTnX3kz0uBYC8jFS9pjQMDUpKqbB4e0ppIQalnn5nD/dlj0uJ+Gqwp3rcZKfbQSkzVbPvhqFBSQVl0K6SOi38oOT8nlJn3wDuCF4rO9XdT47dU8rXntKwNCipgDQlXPnjzVTzLnkejNODkrcH09EbuSG8Uz39ZI+zFhTMy0zVRIdhaFBSSoUl3J6S0+9ryrKXRPdOmjraBjyGdp/hu/zMFFq7+vE4PAEkWjQoqaD0T0f58qaEh5ro0OXwyUe9CQinInRdqcNOovBNdPAGKnU2DUoqIE0JV/54ez7JSaF9fXRGcFhsNAz2lCIUlLzlZtv15GemAjrVUCAalFRQGpyUr3BTvLv6nB2UvMNqkeq5eOe9G+wpeYOSJjv4pUFJBTSY6BDldihnCffm2Y5ehw/f2UHJd3XY0XS6p3Q6+w50/rtAQgpKIrJCRPaJSLWI3Ovn9TQRedp+fYOIlPm8dp+9fZ+IXB+sTBEpt8s4YJeZeg51fFVEdonIByLylIikh3d6lFJDhRuUnD58l5tpBYuTXREKSoM9JR2+C0XQoCQiLuBh4AagErhdRCqH7HYX0GqMmQmsBh60j60EVgHzgBXAIyLiClLmg8BqY0wF0GqXPZI6pgB/DywxxswHXPZ+Kkw6eqd8hZtNF8lU69GQlZZManISTR29ESnfO3yXM2T4TntK/oXSU1oKVBtjaowxfcAaYOWQfVYCT9qPnwWuEWvsZyWwxhjTa4w5CFTb5fkt0z7marsM7DJvGWEdAMnAOBFJBjKAYyG8X2XTa0nKn3DvO3J6T0lEKBqfRmP72ASlzFQXqa4k7SkFEEpQmgIc8XleZ2/zu48xxg20AQXDHBtoewFw0i5jaF1h1WGMOQr8CDgMHAfajDGvhPB+1Vk0OKnT4i0oARSOT6Uxgj0lV5IwPs0avhMR8jJTOKmTsvoVSlASP9uGfksF2me0toddh4jkYfWiyoHJQKaI3OFnX0TkbhGpEpGqxsZGf7sopWzddlAK9adKp8PvUwIoHJ9GU0dkei5t9hRD3sQhsO5V0p6Sf6EEpTpgqs/zEs4eBhvcxx4qywFahjk20PYmINcuY2hd4dZxLXDQGNNojOkHngMu8fcGjTGPGmOWGGOWFBUVBTwRiUpH8ZSvcG+GjYWeUlFWWgSvKbkHh+688jN1/rtAQglKm4AKOysuFStZYO2QfdYCd9qPbwVeM9YFibXAKjtzrhyoADYGKtM+5nW7DOwynx9hHYeBi0Qkw772dA2wJ7TTokBTwpV/3WEGJacnOoDVU2rp7IvI2k9tPstWeOlM4YElB9vBGOMWkS8D67Ay2J4wxuwSke8DVcaYtcDjwK9FpBqr97LKPnaXiDwD7AbcwD3GmAEAf2XaVX4LWCMi9wNb7bIZQR0bRORZYIu9fSvw6EhPVCLSRAflT3ccXlOakJ3GgMfQ1NHLhOzRvXOkzWeGcC+dKTywoEEJwBjzEvDSkG3f9XncA3wiwLEPAA+EUqa9vYbT2XO+20dSxz8D/+zvGBU6jU3KV7g9pU6H3zwLUJKfAcCRlq5RD0qnuvsptcv3ystM5WR3PwMegyvJ32XxxKUzOiilwuINSqH2pGNh+G5qnh2UWrtGvezWrj7yMob2lFIw5nS6uDpNg5IKShf5U77CHb6L1ESno6kkbxwAR1q6R7XcXvcAJ7v6KRqfdsZ2nf8uMA1KSqmQ9bk9uMNIBshKS6a9xx3RVV1HQ3qKi+KsNI60hN9T6u4b4Psv7GZzbctZrzXbaeZFWWcGJe9UQ7rY39k0KKmg9JqS8gq3l5ST4V2ryPlDeKX5GdSOICg9tfEwT/zlIH/76y1nZe95Z4kYGpTyMrSnFIgGJRWQLoeuhgp3NofcDO9kp87/8q2YMJ4DJ9rDzjp9Y791w31TRy+bDp3ZW2oIEJQK7eG8hghNbRTLNCipgDQlXA0V7o2z3h7ByRi4oD97QhatXf1hz4G3+1gbN543EVeS8PaBM2eECdRTKs5KI9WVRF0EEitinQYlFZQmOiivcNPBvffntEVoWYjRNGdSNgB76ttDPqatu5+mjj4WlOSyqDSXt/Y3nfF6XWsXyUlyVqJDUpJQkjduRNew4p0GJRWQhiI1VHe/dW0oI9UV0v7e4btYuKA/Z2IWAHuOnwr5mINNnQBML8zk8ooidh5tO2O6otrmLkryxpHsOvurtiQ/Y9Sz/eKBBiUVlI7iKS9vwoJ3xutgcsfZw3cx0FPKzUilJG8c24+cDPmYmsYOAKYXjefK2cUAvLX/9BBebUsn0woy/R47NW9cRO6LinUalJRSIeuwg1JWemhBKSs9GZHYuKYEsLQsn02HWkK+nnqwqRNXklCan8G8ydkUjk/l9X1WUBrwGA42dlJWkOH32NL8DE529cfEfVxjSYOSUipk7d6eUnpKkD0triQhZ1wKbTEwfAdwYXk+TR191NjDcsHUNHVSkjeO1OQkkpKEK2YV89b+RtwDHmoaO+jsG+C8kly/x061px463Ky9JV8alFRQOnynvDp6rV/12SH2lMCafLQpRu7HWVqeD8D7Nc0h7X+kpeuMee2Wz5tAW3c/r+9rpKq2FYDzS3L8HjuzeDwA1Q0d59LkuKNBSQWkwUgN1d7jJklgXIor5M9HUVYajadi436c6YWZTM0fx6t7GkLav7a5i2k+w3PXzClmUk46v3jzQ/6w9ShT88cNBp+hygszSXEJ+06Enu2XCDQoqaA0JVx5tfe4GZ+WTJKEPrN1cXY6De09EWzV6BERrps7kXeqm4JOJNvW1U/bkBnAk11JfPW6WWyubWXjwRY+e1HZGSvO+kpxJTGjaDz7wkhBTwSh98GVUgmvvcdNVojXk7yKs9JiauaC5fMm8MRfDvL63gY+ev7kgPvVtljXnUrzz8yu+8TiEtJTXJzq7udTS0uHrWvWhCw228N8yqI9JRWUDuMpr/ae/pAz77yKs9Lo6huIiSUsAC4sy2dK7jie3nRk2P1q7QSFaUOy60SEj50/mTsumkZSkLWSZk/M4ujJ7qAZeMYY3vuwmX6HT2w7GjQoqYB02E4N1dHrDvkeJa/ibGs2gxOnYmMIz5Uk3HbhVN6pbqK2OXAW3qEmb0/Jf8p3KM6bYiVB7KxrG3a/9btPcPt/vM+P1u0bcV2xQoOSCkpDk/Kyhu+soBTqj5biLGsl14YYSXYAuO3CqSQnCY+9fTDgPnvr2ynNzyAzzCDt64LSXEQIOoS34aA10WuoWYGxTIOSCkjwzhKuYUlZrOG78K8pATGT7AAwITudT144lTWbDnP0pP+pgPbWnxqcmmikstNTmFWcxZbDwwclb4/tQENH3P89alBSAenwnRqqpbOP/MxUwki+Y1KutaproC93p7rnqpkIwg9f3nvWa529bg42dQ5O4nouFk3LZUttK55hFk/0Xr/q6hsIexbzWKNBSQWloUkB9A94ONXjHlyOIlTj05IpyEyNuRmxp+SO4++umM7/bDvGm/vPXJJi46EWPMaaluhcXViWz6keN7sDTATr8RgOt3QN9soOhjjbRKzSoKQCivNRAhUm76Sq+ZnhDd+BNaVObQxOp/Olq2YyoyiTf/zddurbTg8/vrmvkVRXEoun5Z1zHZdVFAHwxj7/N+yeaO+h1+3hilnWfrF4HsOhQUkFpcFJwenlJ/Iyw+spgZU2fTjGekoA6Skufn7HYrp63fz1f26k4VQPbd39/GHrUa6bN4FxIS7hMZyirDTmT8nmjX2Nfl/3BqGLphfgSpKYPI/hCCkoicgKEdknItUicq+f19NE5Gn79Q0iUubz2n329n0icn2wMkWk3C7jgF1m6jnUkSsiz4rIXhHZIyIXh3d6lFJeLfb8dfn28F04P1ZK8zM4drI7Ju+zmTUhi198ZjGHW7q4bvVbfPzhv9De088Xr5gxanVcOauYLYdb/S4b701ymFE0nim54zQoiYgLeBi4AagEbheRyiG73QW0GmNmAquBB+1jK4FVwDxgBfCIiLiClPkgsNoYUwG02mWHXYd9zE+Al40xc4DzgT2hnhjlS7tKClo7T/eUwkl0AGv4zmPgaGtsJTt4XVZRxB++tIxlMwvIzUjhkU8vYv4U/xOtjsR1lRPwGFi3q/6s12qbu3AlCZNz0ynNz6A20YMSsBSoNsbUGGP6gDXAyiH7rASetB8/C1wj1oRPK4E1xpheY8xBoNouz2+Z9jFX22Vgl3nLSOoQkWzgcuBxAGNMnzEm9NW71CAdvlMALfav+PwRDN/NKLImJT0QwzNiz56YxSOfXsxzX1rGivmTRrXsBSU5lBdm8vy2Y2e9VtvcxVR79dqp+RkxlzASrlCC0hTAd76NOnub332MMW6gDSgY5thA2wuAk3YZQ+sKt47pQCPwnyKyVUQeExG/S0CKyN0iUiUiVY2N/sd1E5HGIuXL21PyLnEejtl25tjeMJYaTyTeqYneq2k+I6ECzly9tjQ/g5bOPtrjeGHAUIKSv4760O+rQPuM1vaR1JEMLAJ+boxZCHQCZ10PAzDGPGqMWWKMWVJUVORvl4SmwUkBNLT3kp2eTFpy+Bf3x6clU5qfwV6dETugjy+cgjHwTNXp39jGGGqbugZXr/XOs3ekJTaHQUMRSlCqA6b6PC8BhvYxB/cRkWQgB2gZ5thA25uAXLuMoXWNpI46Y8wGe/uzWEFKKTUC9W09TMxJH3we7o+VOROz2FOvPaVAygozuXJ2Eb9+v5Ze9wBg/RBo73VTXni6pwRwuCV+71UKJShtAirsrLhUrKSCtUP2WQvcaT++FXjNWHNhrAVW2Zlz5UAFsDFQmfYxr9tlYJf5/EjqMMbUA0dEZLZ9zDXA7hDerxpCrykpsCZUnZCdHnzHAOZMyuZQUyedMTJbeDR8blk5je29g9eWth+xLoOfZ69eO7iEehxfVwoalOzrN18G1mFlrz1jjNklIt8XkY/Zuz0OFIhINfA17GEyY8wu4BmsYPAycI8xZiBQmXZZ3wK+ZpdVYJcddh32Mf8b+G8R2QFcAPxruCcokWkwUr7qT/Uw0Q5K4nfUfHiLSnPxGNh2RPONArmsopDzpuSwev1+uvsG2FzbSnKSUDnJCko541LIGZcS10EppOltjTEvAS8N2fZdn8c9wCcCHPsA8EAoZdrba7Cy84ZuH0kd24Al/o5RoYv3CSBVcO4BD43tvWcM34Vr8bQ8ksSa8XrZzMJRbF38EBH+6eZKPvnL9/jOH3byXk0zF88oOOMm3dL8DA4n+DUllaC896JoSFJNHX14jLW0+Uhlpacwd1I2m+xlGJR/S8vz+bsrZvDc1qMcb+vhC5dNP+P10oIMDg+zzlOs0+XQVUDaQVJex9usX+YTzyEogTVVzm/er6Wrz01Gqn79BPKtFbNZNrOAjFQXi6edOelraX4G6z6oZ8BjcAVZ2TYWaU9JBaXBSXmvYfgu/T2SYd1r5hbT6/bw1n69H3A4IsJlFUVnBSSwgpLbYwZ/KMQbDUpqGBqNlMU7Kejg0t8j/IG+tCyf3IwUXtl1YpRalngG08LjdLZwDUoqKF3sTx1q7mRSTjrpKec2K3ayK4nllRN4ZfcJOjQ1fES8UzbtPxGfNyJrUFLD0EwHZalt7jpj6O5crFpaSkevm+e3HR2V8hLNhOw08jNTAy4KGOs0KKlhaDRSltrmTsoK/E4dGbaFU3OZOymbJ989NOwS4Mo/EaFyUjZ7jmtPSSUo/dpIbM0dvTR19A0OG50rEeGLV85g/4kO1m4/e1ZsFdzcSVnsO9GOOwbXpwpGg5IKSLPuFDD4i7xycvYZ28/l43HzeZOonJTND9ft02tLI1A5OZs+t4eapvi7X0mDkgpKg1Ni22Nfu5g76XRQOte7Y5KShB/cMo/jbd3c/+LoT0n59We28721u4LvGKO80w59cLQtyi0ZfRqUlFLD2n38FBOz00e0uN9wFk/L52+vmMGaTUf4r/cOjWrZv99Sx6/eHd0ynWRm8Xiy0pLZXNsa7aaMOr2lWgWlKeGJbXvdSeZPyQ6+4wj84/LZHDjRzvfW7iLFlcTtS0sjUk+8cSUJF5TmxmVQ0p6SCkqH7xJXY3svNY2dLCk7e2aB0eBKEn56+0Iun1XEfc/t5Acv7h5cS2ikzvX4WLF4Wh77TrRzKs5WodWgpJQKqOqQNXnqhf6C0ij9WMlITeY/PruEz148jcffOcjH/v0v/KW6acTlNXX0jU7DHG7JtHyMgW2H42spEA1KKijtKCWuDQdbSE9J4rwpORGtJ8WVxPdXzueJv15CR6+bTz+2gTuf2MiGmuaw59g7EsdrDfm6oDSXJIGqOBvC06CkAtJglNiMMfx5zwkunl5AavKZXxUikZmd+uo5E3j161dw3w1z2Hm0jdsefZ9bHv4Lf9xxPOR7cmoarTTpwXn64tT4tGTmT8nh/Q+bo92UUaVBSQWli/wlpr317dS1dnNd5cQxrTc9xcXfXjGDd++9mvtvmU9bdz/3/HYLV/7oDf7zLweDLqde3dABcE4LEsaKS2YUsuVwa1wtMa9BSQWkwSixvfxBPQDXzi2OSv3pKS7uuGgar379Sn75mcVMzE7nX17YzcX/91UefHkvJ071+D2uqta6DhaHSw2d5dKZhbg9ho1xtHCiBiUVlIamxOPxGJ7dXMelMwvPabXZ0eBKEq6fN5Fnv3gJz33pEi6tKOSXb37IpQ++xjef3T7YMwJrMULvDaWJ8JtqSVkeqclJvHMOiSFOo8zkATEAABy2SURBVPcpqYBE10NPWO9UN3H0ZDf33jAn4D7R+FgsKs3jkU8v5nBzF//xdg3PVB3hd5vrWF45gdsunMrvquoAmJwAQ3dg9SYvLMs7p2xFp9GekgpIh+8S13+8XUPh+FSWz5vg9/Voj4yVFmTwg1vm85d7r+bLV83kvQ+b+dyvqvjTB/V84/o5TM3PSJjfUstmFrK3vp3G9t5oN2VUaE9JBaUzOiSWLYdbeftAE9++cQ5pyee2qF+kFY5P4+vLZ/N3V8xgR10bRVlpzCwez5v7GxJi+A5g2YxCYB/vftjEygumRLs55yyknpKIrBCRfSJSLSL3+nk9TUSetl/fICJlPq/dZ2/fJyLXBytTRMrtMg7YZaaOtA77NZeIbBWRF0M/LQp01C4ReTyG+1/cTUFmKp/+yLRoNydkmWnJXDyjgJnFo7O8RiyZPyWH3IwU3j4QH0N4QYOSiLiAh4EbgErgdhGpHLLbXUCrMWYmsBp40D62ElgFzANWAI/YQWK4Mh8EVhtjKoBWu+yw6/Bp21eAPaGdDuXL+0szUX5xKni66ghbDp/k3hvmkJkW4wMpCfK5dSUJy2YW8vaBxrgYcg+lp7QUqDbG1Bhj+oA1wMoh+6wEnrQfPwtcI9ZV8pXAGmNMrzHmIFBtl+e3TPuYq+0ysMu8ZYR1ICIlwE3AY6GdDuUrHj7gKnTVDR384MXdXDQ9n1sXlwTd38mfD4n6Va+xddnMQk6c6uWATyZirAolKE0Bjvg8r7O3+d3HGOMG2oCCYY4NtL0AOGmXMbSucOsA+DHwTWDYW8FF5G4RqRKRqsbGxuF2TSjaU0ocbd39fOm/NzMuxcWPb1sYsRkbVGRcWlEIwFv7Y//7K5Sg5O/TOfRrKtA+o7U97DpE5GagwRiz2c/rZ+5szKPGmCXGmCVFRUXBdk8YZsh/VXzq7hvgrl9t4mBTJz+9fWFIMyHEQsxKpASdkrwMphdlxsV1pVCCUh0w1ed5CXAs0D4ikgzkAC3DHBtoexOQa5cxtK5w61gGfExEDmEND14tIr8J4f0qm5OHZ9ToONnVx51PbGTL4VZ+fNtCls0sjHaTRkUsBM3RdnlFERsONsf80h2hBKVNQIWdFZeKlVSwdsg+a4E77ce3Aq8Z6xttLbDKzpwrByqAjYHKtI953S4Du8znR1KHMeY+Y0yJMabMLv81Y8wdIZ4XBXgGh+80OMWjQ02d/K+fv8u2Iyf58aqF3LRgUrSbNKoS7WN7WUUhPf0eNh+K7VnDg6bXGGPcIvJlYB3gAp4wxuwSke8DVcaYtcDjwK9FpBqr97LKPnaXiDwD7AbcwD3GmAEAf2XaVX4LWCMi9wNb7bIZSR3q3HgS7a86gTy3pY5/+p8PSHYl8eu7lvKR6QXRbpI6RxdNLyDFJbx1oIlLYrjHG1LOpzHmJeClIdu+6/O4B/hEgGMfAB4IpUx7ew129tyQ7WHX4fP6G8AbgV5X/g0mOkS3GWoUHW/r5vsv7OZPH9SztCyfH6+6gMm540ZUlpM/F4k4fJeZlsyi0jzePtA47PRQThfjNyKoSEqkC8Xxrn/Aw5PvHmL1+v24PYZvXG/NguAa4VTasfCdn4if3stnFfHDdfto6uilcHxatJszIjr3nQrIoynhMW/AY/jD1jqu+f/f5P4/7mFpeT7rv3oF91w1c8QBKRYk2n1KXpfaw3axPEGr9pRUQKcTHDQqxRqPx/DK7noeWr+f/Sc6qJyUzRN/vYSrZhfrPUhxzDvl0Fv7Y3cePA1KKiANRbGnp3+AP2w9yn+8XUNNYyfTCzP52acWcuP8SSTFcc/In0TMGvVOOfROtTXlUCz+ANGgpALSGR1ix8muPn7zfi2/ereWpo5e5k/J5qe3L+TG+RNJdkVmlN7Jn4sY/C4eNZdXFPLHHcc50NDBrAlZ0W5O2DQoKRXDdta18Zv3a3l++1F6+j1cMauIv718OhfPKIjJX8nq3F1aYc1K89b+Rg1KKj45+AdxQurpH+CF7cf4zYbDbD9yknEpLj6+cAp3XlLGnInZY9KGWAh4ifq5nZI7jhn2lEOfv2x6tJsTNg1KSsWIg02d/Pf7tfxucx1t3f3MLB7P9z5ayV8tLiE7PSXazVMOcllFEWs2Haanf4D0FGcv1DiUBiUVlJOvHcS7zl43L+08zu8217HxYAvJScL18ydyx0emcdH0/JjosURLIn9uL59VyK/ePcTm2taYm89Qg5IKSm+iHVvGGKpqW/ld1RH+uOM4nX0DlBdm8o3rZ/OJxSUUZwefxVslto+Ue6ccatSgpJQamfq2Hn6/pY5nN9dxsKmTzFQXNy2YxCeXTGXxtDzH9Yqc/GPFaedqrHmnHHrnQJO1vncM0aCkgkrkYZBI6+kf4NU9Dfxu8xHe2t+Ix8DS8nzuuWomN8yfGPtLkkdRon9sY3XKIf3EKzXGPB7D+web+Z+tR/nTznrae91MyknnS1fO5NbFJZQVZka7iUE5vR/i9PaNhcsqCvnhun38pTq2ZnfQoKSCSvRfnKNlz/FT/M/Wo6zdfozjbT1kprpYMX8StyyczCUzCuN6Ljo19uZNziEvBqcc0qCkgkrE6VpGy7GT3Ty/7RjPbzvK3vp2kpOEK2YV8e0b53Lt3AmMS42tdN2YkuCfW++UQ28fiK0phzQoKTXK2rr7+dPO4/xh61E2HmrBGFhUmssPVs7jpgWTyc9MjXYT416MfP9G3KUzC3lxx3FqmjqZUTQ+2s0JiQYlpUZBZ6+bV/c28OL2Y7yxv5E+t4fphZl89dpZrLxgMtMKnH+dKFwJ3hGJCUvL8wHYeLBFg5JS8a6nf4DX9zbw4o7jvLr3BD39Hoqz0vj0R0q55YIpLCjJiZkhk7DFwNvSmAnlhZkUjk9j48EWbl9aGu3mhESDkvLL9zqS/iI+rdc9wFv7m3hh+zH+vOcEXX0DFI5P5ROLp3LzgkksKcvXhAUH0P8DFhFhaXkeGw+2RLspIdOgpPzqH9BI5NXn9vCX6iZe2HGM9btO0N7rJjcjhZUXTObmBZP5SHl+xJaHUCOnP6YsS8vyeWlnPXWtXZTkZUS7OUFpUFJ+9Q94Bh87+c79SOkf8PB+TTMvbj/Oy7vqaevuJys9mevnT+TmBZNYNrOQFA1EKgYsLS8AYNOhFg1KKna5BxJv+K6rz81b+5t4ZXc9r+5poK27n8xUF9dVTuDmBZO5bFYhacmawu3l5M9F3F7LG4HZE7PISk9m48EWPr6wJNrNCSqkoCQiK4CfAC7gMWPMvw15PQ34L2Ax0AzcZow5ZL92H3AXMAD8vTFm3XBlikg5sAbIB7YAnzHG9IVbh4hMtfefCHiAR40xPwn3BMW657cdZe6k7LAX++r3eILvFAdaOvt4dc8J1u06wdsHGul1e8gZl8I1c4tZXjmRK2cXxdzU/8qSiD18f1xJwoVl+TFzXSloUBIRF/AwcB1QB2wSkbXGmN0+u90FtBpjZorIKuBB4DYRqQRWAfOAycCfRWSWfUygMh8EVhtj1ojIL+yyfz6COtzA140xW0QkC9gsIuuHtDvufWXNNgAO/dtNYR13xvBdnP1tH2npYv3uE6zbVc+mQy14DEzOSef2paUsr5zAheX5OjQXhDg8lcDZrRt7S8vzeW1vQ0zMgxdKT2kpUG2MqQEQkTXASsD3y30l8D378bPAz8TqP68E1hhjeoGDIlJtl4e/MkVkD3A18Cl7nyftcn8ebh3GmPeA4wDGmHa77ClD2h3XBjwjjyZdfQOj2JLoMsawt76dV3ZZgWj38VMAzJ6QxT1XzWR55UTmT8nWIR8Vt7z3K2062MIN502KcmuGF0pQmgIc8XleB3wk0D7GGLeItAEF9vb3hxzrnYTJX5kFwEljjNvP/iOpAwARKQMWAhv8vUERuRu4G6C0NDZy+UPR2ecOvlMAXb2ng1IsdpQGPIbNta2s21XPK7vrOdLSjQgsLs3j2zfOYXnlxJiY+FSNXLz18M/F/Mk5pKcksSFOgpK/n49D/3cH2ifQdn9jI8PtP5I6rINExgO/B/7BGHPKz74YYx4FHgVYsmRJ3HyUO3vPISidQ0CLlp7+Ad45YCUq/HlPAy2dfaS6klg2s4AvXTmTa+dOoCjL2UMXanRop/dMqclJLJyax+ba1mg3JahQglIdMNXneQlwLMA+dSKSDOQALUGO9be9CcgVkWS7t+S7f9h1iEgKVkD6b2PMcyG817hyTkGp36en5OCfnG1d/by27wSv7DrBm/sb6eobICstmavmFHP9vIlcMbuI8bomUUJy8Mc2KhZNy+WXb9bQ3Tfg6ImAQ/lr3QRU2FlxR7GSCj41ZJ+1wJ3Ae8CtwGvGGCMia4HfishDWEkIFcBGrN7NWWXax7xul7HGLvP5kdRhX296HNhjjHko3BMTDzp7R35dyMnDd8fbulm/2wpE79c04/YYirPS+PjCKVw/byIXTS8gNVkTFSJJeyKxZ1FpHm6PYUfdST4yvSDazQkoaFCyr998GViHlb79hDFml4h8H6gyxqzF+vL/tZ1k0IIVZLD3ewYrucAN3GOMGQDwV6Zd5beANSJyP7DVLptw6xCRS4HPADtFZJtdxreNMS+N7FTFHu81pZHMetPe0z/KrRk5YwwfNnawbtcJXtlVz/a6NgCmF2by+cumc/28CZxfkkuSTu+jBulnYaiFpXkAbD7cGttBCcD+In9pyLbv+jzuAT4R4NgHgAdCKdPeXsPpDD3f7WHVYYx5hwT/ZHp7OyPpNTR19J5+EoWuksdj2HrkJK/srmf9rhPUNHUCcP7UXL65YjbLKycyszg2Zj1W0eG0Hn605WemMr0wky21J6PdlGHpYHsc8/aUUkdwz01TR99oNyeoXvcA733YzCu7T7B+9wka23tJThIunlHA31xaznVzJzAxJ33M26VUvFhYmscb+xocveifBqU41t5jBaWRzEjQ2NFLWnISvW5PRO+Mb+/p5419jbyy+wRv7G2gvddNRqqLq2YXs3zeBK6cXUzOuJSI1a9GzskJMA79vo26RdNy+f2WOmqbuxx7S4QGpTjmHYLLHsGXek1jJ2UFmew70T7azaKhvYc/727gld31vFvdTN+Ah4LMVG5aMInl8yZwyYxCndpHnTMnB81oWTzNuq605XCrBiU19prtIbhw/zgHPIaaxg6unTuBfSfaRyW19nBzF+t21fPyrnq2HG7FGCjNz+DOS6axfN5EFpXm6TpEMcTp/6ec3r5oqSjOYnxaMlsOt/JXi5w5OasGpTh2vK0HCH9tpJ1H2+h1ezh/ag5/3Hl8RIN3xhgONHTw8gf1vPzB6al9Kidl89VrZ7F83gRmT8hy7Li2UvHIlSRcMDWXzQ5OdtCgFMeqG6yhN/dAeDN+r99djwhcMqMwrOOMMew53s6LO47x8q56aho7B6f2+T83zeX6eROZmu/89VyUimeLSnP52evVdPS6HXljufNapEZFU0cvtS1dAPSHMTFrW3c/azYe4Zo5xYNT8niCjN8dPdnN89uO8vzWY+w70Y4rSbhkRgGfW1bO8soJFGdrxpwaW9oBD2zRtDw8BnYcOcklM8P74TkWNCjFqac2HMYYuLAsj+qGjpCOGfAYvv3cTlq7+vjKNbNItq/xuP0M/3k8hjf2N/Dku7W8ub8RsC6i/uCW+dx03iTyM1NH780oR3J6GoHmOfi3cKp9E21tqwYlFXl7jp/i5298yNrtx7hh/kQm5qSz93jwDLr2nn6+9fsdvLSznvtumMN5JTmDszr0uU8P/3k8hhd3Hmf1+v0cbOpkQnYa/3BtBX+1sITSAh2aU8rpcjJSmFk8ni2HnTk5qwalOLG5tpWHX6/mtb0NZKa6uPvy6Xz12lms/vN++oa5pmSM4aWd9fzrS3uoP9XDd26cyxcunw6cngnCe/zh5i6++sw2Nte2MmdiFv9++0JWzJ+oC+IlIKcPjzl9EcJoW1yax8u76vF4jOOm59KgFOOqDrXw0Pr9vPthM3kZKXztulnceXEZORnWvUnJSYI7wDWlzbWtPPinvWw81MKciVn8ZNVFLCnLH3zdOxNEr9vDzro2PvPEBgY8hh/euoD/tajEcR9mpXzpcuiBLZqWy9NVR6hp6mBmcVa0m3MGDUoxasvhVlav38/bB5ooHJ/K/7lpLrcvLSVzSDZNiiuJAY85Y1qRXcfaeOiV/by6t4HC8an868fP47YLp551n5CIkOpKor6tm7/51SbGpyXz289fpMN0SsU474/PqkOtGpTUyPW5Pfzpg+P86t1DbD18kvzMVL594xzuuGgaGan+/1emuKxA0z9g6O5z83//tIc1m46QnZ7MN66fzV9fUnZWIPOVmpzEM1V1pLqS+M3nl2lAUjHB6cOL0Ta9MJP8zFQ2HWpl1VJnrbatQcnhjDHsOnaKF3Yc4w9bjtLQ3kt5YSbf+2gln1gyddiAApBsD8Htq2/n736zmfpTPXzhsnK+fFXF4BDfcDrshQJvXVLCnInZ5/6GVNxwenab09sXTSLC4ml5bK5tiXZTzqJByaEOnGjnhe3HeHHHcWqaOklOEi6rKOTBi8u4YlZRyNdzvGndX/rtZnr6B/j9Fy/hgqm5IbcjPSWJnn4PX7hs+ojeh4pPTk8k0J5ScBeW5Q3Oxu+9J9EJNCg5SG1zJy/uOM4L24+xt74dEbh4egFfuHw6K+ZNJG8E9/54M+OOtHSz+rbzwwpIAD9ZtXCwd6ZULNGO0vC815U217awYv6kKLfmNA1KUXbsZDd/3HGcF3ccG1xRdfG0PL730UpuPG/SOc+GkGandedmpLDy/ClhH3/9vInnVL9SypnmT84hLTmJTYdaNSgluuaOXl7aeZy124+x6ZB1A9t5U3L49o1zuGnBZKbkjhu1ui6ZUUhJ3jge+uQFmsKtEobThxedIDU5ifOn5lJV66ybaDUojZGuPjev7DrB89uO8taBJgY8hori8Xz9ulncfP7kiA2PlRZk8M63ro5I2SqxOf0+IF1PKbgl0/J49K0auvsGGJfqjDXMNChFWE1jB79+v5Znq+po73UzJXccX7hsOrcsnKzZbEqpqLqwLJ9H3viQbUdOcvGMgmg3B9CgFDEHmzpZvX4/a7cfI8Ul3HjeJD61tJQLy/J1GE3FPMdntzm9fQ6xaFoeSQLvfdikQSle9Q94eOT1D/n31w6Q4krinqtm8NeXlDsq5VKpRKCDd8HljEthUWker+9r5GvLZ0e7OQCENJOmiKwQkX0iUi0i9/p5PU1EnrZf3yAiZT6v3Wdv3yci1wcrU0TK7TIO2GWmjnYdkdLW1c9nHt/A6j/v56YFk3jrm1fxjevnaEBSSjnWVXOK2Xm0jYZTPdFuChBCUBIRF/AwcANQCdwuIpVDdrsLaDXGzARWAw/ax1YCq4B5wArgERFxBSnzQWC1MaYCaLXLHu06Rl1Hr5tPPfY+m2tbeeiT5/OTVQs1GCkVJTp6F7qr5xQD8PKu+ii3xBLK8N1SoNoYUwMgImuAlcBun31WAt+zHz8L/Eys2T9XAmuMMb3AQRGptsvDX5kisge4GviUvc+Tdrk/H606hrR7VLgHPPz9U1vZW9/OY59dwlX2/2Sl4llTRx/XPfSm39cGHJD5dqSl66z2BZoxP5HNmZjFgpIcfvHGh9wwf1LUf0yHEpSmAEd8ntcBHwm0jzHGLSJtQIG9/f0hx3rv4PRXZgFw0hjj9rP/aNVxFhG5G7gboLQ0/MkJRYQZRZlcM7dYA5JKCLcsnEJ7j3vYtPD5k3Oi9vfwySVT8QQIjAtKcriswnkrrkaLiPC9j83j0TdryB4X/TSDUFrgryc89P92oH0Cbfc3bDjc/qNZx9kbjXkUeBRgyZIlYf+UciUJ37kpYiODSjnORdMLuGi6M7K1/Ll8VhGXzyqKdjNixqLSPH7xmcXRbgYQWqJDHTDV53kJcCzQPiKSDOQALcMcG2h7E5BrlzG0rtGqQymllEOFEpQ2ARV2VlwqVlLB2iH7rAXutB/fCrxmrNup1wKr7My5cqAC2BioTPuY1+0ysMt8fjTrCO20KKWUioagw3f29ZsvA+sAF/CEMWaXiHwfqDLGrAUeB35tJxm0YAUA7P2ewUoucAP3GGMGAPyVaVf5LWCNiNwPbLXLZpTrUEop5UCi80OdacmSJaaqqirazVBKqZgiIpuNMUvOtZyQbp5VSimlxoIGJaWUUo6hQUkppZRjaFBSSinlGJroMISINAKdWPdMJbpC9Dx46bk4Tc+FRc/DaYVApjHmnO9Y1qDkh4hUjUYWSazT83CanovT9FxY9DycNprnQofvlFJKOYYGJaWUUo6hQcm/R6PdAIfQ83CanovT9FxY9DycNmrnQq8pKaWUcgztKSmllHIMDUpKKaUcQ4OSDxFZISL7RKRaRO6NdnsiQUSeEJEGEfnAZ1u+iKwXkQP2f/Ps7SIiP7XPxw4RWeRzzJ32/gdE5E5/dTmZiEwVkddFZI+I7BKRr9jbE/FcpIvIRhHZbp+Lf7G3l4vIBvt9PW0vAYO9TMzT9rnYICJlPmXdZ2/fJyLXR+cdnRsRcYnIVhF50X6eqOfhkIjsFJFtIlJlb4v834cxRv9Z19VcwIfAdCAV2A5URrtdEXiflwOLgA98tv1/wL3243uBB+3HNwJ/wlrd9yJgg709H6ix/5tnP86L9nsL8zxMAhbZj7OA/UBlgp4LAcbbj1OADfZ7fAZYZW//BfBF+/GXgF/Yj1cBT9uPK+2/mzSg3P57ckX7/Y3gfHwN+C3wov08Uc/DIaBwyLaI/31oT+m0pUC1MabGGNMHrAFWRrlNo84Y8xbWelS+VgJP2o+fBG7x2f5fxvI+1qrAk4DrgfXGmBZjTCuwHlgR+daPHmPMcWPMFvtxO7AHmEJingtjjOmwn6bY/wxwNfCsvX3oufCeo2eBa0RE7O1rjDG9xpiDQDXW31XMEJES4CbgMfu5kIDnYRgR//vQoHTaFOCIz/M6e1simGCMOQ7WlzVQbG8PdE7i6lzZwy4LsXoICXku7CGrbUAD1hfHh8BJY4zb3sX3fQ2+Z/v1NqCA+DgXPwa+CXjs5wUk5nkA64fJKyKyWUTutrdF/O8j6MqzCUT8bEv0fPlA5yRuzpWIjAd+D/yDMeaU9UPX/65+tsXNuTDWas0XiEgu8Adgrr/d7P/G5bkQkZuBBmPMZhG50rvZz65xfR58LDPGHBORYmC9iOwdZt9ROxfaUzqtDpjq87wEOBaltoy1E3ZXG/u/Dfb2QOckLs6ViKRgBaT/NsY8Z29OyHPhZYw5CbyBdV0gV0S8P1x939fge7Zfz8EaEo71c7EM+JiIHMIavr8aq+eUaOcBAGPMMfu/DVg/VJYyBn8fGpRO2wRU2Jk2qVgXLtdGuU1jZS3gzYq5E3jeZ/tn7cyai4A2u8u+DlguInl29s1ye1vMsMf+Hwf2GGMe8nkpEc9Fkd1DQkTGAddiXWN7HbjV3m3oufCeo1uB14x1VXstsMrOSisHKoCNY/Muzp0x5j5jTIkxpgzr7/81Y8ynSbDzACAimSKS5X2M9bn+gLH4+4h2hoeT/mFlkOzHGk//TrTbE6H3+BRwHOjH+hVzF9Y4+KvAAfu/+fa+Ajxsn4+dwBKfcj6HdQG3GvibaL+vEZyHS7GGEXYA2+x/NybouVgAbLXPxQfAd+3t07G+TKuB3wFp9vZ0+3m1/fp0n7K+Y5+jfcAN0X5v53BOruR09l3CnQf7PW+3/+3yfh+Oxd+HTjOklFLKMXT4TimllGNoUFJKKeUYGpSUUko5hgYlpZRSjqFBSSmllGNoUFJKKeUYGpSUUko5xv8DEm7RjR92uVwAAAAASUVORK5CYII=\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')\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": [
    {
     "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",
      "Toy 0: Generating data...\n",
      "Toy 0: Data generation finished\n",
      "Toy 0: Loading data...\n",
      "Toy 0: Loading data finished\n",
      "Toy 0: Fitting pdf...\n",
      "------------------------------------------------------------------\n",
      "| FCN = 2.973E+05               |     Ncalls=339 (339 total)     |\n",
      "| EDM = 4.18E-05 (Goal: 5E-06)  |            up = 0.5            |\n",
      "------------------------------------------------------------------\n",
      "|  Valid Min.   | Valid Param.  | Above EDM | Reached call limit |\n",
      "------------------------------------------------------------------\n",
      "|     True      |     True      |   False   |       False        |\n",
      "------------------------------------------------------------------\n",
      "| Hesse failed  |   Has cov.    | Accurate  | Pos. def. | Forced |\n",
      "------------------------------------------------------------------\n",
      "|     False     |     True      |   True    |   True    | False  |\n",
      "------------------------------------------------------------------\n",
      "Function minimum: 297282.7780193165\n",
      "----------------------------------------------------------------------------------------------\n",
      "|   | Name     |   Value   | Hesse Err | Minos Err- | Minos Err+ | Limit-  | Limit+  | Fixed |\n",
      "----------------------------------------------------------------------------------------------\n",
      "| 0 | p4040_s  |   0.75    |   0.17    |            |            |0.00501244| 2.01499 |       |\n",
      "| 1 | p4415_p  |   -2.29   |    0.16   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 2 | Dbar_p   |   -1.03   |    0.20   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 3 | omega_p  |   -6.1    |    0.6    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 4 | rho_p    |   -6.3    |    0.6    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 5 | phi_s    |   19.1    |    0.9    |            |            | 14.8182 | 23.5818 |       |\n",
      "| 6 | p4160_s  |   1.99    |   0.16    |            |            | 0.71676 | 3.68324 |       |\n",
      "| 7 | jpsi_p   |   4.715   |   0.024   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 8 | bplus_2  |   -0.05   |    0.08   |            |            |   -2    |    2    |       |\n",
      "| 9 | p4040_p  |   3.62    |   0.24    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 10| DDstar_p |   1.65    |   0.23    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 11| Ctt      |   0.46    |   0.17    |            |            |  -1.5   |   1.5   |       |\n",
      "| 12| p4415_s  |   1.28    |   0.19    |            |            |0.126447 | 2.35355 |       |\n",
      "| 13| rho_s    |    1.0    |    0.3    |            |            |0.0253049| 2.0747  |       |\n",
      "| 14| omega_s  |    6.7    |    1.9    |            |            | 4.19232 | 9.40768 |       |\n",
      "| 15| Dbar_s   |   0.300   |   0.006   |            |            |  -0.3   |   0.3   |       |\n",
      "| 16| DDstar_s |  -0.300   |   0.010   |            |            |  -0.3   |   0.3   |       |\n",
      "| 17| p4160_p  |   -2.00   |    0.11   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 18| phi_p    |   6.25    |   0.12    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 19| p3770_p  |  -6.283   |   0.012   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 20| p3770_s  |   0.919   |   0.011   |            |            |0.918861 | 4.08114 |       |\n",
      "| 21| bplus_0  |   0.481   |   0.019   |            |            |   -2    |    2    |       |\n",
      "| 22| bplus_1  |   -0.96   |    0.04   |            |            |   -2    |    2    |       |\n",
      "| 23| psi2s_p  |   2.134   |   0.026   |            |            |-6.28319 | 6.28319 |       |\n",
      "----------------------------------------------------------------------------------------------\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|          |  p4040_s  p4415_p   Dbar_p  omega_p    rho_p    phi_s  p4160_s   jpsi_p  bplus_2  p4040_p DDstar_p      Ctt  p4415_s    rho_s  omega_s   Dbar_s DDstar_s  p4160_p    phi_p  p3770_p  p3770_s  bplus_0  bplus_1  psi2s_p |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|  p4040_s |    1.000   -0.228   -0.003    0.005    0.016   -0.013   -0.135    0.017    0.029   -0.178   -0.084    0.346    0.128    0.022    0.001   -0.001    0.001   -0.495    0.001    0.000   -0.005    0.018    0.048    0.094 |\n",
      "|  p4415_p |   -0.228    1.000   -0.037    0.002    0.046   -0.031   -0.115   -0.020    0.210    0.078   -0.086   -0.027   -0.109    0.015   -0.000    0.003    0.015    0.298    0.000   -0.001    0.002    0.022   -0.097   -0.109 |\n",
      "|   Dbar_p |   -0.003   -0.037    1.000    0.006   -0.002   -0.008   -0.065    0.214   -0.064   -0.072   -0.029   -0.218    0.022    0.035   -0.001    0.002    0.003    0.036   -0.001   -0.003    0.008    0.036    0.129    0.064 |\n",
      "|  omega_p |    0.005    0.002    0.006    1.000   -0.097    0.102    0.007   -0.046    0.026    0.000    0.005    0.005    0.003    0.109    0.904    0.000    0.000   -0.004    0.060    0.000   -0.000    0.030   -0.017   -0.008 |\n",
      "|    rho_p |    0.016    0.046   -0.002   -0.097    1.000    0.050    0.044   -0.076    0.197    0.029   -0.030    0.079   -0.004    0.088    0.046    0.000   -0.000    0.008    0.035    0.000   -0.001   -0.093    0.073   -0.005 |\n",
      "|    phi_s |   -0.013   -0.031   -0.008    0.102    0.050    1.000   -0.033    0.024   -0.121   -0.023    0.007   -0.050   -0.003   -0.008    0.112    0.000    0.000   -0.009    0.362    0.000    0.000   -0.032    0.031   -0.007 |\n",
      "|  p4160_s |   -0.135   -0.115   -0.065    0.007    0.044   -0.033    1.000   -0.048    0.117    0.381   -0.088    0.197    0.325    0.033    0.001    0.001    0.005   -0.107    0.001    0.000   -0.001    0.040    0.002   -0.114 |\n",
      "|   jpsi_p |    0.017   -0.020    0.214   -0.046   -0.076    0.024   -0.048    1.000    0.114   -0.098    0.013    0.242   -0.033   -0.026   -0.045    0.007    0.028   -0.035   -0.015    0.002    0.002   -0.063   -0.001   -0.068 |\n",
      "|  bplus_2 |    0.029    0.210   -0.064    0.026    0.197   -0.121    0.117    0.114    1.000    0.052   -0.255    0.649   -0.125    0.085    0.013    0.001    0.004    0.049    0.005    0.004   -0.000    0.075   -0.361   -0.063 |\n",
      "|  p4040_p |   -0.178    0.078   -0.072    0.000    0.029   -0.023    0.381   -0.098    0.052    1.000   -0.038   -0.151    0.101    0.012   -0.002    0.003    0.012   -0.036   -0.000   -0.002    0.003    0.026   -0.035   -0.252 |\n",
      "| DDstar_p |   -0.084   -0.086   -0.029    0.005   -0.030    0.007   -0.088    0.013   -0.255   -0.038    1.000   -0.114   -0.016    0.056   -0.006    0.001    0.010    0.073   -0.001   -0.002    0.005    0.036    0.314   -0.021 |\n",
      "|      Ctt |    0.346   -0.027   -0.218    0.005    0.079   -0.050    0.197    0.242    0.649   -0.151   -0.114    1.000    0.179    0.035   -0.001    0.003    0.002   -0.333    0.000    0.009   -0.002   -0.005   -0.129    0.085 |\n",
      "|  p4415_s |    0.128   -0.109    0.022    0.003   -0.004   -0.003    0.325   -0.033   -0.125    0.101   -0.016    0.179    1.000    0.023   -0.001   -0.000    0.000   -0.057    0.000    0.001   -0.002    0.024    0.123    0.015 |\n",
      "|    rho_s |    0.022    0.015    0.035    0.109    0.088   -0.008    0.033   -0.026    0.085    0.012    0.056    0.035    0.023    1.000   -0.067   -0.000    0.000   -0.003    0.013   -0.000    0.000    0.225   -0.155    0.011 |\n",
      "|  omega_s |    0.001   -0.000   -0.001    0.904    0.046    0.112    0.001   -0.045    0.013   -0.002   -0.006   -0.001   -0.001   -0.067    1.000    0.000    0.000   -0.004    0.052    0.000   -0.000   -0.016    0.017   -0.010 |\n",
      "|   Dbar_s |   -0.001    0.003    0.002    0.000    0.000    0.000    0.001    0.007    0.001    0.003    0.001    0.003   -0.000   -0.000    0.000    1.000   -0.000    0.004    0.000   -0.000    0.000   -0.000   -0.001    0.007 |\n",
      "| DDstar_s |    0.001    0.015    0.003    0.000   -0.000    0.000    0.005    0.028    0.004    0.012    0.010    0.002    0.000    0.000    0.000   -0.000    1.000    0.018   -0.000   -0.000    0.000    0.000   -0.001    0.020 |\n",
      "|  p4160_p |   -0.495    0.298    0.036   -0.004    0.008   -0.009   -0.107   -0.035    0.049   -0.036    0.073   -0.333   -0.057   -0.003   -0.004    0.004    0.018    1.000   -0.001   -0.003    0.005    0.012   -0.068   -0.126 |\n",
      "|    phi_p |    0.001    0.000   -0.001    0.060    0.035    0.362    0.001   -0.015    0.005   -0.000   -0.001    0.000    0.000    0.013    0.052    0.000   -0.000   -0.001    1.000    0.000   -0.000   -0.001    0.002   -0.003 |\n",
      "|  p3770_p |    0.000   -0.001   -0.003    0.000    0.000    0.000    0.000    0.002    0.004   -0.002   -0.002    0.009    0.001   -0.000    0.000   -0.000   -0.000   -0.003    0.000    1.000   -0.002   -0.001   -0.001    0.010 |\n",
      "|  p3770_s |   -0.005    0.002    0.008   -0.000   -0.001    0.000   -0.001    0.002   -0.000    0.003    0.005   -0.002   -0.002    0.000   -0.000    0.000    0.000    0.005   -0.000   -0.002    1.000    0.001    0.001    0.009 |\n",
      "|  bplus_0 |    0.018    0.022    0.036    0.030   -0.093   -0.032    0.040   -0.063    0.075    0.026    0.036   -0.005    0.024    0.225   -0.016   -0.000    0.000    0.012   -0.001   -0.001    0.001    1.000   -0.864    0.014 |\n",
      "|  bplus_1 |    0.048   -0.097    0.129   -0.017    0.073    0.031    0.002   -0.001   -0.361   -0.035    0.314   -0.129    0.123   -0.155    0.017   -0.001   -0.001   -0.068    0.002   -0.001    0.001   -0.864    1.000    0.045 |\n",
      "|  psi2s_p |    0.094   -0.109    0.064   -0.008   -0.005   -0.007   -0.114   -0.068   -0.063   -0.252   -0.021    0.085    0.015    0.011   -0.010    0.007    0.020   -0.126   -0.003    0.010    0.009    0.014    0.045    1.000 |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "Hesse errors: OrderedDict([(<zfit.Parameter 'p4040_s' floating=True>, {'error': 0.16877995169658805}), (<zfit.Parameter 'p4415_p' floating=True>, {'error': 0.16247575338851927}), (<zfit.Parameter 'Dbar_p' floating=True>, {'error': 0.19900862069874625}), (<zfit.Parameter 'omega_p' floating=True>, {'error': 0.6302811561454438}), (<zfit.Parameter 'rho_p' floating=True>, {'error': 0.5560679937032589}), (<zfit.Parameter 'phi_s' floating=True>, {'error': 0.8671990427693697}), (<zfit.Parameter 'p4160_s' floating=True>, {'error': 0.16496803693122974}), (<zfit.Parameter 'jpsi_p' floating=True>, {'error': 0.024434319412766747}), (<zfit.Parameter 'bplus_2' floating=True>, {'error': 0.0841109589093274}), (<zfit.Parameter 'p4040_p' floating=True>, {'error': 0.2370609077068293}), (<zfit.Parameter 'DDstar_p' floating=True>, {'error': 0.23311179146915606}), (<zfit.Parameter 'Ctt' floating=True>, {'error': 0.16864527033373622}), (<zfit.Parameter 'p4415_s' floating=True>, {'error': 0.18786151660850048}), (<zfit.Parameter 'rho_s' floating=True>, {'error': 0.3419797835741468}), (<zfit.Parameter 'omega_s' floating=True>, {'error': 1.9142083292666605}), (<zfit.Parameter 'Dbar_s' floating=True>, {'error': 0.0060831596924605935}), (<zfit.Parameter 'DDstar_s' floating=True>, {'error': 0.009548447406650562}), (<zfit.Parameter 'p4160_p' floating=True>, {'error': 0.10728797898379927}), (<zfit.Parameter 'phi_p' floating=True>, {'error': 0.1200583686731651}), (<zfit.Parameter 'p3770_p' floating=True>, {'error': 0.011778400234528252}), (<zfit.Parameter 'p3770_s' floating=True>, {'error': 0.01118141747481266}), (<zfit.Parameter 'bplus_0' floating=True>, {'error': 0.019460341380867163}), (<zfit.Parameter 'bplus_1' floating=True>, {'error': 0.04123529565958395}), (<zfit.Parameter 'psi2s_p' floating=True>, {'error': 0.026229198841033252})])\n"
     ]
    },
    {
     "name": "stderr",
     "output_type": "stream",
     "text": [
      "C:\\Users\\sa_li\\.conda\\envs\\rmd\\lib\\site-packages\\ipykernel_launcher.py:192: UserWarning: Creating legend with loc=\"best\" can be slow with large amounts of data.\n"
     ]
    },
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "Toy 1/50\n",
      "Time taken: 1 min, 26 s\n",
      "Projected time left: 1 h, 10 min\n",
      "Toy 1: Generating data...\n",
      "Toy 1: Data generation finished\n",
      "Toy 1: Loading data...\n",
      "Toy 1: Loading data finished\n",
      "Toy 1: Fitting pdf...\n",
      "------------------------------------------------------------------\n",
      "| FCN = 2.973E+05               |    Ncalls=1506 (1506 total)    |\n",
      "| EDM = 0.00454 (Goal: 5E-06)   |            up = 0.5            |\n",
      "------------------------------------------------------------------\n",
      "|  Valid Min.   | Valid Param.  | Above EDM | Reached call limit |\n",
      "------------------------------------------------------------------\n",
      "|     False     |     True      |   True    |       False        |\n",
      "------------------------------------------------------------------\n",
      "| Hesse failed  |   Has cov.    | Accurate  | Pos. def. | Forced |\n",
      "------------------------------------------------------------------\n",
      "|     False     |     True      |   False   |   False   |  True  |\n",
      "------------------------------------------------------------------\n",
      "Function minimum: 297305.2836194889\n",
      "----------------------------------------------------------------------------------------------\n",
      "|   | Name     |   Value   | Hesse Err | Minos Err- | Minos Err+ | Limit-  | Limit+  | Fixed |\n",
      "----------------------------------------------------------------------------------------------\n",
      "| 0 | p4040_s  |   0.005   |   0.026   |            |            |0.00501244| 2.01499 |       |\n",
      "| 1 | p4415_p  |   -2.29   |    0.22   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 2 | Dbar_p   |    1.0    |    0.7    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 3 | omega_p  |   6.28    |   0.07    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 4 | rho_p    |   -0.44   |    0.28   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 5 | phi_s    |   16.6    |    0.9    |            |            | 14.8182 | 23.5818 |       |\n",
      "| 6 | p4160_s  |   2.21    |   0.16    |            |            | 0.71676 | 3.68324 |       |\n",
      "| 7 | jpsi_p   |   -4.62   |    0.03   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 8 | bplus_2  |   -0.36   |    0.09   |            |            |   -2    |    2    |       |\n",
      "| 9 | p4040_p  |    -6     |     9     |            |            |-6.28319 | 6.28319 |       |\n",
      "| 10| DDstar_p |    6.3    |    0.7    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 11| Ctt      |   -0.53   |    0.22   |            |            |  -1.5   |   1.5   |       |\n",
      "| 12| p4415_s  |   0.99    |   0.20    |            |            |0.126447 | 2.35355 |       |\n",
      "| 13| rho_s    |   1.32    |   0.32    |            |            |0.0253049| 2.0747  |       |\n",
      "| 14| omega_s  |    5.9    |    0.9    |            |            | 4.19232 | 9.40768 |       |\n",
      "| 15| Dbar_s   |   0.30    |   0.39    |            |            |  -0.3   |   0.3   |       |\n",
      "| 16| DDstar_s |   0.30    |   0.39    |            |            |  -0.3   |   0.3   |       |\n",
      "| 17| p4160_p  |   -2.03   |    0.11   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 18| phi_p    |   5.92    |   0.20    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 19| p3770_p  |   -2.71   |    0.11   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 20| p3770_s  |   2.74    |   0.26    |            |            |0.918861 | 4.08114 |       |\n",
      "| 21| bplus_0  |   0.464   |   0.020   |            |            |   -2    |    2    |       |\n",
      "| 22| bplus_1  |   -0.81   |    0.04   |            |            |   -2    |    2    |       |\n",
      "| 23| psi2s_p  |   1.80    |   0.04    |            |            |-6.28319 | 6.28319 |       |\n",
      "----------------------------------------------------------------------------------------------\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|          |  p4040_s  p4415_p   Dbar_p  omega_p    rho_p    phi_s  p4160_s   jpsi_p  bplus_2  p4040_p DDstar_p      Ctt  p4415_s    rho_s  omega_s   Dbar_s DDstar_s  p4160_p    phi_p  p3770_p  p3770_s  bplus_0  bplus_1  psi2s_p |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|  p4040_s |    1.000    0.020    0.021   -0.000   -0.002    0.000    0.014    0.019   -0.004   -0.259   -0.011   -0.008   -0.009   -0.002    0.001    0.003   -0.005    0.034    0.000    0.014    0.009   -0.000   -0.010    0.004 |\n",
      "|  p4415_p |    0.020    1.000    0.309   -0.000    0.050   -0.019   -0.175    0.150    0.214   -0.017   -0.095    0.237   -0.186   -0.022    0.009    0.127    0.017    0.372    0.008    0.063    0.190    0.013   -0.173    0.139 |\n",
      "|   Dbar_p |    0.021    0.309    1.000   -0.001   -0.083    0.022   -0.061    0.348    0.017   -0.037    0.255    0.577   -0.187   -0.089    0.027    0.301   -0.087    0.419   -0.002   -0.102    0.453   -0.055   -0.398    0.504 |\n",
      "|  omega_p |   -0.000   -0.000   -0.001    1.000    0.009   -0.002    0.000    0.000   -0.001    0.000   -0.000   -0.001    0.000    0.016   -0.071   -0.000   -0.000   -0.000   -0.001    0.000   -0.000    0.003   -0.002   -0.000 |\n",
      "|    rho_p |   -0.002    0.050   -0.083    0.009    1.000    0.107    0.085   -0.027    0.282   -0.000   -0.015    0.061    0.013    0.231    0.171   -0.045   -0.004   -0.015    0.125   -0.009   -0.016    0.026    0.032   -0.018 |\n",
      "|    phi_s |    0.000   -0.019    0.022   -0.002    0.107    1.000   -0.028   -0.008   -0.085    0.000    0.000   -0.025   -0.003    0.022    0.029    0.011   -0.002    0.001    0.539   -0.002   -0.000   -0.023    0.014    0.002 |\n",
      "|  p4160_s |    0.014   -0.175   -0.061    0.000    0.085   -0.028    1.000   -0.140    0.183   -0.023    0.029    0.272    0.349    0.026   -0.006    0.024    0.033   -0.189    0.007   -0.074   -0.011    0.049    0.048   -0.010 |\n",
      "|   jpsi_p |    0.019    0.150    0.348    0.000   -0.027   -0.008   -0.140    1.000   -0.282   -0.021   -0.401   -0.146   -0.120   -0.015   -0.003   -0.069   -0.071    0.404   -0.003    0.138    0.353    0.023   -0.029    0.289 |\n",
      "|  bplus_2 |   -0.004    0.214    0.017   -0.001    0.282   -0.085    0.183   -0.282    1.000   -0.002    0.155    0.625   -0.102   -0.024    0.024    0.071    0.090   -0.016    0.027   -0.057   -0.082   -0.064   -0.167    0.033 |\n",
      "|  p4040_p |   -0.259   -0.017   -0.037    0.000   -0.000    0.000   -0.023   -0.021   -0.002    1.000    0.009   -0.013   -0.000    0.003   -0.001   -0.011    0.003   -0.017   -0.000   -0.010   -0.020   -0.000    0.014   -0.009 |\n",
      "| DDstar_p |   -0.011   -0.095    0.255   -0.000   -0.015    0.000    0.029   -0.401    0.155    0.009    1.000    0.278   -0.001   -0.030    0.011    0.017    0.089   -0.306   -0.008   -0.273   -0.114   -0.018   -0.187   -0.081 |\n",
      "|      Ctt |   -0.008    0.237    0.577   -0.001    0.061   -0.025    0.272   -0.146    0.625   -0.013    0.278    1.000    0.039   -0.046    0.017    0.269   -0.022    0.032    0.003   -0.168    0.078   -0.022   -0.343    0.419 |\n",
      "|  p4415_s |   -0.009   -0.186   -0.187    0.000    0.013   -0.003    0.349   -0.120   -0.102   -0.000   -0.001    0.039    1.000    0.034   -0.011   -0.078    0.005   -0.111    0.000   -0.058   -0.089    0.023    0.184   -0.044 |\n",
      "|    rho_s |   -0.002   -0.022   -0.089    0.016    0.231    0.022    0.026   -0.015   -0.024    0.003   -0.030   -0.046    0.034    1.000   -0.448   -0.043   -0.021   -0.034    0.031    0.017   -0.031    0.257   -0.156   -0.034 |\n",
      "|  omega_s |    0.001    0.009    0.027   -0.071    0.171    0.029   -0.006   -0.003    0.024   -0.001    0.011    0.017   -0.011   -0.448    1.000    0.013    0.007    0.009   -0.016   -0.010    0.008   -0.101    0.070    0.009 |\n",
      "|   Dbar_s |    0.003    0.127    0.301   -0.000   -0.045    0.011    0.024   -0.069    0.071   -0.011    0.017    0.269   -0.078   -0.043    0.013    1.000   -0.057    0.075   -0.006   -0.270    0.071   -0.035   -0.212    0.105 |\n",
      "| DDstar_s |   -0.005    0.017   -0.087   -0.000   -0.004   -0.002    0.033   -0.071    0.090    0.003    0.089   -0.022    0.005   -0.021    0.007   -0.057    1.000   -0.072   -0.002   -0.102   -0.094   -0.007   -0.127   -0.041 |\n",
      "|  p4160_p |    0.034    0.372    0.419   -0.000   -0.015    0.001   -0.189    0.404   -0.016   -0.017   -0.306    0.032   -0.111   -0.034    0.009    0.075   -0.072    1.000    0.003    0.192    0.313    0.000   -0.175    0.192 |\n",
      "|    phi_p |    0.000    0.008   -0.002   -0.001    0.125    0.539    0.007   -0.003    0.027   -0.000   -0.008    0.003    0.000    0.031   -0.016   -0.006   -0.002    0.003    1.000   -0.003    0.003    0.008    0.003    0.001 |\n",
      "|  p3770_p |    0.014    0.063   -0.102    0.000   -0.009   -0.002   -0.074    0.138   -0.057   -0.010   -0.273   -0.168   -0.058    0.017   -0.010   -0.270   -0.102    0.192   -0.003    1.000   -0.165    0.033    0.051    0.046 |\n",
      "|  p3770_s |    0.009    0.190    0.453   -0.000   -0.016   -0.000   -0.011    0.353   -0.082   -0.020   -0.114    0.078   -0.089   -0.031    0.008    0.071   -0.094    0.313    0.003   -0.165    1.000    0.017   -0.149   -0.050 |\n",
      "|  bplus_0 |   -0.000    0.013   -0.055    0.003    0.026   -0.023    0.049    0.023   -0.064   -0.000   -0.018   -0.022    0.023    0.257   -0.101   -0.035   -0.007    0.000    0.008    0.033    0.017    1.000   -0.815   -0.014 |\n",
      "|  bplus_1 |   -0.010   -0.173   -0.398   -0.002    0.032    0.014    0.048   -0.029   -0.167    0.014   -0.187   -0.343    0.184   -0.156    0.070   -0.212   -0.127   -0.175    0.003    0.051   -0.149   -0.815    1.000   -0.164 |\n",
      "|  psi2s_p |    0.004    0.139    0.504   -0.000   -0.018    0.002   -0.010    0.289    0.033   -0.009   -0.081    0.419   -0.044   -0.034    0.009    0.105   -0.041    0.192    0.001    0.046   -0.050   -0.014   -0.164    1.000 |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "Hesse errors: OrderedDict([(<zfit.Parameter 'p4040_s' floating=True>, {'error': 0.02600198160051127}), (<zfit.Parameter 'p4415_p' floating=True>, {'error': 0.22221188417996385}), (<zfit.Parameter 'Dbar_p' floating=True>, {'error': 0.6525556274797397}), (<zfit.Parameter 'omega_p' floating=True>, {'error': 0.06986411382518565}), (<zfit.Parameter 'rho_p' floating=True>, {'error': 0.2775081252414173}), (<zfit.Parameter 'phi_s' floating=True>, {'error': 0.940294195295797}), (<zfit.Parameter 'p4160_s' floating=True>, {'error': 0.15961532203253914}), (<zfit.Parameter 'jpsi_p' floating=True>, {'error': 0.03201855904157025}), (<zfit.Parameter 'bplus_2' floating=True>, {'error': 0.08503229822984038}), (<zfit.Parameter 'p4040_p' floating=True>, {'error': 9.4147240874848}), (<zfit.Parameter 'DDstar_p' floating=True>, {'error': 0.6767700985929404}), (<zfit.Parameter 'Ctt' floating=True>, {'error': 0.2244578861034544}), (<zfit.Parameter 'p4415_s' floating=True>, {'error': 0.19809232196474302}), (<zfit.Parameter 'rho_s' floating=True>, {'error': 0.31531792876082804}), (<zfit.Parameter 'omega_s' floating=True>, {'error': 0.9019371501407454}), (<zfit.Parameter 'Dbar_s' floating=True>, {'error': 0.38530322192902755}), (<zfit.Parameter 'DDstar_s' floating=True>, {'error': 0.3873307162905222}), (<zfit.Parameter 'p4160_p' floating=True>, {'error': 0.10805733844064447}), (<zfit.Parameter 'phi_p' floating=True>, {'error': 0.20490634997133217}), (<zfit.Parameter 'p3770_p' floating=True>, {'error': 0.11269531746078454}), (<zfit.Parameter 'p3770_s' floating=True>, {'error': 0.26478588588206375}), (<zfit.Parameter 'bplus_0' floating=True>, {'error': 0.020218897195892982}), (<zfit.Parameter 'bplus_1' floating=True>, {'error': 0.0394445884026593}), (<zfit.Parameter 'psi2s_p' floating=True>, {'error': 0.03661552626823461})])\n"
     ]
    },
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "Toy 2/50\n",
      "Time taken: 3 min, 41 s\n",
      "Projected time left: 1 h, 28 min\n",
      "Toy 2: Generating data...\n",
      "Toy 2: Data generation finished\n",
      "Toy 2: Loading data...\n",
      "Toy 2: Loading data finished\n",
      "Toy 2: Fitting pdf...\n",
      "------------------------------------------------------------------\n",
      "| FCN = 2.975E+05               |    Ncalls=1341 (1341 total)    |\n",
      "| EDM = 5.28E-05 (Goal: 5E-06)  |            up = 0.5            |\n",
      "------------------------------------------------------------------\n",
      "|  Valid Min.   | Valid Param.  | Above EDM | Reached call limit |\n",
      "------------------------------------------------------------------\n",
      "|     True      |     True      |   False   |       False        |\n",
      "------------------------------------------------------------------\n",
      "| Hesse failed  |   Has cov.    | Accurate  | Pos. def. | Forced |\n",
      "------------------------------------------------------------------\n",
      "|     False     |     True      |   True    |   True    | False  |\n",
      "------------------------------------------------------------------\n",
      "Function minimum: 297510.2742995519\n",
      "----------------------------------------------------------------------------------------------\n",
      "|   | Name     |   Value   | Hesse Err | Minos Err- | Minos Err+ | Limit-  | Limit+  | Fixed |\n",
      "----------------------------------------------------------------------------------------------\n",
      "| 0 | p4040_s  |   1.12    |   0.19    |            |            |0.00501244| 2.01499 |       |\n",
      "| 1 | p4415_p  |    5.2    |    0.3    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 2 | Dbar_p   |    0.7    |    0.8    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 3 | omega_p  |   0.005   |   0.302   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 4 | rho_p    |    6.0    |    0.4    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 5 | phi_s    |   15.6    |    1.1    |            |            | 14.8182 | 23.5818 |       |\n",
      "| 6 | p4160_s  |   0.717   |   0.011   |            |            | 0.71676 | 3.68324 |       |\n",
      "| 7 | jpsi_p   |   1.71    |   0.03    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 8 | bplus_2  |   0.42    |   0.08    |            |            |   -2    |    2    |       |\n",
      "| 9 | p4040_p  |   -3.32   |    0.16   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 10| DDstar_p |    1.1    |    0.6    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 11| Ctt      |   -1.15   |    0.21   |            |            |  -1.5   |   1.5   |       |\n",
      "| 12| p4415_s  |   0.65    |   0.19    |            |            |0.126447 | 2.35355 |       |\n",
      "| 13| rho_s    |    1.0    |    0.4    |            |            |0.0253049| 2.0747  |       |\n",
      "| 14| omega_s  |    6.1    |    1.2    |            |            | 4.19232 | 9.40768 |       |\n",
      "| 15| Dbar_s   |   0.30    |   0.38    |            |            |  -0.3   |   0.3   |       |\n",
      "| 16| DDstar_s |   0.30    |   0.07    |            |            |  -0.3   |   0.3   |       |\n",
      "| 17| p4160_p  |  -6.283   |   0.015   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 18| phi_p    |   6.00    |   0.22    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 19| p3770_p  |   4.04    |   0.12    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 20| p3770_s  |   2.76    |   0.30    |            |            |0.918861 | 4.08114 |       |\n",
      "| 21| bplus_0  |  -0.404   |   0.031   |            |            |   -2    |    2    |       |\n",
      "| 22| bplus_1  |   0.71    |   0.06    |            |            |   -2    |    2    |       |\n",
      "| 23| psi2s_p  |   1.84    |   0.04    |            |            |-6.28319 | 6.28319 |       |\n",
      "----------------------------------------------------------------------------------------------\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|          |  p4040_s  p4415_p   Dbar_p  omega_p    rho_p    phi_s  p4160_s   jpsi_p  bplus_2  p4040_p DDstar_p      Ctt  p4415_s    rho_s  omega_s   Dbar_s DDstar_s  p4160_p    phi_p  p3770_p  p3770_s  bplus_0  bplus_1  psi2s_p |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|  p4040_s |    1.000   -0.212   -0.365   -0.002    0.028   -0.015   -0.010   -0.305   -0.200   -0.296    0.074    0.138    0.019    0.016   -0.006   -0.091    0.037    0.014   -0.003   -0.289   -0.223    0.028   -0.058   -0.074 |\n",
      "|  p4415_p |   -0.212    1.000    0.121    0.006    0.028   -0.009    0.007    0.165   -0.166    0.075    0.161   -0.011   -0.008   -0.020    0.012    0.048    0.014    0.002    0.003    0.086    0.098   -0.029    0.170    0.055 |\n",
      "|   Dbar_p |   -0.365    0.121    1.000    0.006    0.003   -0.001    0.012    0.593    0.213    0.424   -0.367    0.526   -0.062    0.006    0.000    0.297   -0.012   -0.007    0.012    0.377    0.640   -0.060    0.030    0.530 |\n",
      "|  omega_p |   -0.002    0.006    0.006    1.000   -0.073    0.031    0.000    0.000   -0.032    0.008    0.016    0.005    0.002   -0.090    0.518    0.001    0.003   -0.000    0.012    0.001    0.005    0.064   -0.052    0.006 |\n",
      "|    rho_p |    0.028    0.028    0.003   -0.073    1.000    0.111   -0.000   -0.013   -0.245    0.032   -0.012    0.086    0.047    0.102    0.233   -0.012   -0.004   -0.001    0.090   -0.015    0.014    0.122   -0.123    0.015 |\n",
      "|    phi_s |   -0.015   -0.009   -0.001    0.031    0.111    1.000    0.000   -0.013    0.059   -0.015    0.029   -0.045   -0.025   -0.019    0.060    0.008    0.008    0.000    0.624    0.007   -0.008    0.096   -0.079   -0.008 |\n",
      "|  p4160_s |   -0.010    0.007    0.012    0.000   -0.000    0.000    1.000    0.011    0.003   -0.001   -0.001   -0.001    0.004   -0.001    0.000    0.002   -0.002   -0.002    0.000    0.008    0.009   -0.000    0.002    0.005 |\n",
      "|   jpsi_p |   -0.305    0.165    0.593    0.000   -0.013   -0.013    0.011    1.000    0.291    0.394    0.158    0.025   -0.049    0.007   -0.008    0.030   -0.048   -0.008    0.003    0.190    0.442   -0.141    0.210    0.396 |\n",
      "|  bplus_2 |   -0.200   -0.166    0.213   -0.032   -0.245    0.059    0.003    0.291    1.000   -0.027   -0.194   -0.487   -0.188    0.096   -0.073    0.035   -0.072    0.003   -0.001    0.128    0.190   -0.276    0.076    0.004 |\n",
      "|  p4040_p |   -0.296    0.075    0.424    0.008    0.032   -0.015   -0.001    0.394   -0.027    1.000    0.213    0.199    0.125   -0.015    0.010    0.112    0.001   -0.010    0.007    0.165    0.347   -0.072    0.193    0.187 |\n",
      "| DDstar_p |    0.074    0.161   -0.367    0.016   -0.012    0.029   -0.001    0.158   -0.194    0.213    1.000   -0.257    0.172   -0.123    0.055   -0.232    0.115   -0.010   -0.005   -0.260   -0.204    0.053    0.313    0.020 |\n",
      "|      Ctt |    0.138   -0.011    0.526    0.005    0.086   -0.045   -0.001    0.025   -0.487    0.199   -0.257    1.000    0.181    0.022   -0.005    0.269    0.009   -0.005    0.005    0.102    0.171   -0.007    0.043    0.459 |\n",
      "|  p4415_s |    0.019   -0.008   -0.062    0.002    0.047   -0.025    0.004   -0.049   -0.188    0.125    0.172    0.181    1.000    0.014   -0.003   -0.005    0.044   -0.005    0.002   -0.078   -0.040   -0.031    0.066    0.015 |\n",
      "|    rho_s |    0.016   -0.020    0.006   -0.090    0.102   -0.019   -0.001    0.007    0.096   -0.015   -0.123    0.022    0.014    1.000   -0.408   -0.012   -0.033    0.000    0.042   -0.013   -0.000   -0.438    0.341   -0.010 |\n",
      "|  omega_s |   -0.006    0.012    0.000    0.518    0.233    0.060    0.000   -0.008   -0.073    0.010    0.055   -0.005   -0.003   -0.408    1.000    0.005    0.014   -0.000   -0.008    0.004    0.002    0.226   -0.185    0.006 |\n",
      "|   Dbar_s |   -0.091    0.048    0.297    0.001   -0.012    0.008    0.002    0.030    0.035    0.112   -0.232    0.269   -0.005   -0.012    0.005    1.000   -0.041   -0.002   -0.000   -0.036    0.159    0.010    0.004    0.123 |\n",
      "| DDstar_s |    0.037    0.014   -0.012    0.003   -0.004    0.008   -0.002   -0.048   -0.072    0.001    0.115    0.009    0.044   -0.033    0.014   -0.041    1.000   -0.002   -0.003   -0.089   -0.061    0.020    0.076   -0.011 |\n",
      "|  p4160_p |    0.014    0.002   -0.007   -0.000   -0.001    0.000   -0.002   -0.008    0.003   -0.010   -0.010   -0.005   -0.005    0.000   -0.000   -0.002   -0.002    1.000   -0.000   -0.002   -0.005    0.002   -0.007   -0.004 |\n",
      "|    phi_p |   -0.003    0.003    0.012    0.012    0.090    0.624    0.000    0.003   -0.001    0.007   -0.005    0.005    0.002    0.042   -0.008   -0.000   -0.003   -0.000    1.000   -0.001    0.007   -0.023    0.016    0.006 |\n",
      "|  p3770_p |   -0.289    0.086    0.377    0.001   -0.015    0.007    0.008    0.190    0.128    0.165   -0.260    0.102   -0.078   -0.013    0.004   -0.036   -0.089   -0.002   -0.001    1.000    0.148    0.036   -0.092    0.241 |\n",
      "|  p3770_s |   -0.223    0.098    0.640    0.005    0.014   -0.008    0.009    0.442    0.190    0.347   -0.204    0.171   -0.040   -0.000    0.002    0.159   -0.061   -0.005    0.007    0.148    1.000   -0.040    0.010    0.028 |\n",
      "|  bplus_0 |    0.028   -0.029   -0.060    0.064    0.122    0.096   -0.000   -0.141   -0.276   -0.072    0.053   -0.007   -0.031   -0.438    0.226    0.010    0.020    0.002   -0.023    0.036   -0.040    1.000   -0.901   -0.040 |\n",
      "|  bplus_1 |   -0.058    0.170    0.030   -0.052   -0.123   -0.079    0.002    0.210    0.076    0.193    0.313    0.043    0.066    0.341   -0.185    0.004    0.076   -0.007    0.016   -0.092    0.010   -0.901    1.000    0.102 |\n",
      "|  psi2s_p |   -0.074    0.055    0.530    0.006    0.015   -0.008    0.005    0.396    0.004    0.187    0.020    0.459    0.015   -0.010    0.006    0.123   -0.011   -0.004    0.006    0.241    0.028   -0.040    0.102    1.000 |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "Hesse errors: OrderedDict([(<zfit.Parameter 'p4040_s' floating=True>, {'error': 0.18784495516146726}), (<zfit.Parameter 'p4415_p' floating=True>, {'error': 0.3216396549555798}), (<zfit.Parameter 'Dbar_p' floating=True>, {'error': 0.7920343831732986}), (<zfit.Parameter 'omega_p' floating=True>, {'error': 0.3024323575761372}), (<zfit.Parameter 'rho_p' floating=True>, {'error': 0.36194112193100914}), (<zfit.Parameter 'phi_s' floating=True>, {'error': 1.098900840924954}), (<zfit.Parameter 'p4160_s' floating=True>, {'error': 0.011479235061617132}), (<zfit.Parameter 'jpsi_p' floating=True>, {'error': 0.03436494894789366}), (<zfit.Parameter 'bplus_2' floating=True>, {'error': 0.0809092022971376}), (<zfit.Parameter 'p4040_p' floating=True>, {'error': 0.16199665702029065}), (<zfit.Parameter 'DDstar_p' floating=True>, {'error': 0.6017789912723575}), (<zfit.Parameter 'Ctt' floating=True>, {'error': 0.21354349063544442}), (<zfit.Parameter 'p4415_s' floating=True>, {'error': 0.19204719517973326}), (<zfit.Parameter 'rho_s' floating=True>, {'error': 0.3663548018980488}), (<zfit.Parameter 'omega_s' floating=True>, {'error': 1.1990437711944817}), (<zfit.Parameter 'Dbar_s' floating=True>, {'error': 0.3773399440049379}), (<zfit.Parameter 'DDstar_s' floating=True>, {'error': 0.07033365227262722}), (<zfit.Parameter 'p4160_p' floating=True>, {'error': 0.015207842523130566}), (<zfit.Parameter 'phi_p' floating=True>, {'error': 0.22352207484717823}), (<zfit.Parameter 'p3770_p' floating=True>, {'error': 0.12062697653855992}), (<zfit.Parameter 'p3770_s' floating=True>, {'error': 0.2980962060003467}), (<zfit.Parameter 'bplus_0' floating=True>, {'error': 0.030700680858113505}), (<zfit.Parameter 'bplus_1' floating=True>, {'error': 0.057466426751071165}), (<zfit.Parameter 'psi2s_p' floating=True>, {'error': 0.03776233479955149})])\n"
     ]
    },
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "Toy 3/50\n",
      "Time taken: 5 min, 49 s\n",
      "Projected time left: 1 h, 30 min\n",
      "Toy 3: Generating data...\n",
      "Toy 3: Data generation finished\n",
      "Toy 3: Loading data...\n",
      "Toy 3: Loading data finished\n",
      "Toy 3: Fitting pdf...\n",
      "------------------------------------------------------------------\n",
      "| FCN = 2.972E+05               |    Ncalls=1907 (1907 total)    |\n",
      "| EDM = 7.93E-06 (Goal: 5E-06)  |            up = 0.5            |\n",
      "------------------------------------------------------------------\n",
      "|  Valid Min.   | Valid Param.  | Above EDM | Reached call limit |\n",
      "------------------------------------------------------------------\n",
      "|     True      |     True      |   False   |       False        |\n",
      "------------------------------------------------------------------\n",
      "| Hesse failed  |   Has cov.    | Accurate  | Pos. def. | Forced |\n",
      "------------------------------------------------------------------\n",
      "|     False     |     True      |   True    |   True    | False  |\n",
      "------------------------------------------------------------------\n",
      "Function minimum: 297167.49690604093\n",
      "----------------------------------------------------------------------------------------------\n",
      "|   | Name     |   Value   | Hesse Err | Minos Err- | Minos Err+ | Limit-  | Limit+  | Fixed |\n",
      "----------------------------------------------------------------------------------------------\n",
      "| 0 | p4040_s  |   1.13    |   0.17    |            |            |0.00501244| 2.01499 |       |\n",
      "| 1 | p4415_p  |   3.87    |   0.17    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 2 | Dbar_p   |   -1.34   |    0.31   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 3 | omega_p  |   0.27    |   0.38    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 4 | rho_p    |   -6.1    |    0.6    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 5 | phi_s    |    20     |     6     |            |            | 14.8182 | 23.5818 |       |\n",
      "| 6 | p4160_s  |   2.12    |   0.17    |            |            | 0.71676 | 3.68324 |       |\n",
      "| 7 | jpsi_p   |   4.614   |   0.024   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 8 | bplus_2  |   0.31    |   0.08    |            |            |   -2    |    2    |       |\n",
      "| 9 | p4040_p  |   -2.37   |    0.16   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 10| DDstar_p |   4.75    |   0.31    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 11| Ctt      |   -0.76   |    0.20   |            |            |  -1.5   |   1.5   |       |\n",
      "| 12| p4415_s  |   1.24    |   0.20    |            |            |0.126447 | 2.35355 |       |\n",
      "| 13| rho_s    |    0.8    |    0.4    |            |            |0.0253049| 2.0747  |       |\n",
      "| 14| omega_s  |    8.1    |    1.7    |            |            | 4.19232 | 9.40768 |       |\n",
      "| 15| Dbar_s   |   0.300   |   0.018   |            |            |  -0.3   |   0.3   |       |\n",
      "| 16| DDstar_s |   0.300   |   0.023   |            |            |  -0.3   |   0.3   |       |\n",
      "| 17| p4160_p  |   -2.10   |    0.10   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 18| phi_p    |   -6.0    |    1.0    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 19| p3770_p  |   -2.45   |    0.10   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 20| p3770_s  |   3.27    |   0.23    |            |            |0.918861 | 4.08114 |       |\n",
      "| 21| bplus_0  |  -0.413   |   0.031   |            |            |   -2    |    2    |       |\n",
      "| 22| bplus_1  |   0.76    |   0.06    |            |            |   -2    |    2    |       |\n",
      "| 23| psi2s_p  |   1.909   |   0.032   |            |            |-6.28319 | 6.28319 |       |\n",
      "----------------------------------------------------------------------------------------------\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|          |  p4040_s  p4415_p   Dbar_p  omega_p    rho_p    phi_s  p4160_s   jpsi_p  bplus_2  p4040_p DDstar_p      Ctt  p4415_s    rho_s  omega_s   Dbar_s DDstar_s  p4160_p    phi_p  p3770_p  p3770_s  bplus_0  bplus_1  psi2s_p |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|  p4040_s |    1.000   -0.155   -0.068    0.006    0.040   -0.029    0.094    0.009   -0.116   -0.216   -0.135    0.358    0.208    0.047    0.007   -0.004   -0.002   -0.529   -0.023   -0.160    0.103   -0.033    0.021    0.025 |\n",
      "|  p4415_p |   -0.155    1.000   -0.109    0.010    0.064   -0.044   -0.103   -0.020   -0.218    0.143   -0.129    0.057   -0.173    0.038    0.021    0.010    0.021    0.272   -0.039    0.014   -0.003   -0.028    0.099   -0.073 |\n",
      "|   Dbar_p |   -0.068   -0.109    1.000   -0.007   -0.017   -0.011   -0.068    0.160    0.068   -0.109   -0.153   -0.326    0.068    0.054   -0.025    0.023    0.002   -0.053   -0.005    0.272   -0.078   -0.042   -0.092   -0.065 |\n",
      "|  omega_p |    0.006    0.010   -0.007    1.000    0.151    0.021    0.009   -0.040   -0.073   -0.001   -0.024    0.022   -0.006    0.000    0.751    0.001    0.000   -0.000    0.006   -0.006    0.001    0.100   -0.090   -0.006 |\n",
      "|    rho_p |    0.040    0.064   -0.017    0.151    1.000   -0.276    0.058   -0.061   -0.366    0.015   -0.084    0.121   -0.025    0.092    0.529    0.001   -0.002    0.015   -0.309   -0.012    0.026    0.406   -0.366   -0.001 |\n",
      "|    phi_s |   -0.029   -0.044   -0.011    0.021   -0.276    1.000   -0.039   -0.056    0.152   -0.027    0.009   -0.044    0.005   -0.152   -0.173    0.001    0.002   -0.022    0.983   -0.003   -0.034   -0.035    0.040   -0.022 |\n",
      "|  p4160_s |    0.094   -0.103   -0.068    0.009    0.058   -0.039    1.000   -0.012   -0.145    0.295   -0.086    0.278    0.333    0.057    0.013   -0.001    0.002   -0.154   -0.033   -0.071    0.023   -0.027    0.009   -0.039 |\n",
      "|   jpsi_p |    0.009   -0.020    0.160   -0.040   -0.061   -0.056   -0.012    1.000   -0.166   -0.104    0.023    0.260   -0.006   -0.049   -0.031    0.045    0.053   -0.064   -0.061    0.015   -0.066    0.088   -0.053   -0.016 |\n",
      "|  bplus_2 |   -0.116   -0.218    0.068   -0.073   -0.366    0.152   -0.145   -0.166    1.000    0.006    0.255   -0.665    0.139   -0.095   -0.161    0.001    0.006   -0.019    0.142    0.067    0.057   -0.207    0.000   -0.044 |\n",
      "|  p4040_p |   -0.216    0.143   -0.109   -0.001    0.015   -0.027    0.295   -0.104    0.006    1.000    0.024   -0.233   -0.016    0.010    0.005    0.020    0.028    0.195   -0.025    0.141   -0.029   -0.024    0.046   -0.218 |\n",
      "| DDstar_p |   -0.135   -0.129   -0.153   -0.024   -0.084    0.009   -0.086    0.023    0.255    0.024    1.000   -0.056    0.014    0.062   -0.061    0.002    0.035    0.053    0.013    0.172    0.109   -0.065   -0.185   -0.065 |\n",
      "|      Ctt |    0.358    0.057   -0.326    0.022    0.121   -0.044    0.278    0.260   -0.665   -0.233   -0.056    1.000    0.160    0.054    0.041   -0.002   -0.007   -0.304   -0.037   -0.213   -0.141    0.043    0.073    0.246 |\n",
      "|  p4415_s |    0.208   -0.173    0.068   -0.006   -0.025    0.005    0.333   -0.006    0.139   -0.016    0.014    0.160    1.000    0.018   -0.018   -0.000   -0.002   -0.105    0.007   -0.064    0.015   -0.014   -0.093    0.044 |\n",
      "|    rho_s |    0.047    0.038    0.054    0.000    0.092   -0.152    0.057   -0.049   -0.095    0.010    0.062    0.054    0.018    1.000   -0.154    0.001    0.001   -0.005   -0.139   -0.012    0.020   -0.308    0.255    0.013 |\n",
      "|  omega_s |    0.007    0.021   -0.025    0.751    0.529   -0.173    0.013   -0.031   -0.161    0.005   -0.061    0.041   -0.018   -0.154    1.000    0.000   -0.001    0.008   -0.204   -0.005    0.007    0.300   -0.268   -0.006 |\n",
      "|   Dbar_s |   -0.004    0.010    0.023    0.001    0.001    0.001   -0.001    0.045    0.001    0.020    0.002   -0.002   -0.000    0.001    0.000    1.000   -0.001    0.024    0.001    0.034    0.026    0.001   -0.004    0.023 |\n",
      "| DDstar_s |   -0.002    0.021    0.002    0.000   -0.002    0.002    0.002    0.053    0.006    0.028    0.035   -0.007   -0.002    0.001   -0.001   -0.001    1.000    0.039    0.002    0.026    0.027    0.001   -0.009    0.021 |\n",
      "|  p4160_p |   -0.529    0.272   -0.053   -0.000    0.015   -0.022   -0.154   -0.064   -0.019    0.195    0.053   -0.304   -0.105   -0.005    0.008    0.024    0.039    1.000   -0.022    0.158   -0.011   -0.000    0.044   -0.152 |\n",
      "|    phi_p |   -0.023   -0.039   -0.005    0.006   -0.309    0.983   -0.033   -0.061    0.142   -0.025    0.013   -0.037    0.007   -0.139   -0.204    0.001    0.002   -0.022    1.000   -0.004   -0.031   -0.074    0.075   -0.021 |\n",
      "|  p3770_p |   -0.160    0.014    0.272   -0.006   -0.012   -0.003   -0.071    0.015    0.067    0.141    0.172   -0.213   -0.064   -0.012   -0.005    0.034    0.026    0.158   -0.004    1.000   -0.221    0.047   -0.112    0.026 |\n",
      "|  p3770_s |    0.103   -0.003   -0.078    0.001    0.026   -0.034    0.023   -0.066    0.057   -0.029    0.109   -0.141    0.015    0.020    0.007    0.026    0.027   -0.011   -0.031   -0.221    1.000   -0.005   -0.039   -0.459 |\n",
      "|  bplus_0 |   -0.033   -0.028   -0.042    0.100    0.406   -0.035   -0.027    0.088   -0.207   -0.024   -0.065    0.043   -0.014   -0.308    0.300    0.001    0.001   -0.000   -0.074    0.047   -0.005    1.000   -0.931   -0.018 |\n",
      "|  bplus_1 |    0.021    0.099   -0.092   -0.090   -0.366    0.040    0.009   -0.053    0.000    0.046   -0.185    0.073   -0.093    0.255   -0.268   -0.004   -0.009    0.044    0.075   -0.112   -0.039   -0.931    1.000    0.027 |\n",
      "|  psi2s_p |    0.025   -0.073   -0.065   -0.006   -0.001   -0.022   -0.039   -0.016   -0.044   -0.218   -0.065    0.246    0.044    0.013   -0.006    0.023    0.021   -0.152   -0.021    0.026   -0.459   -0.018    0.027    1.000 |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "Hesse errors: OrderedDict([(<zfit.Parameter 'p4040_s' floating=True>, {'error': 0.17417568289302676}), (<zfit.Parameter 'p4415_p' floating=True>, {'error': 0.16908334192890617}), (<zfit.Parameter 'Dbar_p' floating=True>, {'error': 0.3074920048408196}), (<zfit.Parameter 'omega_p' floating=True>, {'error': 0.37501281429650923}), (<zfit.Parameter 'rho_p' floating=True>, {'error': 0.5537657408440326}), (<zfit.Parameter 'phi_s' floating=True>, {'error': 6.470649966017251}), (<zfit.Parameter 'p4160_s' floating=True>, {'error': 0.17332332696245523}), (<zfit.Parameter 'jpsi_p' floating=True>, {'error': 0.024064646982150606}), (<zfit.Parameter 'bplus_2' floating=True>, {'error': 0.08426360845111258}), (<zfit.Parameter 'p4040_p' floating=True>, {'error': 0.16262987722092714}), (<zfit.Parameter 'DDstar_p' floating=True>, {'error': 0.3051698005430117}), (<zfit.Parameter 'Ctt' floating=True>, {'error': 0.20378713434788331}), (<zfit.Parameter 'p4415_s' floating=True>, {'error': 0.19907787783153152}), (<zfit.Parameter 'rho_s' floating=True>, {'error': 0.382781694507778}), (<zfit.Parameter 'omega_s' floating=True>, {'error': 1.7112257377054618}), (<zfit.Parameter 'Dbar_s' floating=True>, {'error': 0.018400967404992696}), (<zfit.Parameter 'DDstar_s' floating=True>, {'error': 0.023212675780537817}), (<zfit.Parameter 'p4160_p' floating=True>, {'error': 0.10105436989181982}), (<zfit.Parameter 'phi_p' floating=True>, {'error': 1.0129061480323798}), (<zfit.Parameter 'p3770_p' floating=True>, {'error': 0.09799093979609608}), (<zfit.Parameter 'p3770_s' floating=True>, {'error': 0.22805914049042508}), (<zfit.Parameter 'bplus_0' floating=True>, {'error': 0.031218781573369547}), (<zfit.Parameter 'bplus_1' floating=True>, {'error': 0.05879529396685945}), (<zfit.Parameter 'psi2s_p' floating=True>, {'error': 0.031524468127126504})])\n"
     ]
    },
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "Toy 4/50\n",
      "Time taken: 8 min, 29 s\n",
      "Projected time left: 1 h, 37 min\n",
      "Toy 4: Generating data...\n",
      "Toy 4: Data generation finished\n",
      "Toy 4: Loading data...\n",
      "Toy 4: Loading data finished\n",
      "Toy 4: Fitting pdf...\n",
      "------------------------------------------------------------------\n",
      "| FCN = 2.971E+05               |    Ncalls=1281 (1281 total)    |\n",
      "| EDM = 0.000728 (Goal: 5E-06)  |            up = 0.5            |\n",
      "------------------------------------------------------------------\n",
      "|  Valid Min.   | Valid Param.  | Above EDM | Reached call limit |\n",
      "------------------------------------------------------------------\n",
      "|     True      |     True      |   False   |       False        |\n",
      "------------------------------------------------------------------\n",
      "| Hesse failed  |   Has cov.    | Accurate  | Pos. def. | Forced |\n",
      "------------------------------------------------------------------\n",
      "|     False     |     True      |   False   |   False   |  True  |\n",
      "------------------------------------------------------------------\n",
      "Function minimum: 297105.7453460888\n",
      "----------------------------------------------------------------------------------------------\n",
      "|   | Name     |   Value   | Hesse Err | Minos Err- | Minos Err+ | Limit-  | Limit+  | Fixed |\n",
      "----------------------------------------------------------------------------------------------\n",
      "| 0 | p4040_s  |   0.005   |   0.019   |            |            |0.00501244| 2.01499 |       |\n",
      "| 1 | p4415_p  |   4.19    |   0.18    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 2 | Dbar_p   |    4.9    |    0.8    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 3 | omega_p  |   -0.4    |    0.3    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 4 | rho_p    |   5.59    |   0.23    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 5 | phi_s    |   16.0    |    1.0    |            |            | 14.8182 | 23.5818 |       |\n",
      "| 6 | p4160_s  |   2.15    |   0.16    |            |            | 0.71676 | 3.68324 |       |\n",
      "| 7 | jpsi_p   |   -4.62   |    0.07   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 8 | bplus_2  |   -0.37   |    0.07   |            |            |   -2    |    2    |       |\n",
      "| 9 | p4040_p  |    -6     |     10    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 10| DDstar_p |    2.7    |    1.2    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 11| Ctt      |   -0.26   |    0.16   |            |            |  -1.5   |   1.5   |       |\n",
      "| 12| p4415_s  |   1.14    |   0.18    |            |            |0.126447 | 2.35355 |       |\n",
      "| 13| rho_s    |   1.62    |   0.26    |            |            |0.0253049| 2.0747  |       |\n",
      "| 14| omega_s  |     4     |     3     |            |            | 4.19232 | 9.40768 |       |\n",
      "| 15| Dbar_s   |   -0.23   |    0.55   |            |            |  -0.3   |   0.3   |       |\n",
      "| 16| DDstar_s |   -0.30   |    0.09   |            |            |  -0.3   |   0.3   |       |\n",
      "| 17| p4160_p  |   -1.97   |    0.13   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 18| phi_p    |   -0.32   |    0.21   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 19| p3770_p  |   -2.68   |    0.29   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 20| p3770_s  |    2.3    |    0.4    |            |            |0.918861 | 4.08114 |       |\n",
      "| 21| bplus_0  |   0.453   |   0.009   |            |            |   -2    |    2    |       |\n",
      "| 22| bplus_1  |  -0.835   |   0.018   |            |            |   -2    |    2    |       |\n",
      "| 23| psi2s_p  |   1.81    |   0.05    |            |            |-6.28319 | 6.28319 |       |\n",
      "----------------------------------------------------------------------------------------------\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|          |  p4040_s  p4415_p   Dbar_p  omega_p    rho_p    phi_s  p4160_s   jpsi_p  bplus_2  p4040_p DDstar_p      Ctt  p4415_s    rho_s  omega_s   Dbar_s DDstar_s  p4160_p    phi_p  p3770_p  p3770_s  bplus_0  bplus_1  psi2s_p |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|  p4040_s |    1.000    0.012   -0.033    0.001    0.004   -0.000   -0.005    0.040   -0.015   -0.153   -0.033   -0.003   -0.005   -0.002    0.001   -0.040   -0.006    0.041    0.002    0.040    0.034    0.004    0.004    0.031 |\n",
      "|  p4415_p |    0.012    1.000    0.088    0.000    0.039   -0.014   -0.167    0.047    0.153   -0.007    0.099    0.019   -0.120   -0.017    0.004    0.011    0.072    0.245    0.005    0.029    0.054   -0.017   -0.054    0.010 |\n",
      "|   Dbar_p |   -0.033    0.088    1.000   -0.007   -0.125    0.022    0.425   -0.778    0.276    0.029    0.817   -0.060    0.040    0.011   -0.011    0.849    0.053   -0.489   -0.048   -0.838   -0.691   -0.210   -0.268   -0.638 |\n",
      "|  omega_p |    0.001    0.000   -0.007    1.000   -0.209    0.011   -0.007    0.010   -0.007   -0.001   -0.011    0.003   -0.003    0.003    0.123   -0.012    0.001    0.008    0.016    0.010    0.010   -0.009    0.004    0.010 |\n",
      "|    rho_p |    0.004    0.039   -0.125   -0.209    1.000    0.114    0.003    0.105    0.185   -0.006   -0.092    0.071    0.012    0.196    0.104   -0.101   -0.023    0.074    0.137    0.095    0.097    0.087    0.050    0.089 |\n",
      "|    phi_s |   -0.000   -0.014    0.022    0.011    0.114    1.000   -0.012   -0.021   -0.064    0.001    0.013   -0.022   -0.005    0.011    0.022    0.012    0.004   -0.011    0.569   -0.013   -0.015   -0.016    0.000   -0.013 |\n",
      "|  p4160_s |   -0.005   -0.167    0.425   -0.007    0.003   -0.012    1.000   -0.447    0.259    0.002    0.424    0.126    0.285    0.015   -0.005    0.460    0.096   -0.361   -0.021   -0.437   -0.371    0.004   -0.016   -0.374 |\n",
      "|   jpsi_p |    0.040    0.047   -0.778    0.010    0.105   -0.021   -0.447    1.000   -0.386   -0.044   -0.779    0.136   -0.098   -0.030    0.012   -0.910   -0.076    0.677    0.048    0.847    0.827    0.155    0.187    0.778 |\n",
      "|  bplus_2 |   -0.015    0.153    0.276   -0.007    0.185   -0.064    0.259   -0.386    1.000    0.014    0.279    0.428   -0.026   -0.074    0.016    0.341    0.080   -0.221    0.005   -0.313   -0.319   -0.193   -0.220   -0.278 |\n",
      "|  p4040_p |   -0.153   -0.007    0.029   -0.001   -0.006    0.001    0.002   -0.044    0.014    1.000    0.034   -0.010   -0.002    0.002   -0.001    0.043    0.002   -0.029   -0.003   -0.043   -0.041   -0.006   -0.006   -0.032 |\n",
      "| DDstar_p |   -0.033    0.099    0.817   -0.011   -0.092    0.013    0.424   -0.779    0.279    0.034    1.000   -0.286    0.036    0.052   -0.016    0.944    0.154   -0.447   -0.048   -0.803   -0.743   -0.056   -0.048   -0.694 |\n",
      "|      Ctt |   -0.003    0.019   -0.060    0.003    0.071   -0.022    0.126    0.136    0.428   -0.010   -0.286    1.000    0.173   -0.047    0.009   -0.287   -0.105    0.026    0.014    0.181    0.166   -0.088   -0.154    0.358 |\n",
      "|  p4415_s |   -0.005   -0.120    0.040   -0.003    0.012   -0.005    0.285   -0.098   -0.026   -0.002    0.036    0.173    1.000    0.019   -0.003    0.067    0.028   -0.053   -0.003   -0.085   -0.068    0.082    0.112   -0.048 |\n",
      "|    rho_s |   -0.002   -0.017    0.011    0.003    0.196    0.011    0.015   -0.030   -0.074    0.002    0.052   -0.047    0.019    1.000   -0.214    0.042   -0.015   -0.025    0.005   -0.025   -0.035    0.128   -0.048   -0.029 |\n",
      "|  omega_s |    0.001    0.004   -0.011    0.123    0.104    0.022   -0.005    0.012    0.016   -0.001   -0.016    0.009   -0.003   -0.214    1.000   -0.016    0.001    0.010    0.009    0.012    0.013   -0.013    0.013    0.012 |\n",
      "|   Dbar_s |   -0.040    0.011    0.849   -0.012   -0.101    0.012    0.460   -0.910    0.341    0.043    0.944   -0.287    0.067    0.042   -0.016    1.000    0.144   -0.624   -0.054   -0.896   -0.851   -0.104   -0.121   -0.804 |\n",
      "| DDstar_s |   -0.006    0.072    0.053    0.001   -0.023    0.004    0.096   -0.076    0.080    0.002    0.154   -0.105    0.028   -0.015    0.001    0.144    1.000   -0.035   -0.005   -0.125   -0.116   -0.087   -0.125   -0.077 |\n",
      "|  p4160_p |    0.041    0.245   -0.489    0.008    0.074   -0.011   -0.361    0.677   -0.221   -0.029   -0.447    0.026   -0.053   -0.025    0.010   -0.624   -0.035    1.000    0.037    0.638    0.613    0.088    0.096    0.533 |\n",
      "|    phi_p |    0.002    0.005   -0.048    0.016    0.137    0.569   -0.021    0.048    0.005   -0.003   -0.048    0.014   -0.003    0.005    0.009   -0.054   -0.005    0.037    1.000    0.048    0.048    0.017    0.018    0.044 |\n",
      "|  p3770_p |    0.040    0.029   -0.838    0.010    0.095   -0.013   -0.437    0.847   -0.313   -0.043   -0.803    0.181   -0.085   -0.025    0.012   -0.896   -0.125    0.638    0.048    1.000    0.735    0.142    0.170    0.747 |\n",
      "|  p3770_s |    0.034    0.054   -0.691    0.010    0.097   -0.015   -0.371    0.827   -0.319   -0.041   -0.743    0.166   -0.068   -0.035    0.013   -0.851   -0.116    0.613    0.048    0.735    1.000    0.121    0.132    0.601 |\n",
      "|  bplus_0 |    0.004   -0.017   -0.210   -0.009    0.087   -0.016    0.004    0.155   -0.193   -0.006   -0.056   -0.088    0.082    0.128   -0.013   -0.104   -0.087    0.088    0.017    0.142    0.121    1.000   -0.547    0.107 |\n",
      "|  bplus_1 |    0.004   -0.054   -0.268    0.004    0.050    0.000   -0.016    0.187   -0.220   -0.006   -0.048   -0.154    0.112   -0.048    0.013   -0.121   -0.125    0.096    0.018    0.170    0.132   -0.547    1.000    0.128 |\n",
      "|  psi2s_p |    0.031    0.010   -0.638    0.010    0.089   -0.013   -0.374    0.778   -0.278   -0.032   -0.694    0.358   -0.048   -0.029    0.012   -0.804   -0.077    0.533    0.044    0.747    0.601    0.107    0.128    1.000 |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "Hesse errors: OrderedDict([(<zfit.Parameter 'p4040_s' floating=True>, {'error': 0.0186044342218853}), (<zfit.Parameter 'p4415_p' floating=True>, {'error': 0.17809678788041072}), (<zfit.Parameter 'Dbar_p' floating=True>, {'error': 0.8221946138300158}), (<zfit.Parameter 'omega_p' floating=True>, {'error': 0.3199903141401923}), (<zfit.Parameter 'rho_p' floating=True>, {'error': 0.23338694380061042}), (<zfit.Parameter 'phi_s' floating=True>, {'error': 0.9600195489142367}), (<zfit.Parameter 'p4160_s' floating=True>, {'error': 0.162425771001949}), (<zfit.Parameter 'jpsi_p' floating=True>, {'error': 0.067568396189289}), (<zfit.Parameter 'bplus_2' floating=True>, {'error': 0.06748002752178828}), (<zfit.Parameter 'p4040_p' floating=True>, {'error': 10.047310373561096}), (<zfit.Parameter 'DDstar_p' floating=True>, {'error': 1.2271685745714267}), (<zfit.Parameter 'Ctt' floating=True>, {'error': 0.15731726269167456}), (<zfit.Parameter 'p4415_s' floating=True>, {'error': 0.17758743779859998}), (<zfit.Parameter 'rho_s' floating=True>, {'error': 0.2620691451041094}), (<zfit.Parameter 'omega_s' floating=True>, {'error': 3.295626735250695}), (<zfit.Parameter 'Dbar_s' floating=True>, {'error': 0.5479330319699134}), (<zfit.Parameter 'DDstar_s' floating=True>, {'error': 0.09083230787212436}), (<zfit.Parameter 'p4160_p' floating=True>, {'error': 0.12686398822408762}), (<zfit.Parameter 'phi_p' floating=True>, {'error': 0.2098930760636022}), (<zfit.Parameter 'p3770_p' floating=True>, {'error': 0.29040086480755534}), (<zfit.Parameter 'p3770_s' floating=True>, {'error': 0.4219046959451469}), (<zfit.Parameter 'bplus_0' floating=True>, {'error': 0.009425967536176305}), (<zfit.Parameter 'bplus_1' floating=True>, {'error': 0.01823597007119404}), (<zfit.Parameter 'psi2s_p' floating=True>, {'error': 0.052040799272147886})])\n"
     ]
    },
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "Toy 5/50\n",
      "Time taken: 10 min, 46 s\n",
      "Projected time left: 1 h, 36 min\n",
      "Toy 5: Generating data...\n",
      "Toy 5: Data generation finished\n",
      "Toy 5: Loading data...\n",
      "Toy 5: Loading data finished\n",
      "Toy 5: Fitting pdf...\n",
      "------------------------------------------------------------------\n",
      "| FCN = 2.975E+05               |    Ncalls=1725 (1725 total)    |\n",
      "| EDM = 4.95E-05 (Goal: 5E-06)  |            up = 0.5            |\n",
      "------------------------------------------------------------------\n",
      "|  Valid Min.   | Valid Param.  | Above EDM | Reached call limit |\n",
      "------------------------------------------------------------------\n",
      "|     True      |     True      |   False   |       False        |\n",
      "------------------------------------------------------------------\n",
      "| Hesse failed  |   Has cov.    | Accurate  | Pos. def. | Forced |\n",
      "------------------------------------------------------------------\n",
      "|     False     |     True      |   False   |   False   |  True  |\n",
      "------------------------------------------------------------------\n",
      "Function minimum: 297458.2481980056\n",
      "----------------------------------------------------------------------------------------------\n",
      "|   | Name     |   Value   | Hesse Err | Minos Err- | Minos Err+ | Limit-  | Limit+  | Fixed |\n",
      "----------------------------------------------------------------------------------------------\n",
      "| 0 | p4040_s  |   0.69    |   0.19    |            |            |0.00501244| 2.01499 |       |\n",
      "| 1 | p4415_p  |   3.73    |   0.16    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 2 | Dbar_p   |    3.1    |    3.0    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 3 | omega_p  |   6.28    |   0.19    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 4 | rho_p    |   -6.28   |    0.20   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 5 | phi_s    |   17.9    |    1.2    |            |            | 14.8182 | 23.5818 |       |\n",
      "| 6 | p4160_s  |   2.31    |   0.16    |            |            | 0.71676 | 3.68324 |       |\n",
      "| 7 | jpsi_p   |   -4.69   |    0.04   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 8 | bplus_2  |   0.11    |   0.08    |            |            |   -2    |    2    |       |\n",
      "| 9 | p4040_p  |    3.4    |    0.4    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 10| DDstar_p |   -5.7    |    0.9    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 11| Ctt      |   -0.12   |    0.23   |            |            |  -1.5   |   1.5   |       |\n",
      "| 12| p4415_s  |   1.34    |   0.19    |            |            |0.126447 | 2.35355 |       |\n",
      "| 13| rho_s    |   1.09    |   0.30    |            |            |0.0253049| 2.0747  |       |\n",
      "| 14| omega_s  |    5.2    |    0.9    |            |            | 4.19232 | 9.40768 |       |\n",
      "| 15| Dbar_s   |   -0.14   |    0.38   |            |            |  -0.3   |   0.3   |       |\n",
      "| 16| DDstar_s |   -0.30   |    0.12   |            |            |  -0.3   |   0.3   |       |\n",
      "| 17| p4160_p  |   -2.32   |    0.15   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 18| phi_p    |   -0.06   |    0.26   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 19| p3770_p  |   -2.90   |    0.15   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 20| p3770_s  |    2.7    |    0.4    |            |            |0.918861 | 4.08114 |       |\n",
      "| 21| bplus_0  |  -0.471   |   0.009   |            |            |   -2    |    2    |       |\n",
      "| 22| bplus_1  |   0.887   |   0.016   |            |            |   -2    |    2    |       |\n",
      "| 23| psi2s_p  |   1.81    |   0.04    |            |            |-6.28319 | 6.28319 |       |\n",
      "----------------------------------------------------------------------------------------------\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|          |  p4040_s  p4415_p   Dbar_p  omega_p    rho_p    phi_s  p4160_s   jpsi_p  bplus_2  p4040_p DDstar_p      Ctt  p4415_s    rho_s  omega_s   Dbar_s DDstar_s  p4160_p    phi_p  p3770_p  p3770_s  bplus_0  bplus_1  psi2s_p |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|  p4040_s |    1.000   -0.312   -0.549    0.001    0.011   -0.034    0.065   -0.416   -0.354   -0.482   -0.555   -0.336    0.326    0.031   -0.026   -0.527   -0.231   -0.622   -0.009   -0.450   -0.400   -0.076   -0.071   -0.373 |\n",
      "|  p4415_p |   -0.312    1.000    0.402   -0.003    0.006    0.014   -0.161    0.390    0.172    0.386    0.267    0.312   -0.257   -0.028    0.011    0.387    0.115    0.481    0.010    0.341    0.358    0.119    0.132    0.305 |\n",
      "|   Dbar_p |   -0.549    0.402    1.000   -0.003   -0.012    0.053   -0.231    0.822    0.654    0.768    0.909    0.815   -0.432   -0.045    0.037    0.944    0.292    0.819    0.022    0.770    0.848    0.076    0.079    0.751 |\n",
      "|  omega_p |    0.001   -0.003   -0.003    1.000    0.001   -0.010    0.000   -0.003    0.002   -0.003   -0.002   -0.003    0.002    0.047   -0.187   -0.003    0.000   -0.003   -0.006   -0.002   -0.003   -0.004    0.001   -0.003 |\n",
      "|    rho_p |    0.011    0.006   -0.012    0.001    1.000    0.033    0.013   -0.005   -0.059   -0.004   -0.014   -0.005    0.002    0.021    0.124   -0.012   -0.010   -0.006    0.028   -0.011   -0.006    0.007   -0.014   -0.008 |\n",
      "|    phi_s |   -0.034    0.014    0.053   -0.010    0.033    1.000   -0.024    0.030    0.082    0.037    0.044    0.036   -0.025    0.027   -0.025    0.054    0.014    0.042    0.752    0.037    0.040    0.020    0.010    0.038 |\n",
      "|  p4160_s |    0.065   -0.161   -0.231    0.000    0.013   -0.024    1.000   -0.181   -0.194    0.033   -0.254   -0.087    0.336    0.020   -0.020   -0.209   -0.110   -0.223   -0.001   -0.179   -0.168   -0.060   -0.053   -0.183 |\n",
      "|   jpsi_p |   -0.416    0.390    0.822   -0.003   -0.005    0.030   -0.181    1.000    0.563    0.651    0.634    0.580   -0.357   -0.044    0.026    0.752    0.238    0.719    0.011    0.634    0.726    0.092    0.111    0.668 |\n",
      "|  bplus_2 |   -0.354    0.172    0.654    0.002   -0.059    0.082   -0.194    0.563    1.000    0.478    0.614    0.344   -0.204   -0.056    0.069    0.647    0.239    0.497    0.004    0.470    0.552   -0.068   -0.087    0.484 |\n",
      "|  p4040_p |   -0.482    0.386    0.768   -0.003   -0.004    0.037    0.033    0.651    0.478    1.000    0.662    0.594   -0.293   -0.043    0.028    0.755    0.253    0.650    0.016    0.622    0.644    0.109    0.118    0.528 |\n",
      "| DDstar_p |   -0.555    0.267    0.909   -0.002   -0.014    0.044   -0.254    0.634    0.614    0.662    1.000    0.791   -0.414   -0.023    0.028    0.914    0.346    0.687    0.019    0.680    0.753   -0.038   -0.036    0.624 |\n",
      "|      Ctt |   -0.336    0.312    0.815   -0.003   -0.005    0.036   -0.087    0.580    0.344    0.594    0.791    1.000   -0.269   -0.035    0.024    0.844    0.277    0.585    0.017    0.573    0.688    0.092    0.099    0.694 |\n",
      "|  p4415_s |    0.326   -0.257   -0.432    0.002    0.002   -0.025    0.336   -0.357   -0.204   -0.293   -0.414   -0.269    1.000    0.034   -0.021   -0.426   -0.179   -0.354   -0.007   -0.352   -0.353   -0.144   -0.150   -0.302 |\n",
      "|    rho_s |    0.031   -0.028   -0.045    0.047    0.021    0.027    0.020   -0.044   -0.056   -0.043   -0.023   -0.035    0.034    1.000   -0.363   -0.054    0.016   -0.049    0.047   -0.033   -0.041   -0.125   -0.015   -0.039 |\n",
      "|  omega_s |   -0.026    0.011    0.037   -0.187    0.124   -0.025   -0.020    0.026    0.069    0.028    0.028    0.024   -0.021   -0.363    1.000    0.041    0.003    0.032   -0.057    0.027    0.029    0.044    0.011    0.028 |\n",
      "|   Dbar_s |   -0.527    0.387    0.944   -0.003   -0.012    0.054   -0.209    0.752    0.647    0.755    0.914    0.844   -0.426   -0.054    0.041    1.000    0.339    0.774    0.019    0.679    0.825    0.127    0.129    0.714 |\n",
      "| DDstar_s |   -0.231    0.115    0.292    0.000   -0.010    0.014   -0.110    0.238    0.239    0.253    0.346    0.277   -0.179    0.016    0.003    0.339    1.000    0.303    0.009    0.284    0.288   -0.150   -0.152    0.227 |\n",
      "|  p4160_p |   -0.622    0.481    0.819   -0.003   -0.006    0.042   -0.223    0.719    0.497    0.650    0.687    0.585   -0.354   -0.049    0.032    0.774    0.303    1.000    0.016    0.672    0.689    0.141    0.143    0.601 |\n",
      "|    phi_p |   -0.009    0.010    0.022   -0.006    0.028    0.752   -0.001    0.011    0.004    0.016    0.019    0.017   -0.007    0.047   -0.057    0.019    0.009    0.016    1.000    0.015    0.018   -0.018    0.001    0.015 |\n",
      "|  p3770_p |   -0.450    0.341    0.770   -0.002   -0.011    0.037   -0.179    0.634    0.470    0.622    0.680    0.573   -0.352   -0.033    0.027    0.679    0.284    0.672    0.015    1.000    0.561    0.045    0.034    0.574 |\n",
      "|  p3770_s |   -0.400    0.358    0.848   -0.003   -0.006    0.040   -0.168    0.726    0.552    0.644    0.753    0.688   -0.353   -0.041    0.029    0.825    0.288    0.689    0.018    0.561    1.000    0.075    0.076    0.540 |\n",
      "|  bplus_0 |   -0.076    0.119    0.076   -0.004    0.007    0.020   -0.060    0.092   -0.068    0.109   -0.038    0.092   -0.144   -0.125    0.044    0.127   -0.150    0.141   -0.018    0.045    0.075    1.000   -0.379    0.087 |\n",
      "|  bplus_1 |   -0.071    0.132    0.079    0.001   -0.014    0.010   -0.053    0.111   -0.087    0.118   -0.036    0.099   -0.150   -0.015    0.011    0.129   -0.152    0.143    0.001    0.034    0.076   -0.379    1.000    0.089 |\n",
      "|  psi2s_p |   -0.373    0.305    0.751   -0.003   -0.008    0.038   -0.183    0.668    0.484    0.528    0.624    0.694   -0.302   -0.039    0.028    0.714    0.227    0.601    0.015    0.574    0.540    0.087    0.089    1.000 |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "Hesse errors: OrderedDict([(<zfit.Parameter 'p4040_s' floating=True>, {'error': 0.18691701445403286}), (<zfit.Parameter 'p4415_p' floating=True>, {'error': 0.16207314910792192}), (<zfit.Parameter 'Dbar_p' floating=True>, {'error': 3.0060338464277603}), (<zfit.Parameter 'omega_p' floating=True>, {'error': 0.18651861421814964}), (<zfit.Parameter 'rho_p' floating=True>, {'error': 0.19504938123503957}), (<zfit.Parameter 'phi_s' floating=True>, {'error': 1.152329750066114}), (<zfit.Parameter 'p4160_s' floating=True>, {'error': 0.15542281015834614}), (<zfit.Parameter 'jpsi_p' floating=True>, {'error': 0.04100588133473915}), (<zfit.Parameter 'bplus_2' floating=True>, {'error': 0.07882773088593731}), (<zfit.Parameter 'p4040_p' floating=True>, {'error': 0.3624004744022242}), (<zfit.Parameter 'DDstar_p' floating=True>, {'error': 0.8627684468682166}), (<zfit.Parameter 'Ctt' floating=True>, {'error': 0.23290919128190612}), (<zfit.Parameter 'p4415_s' floating=True>, {'error': 0.19270748625241585}), (<zfit.Parameter 'rho_s' floating=True>, {'error': 0.3001020560913536}), (<zfit.Parameter 'omega_s' floating=True>, {'error': 0.8545877494776208}), (<zfit.Parameter 'Dbar_s' floating=True>, {'error': 0.37870158165849777}), (<zfit.Parameter 'DDstar_s' floating=True>, {'error': 0.11952190428524963}), (<zfit.Parameter 'p4160_p' floating=True>, {'error': 0.14801544237807085}), (<zfit.Parameter 'phi_p' floating=True>, {'error': 0.2608836683933591}), (<zfit.Parameter 'p3770_p' floating=True>, {'error': 0.15201742130568174}), (<zfit.Parameter 'p3770_s' floating=True>, {'error': 0.4041894695298822}), (<zfit.Parameter 'bplus_0' floating=True>, {'error': 0.008719317543364635}), (<zfit.Parameter 'bplus_1' floating=True>, {'error': 0.016332924634111512}), (<zfit.Parameter 'psi2s_p' floating=True>, {'error': 0.04383898191125368})])\n"
     ]
    },
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "Toy 6/50\n",
      "Time taken: 13 min, 39 s\n",
      "Projected time left: 1 h, 39 min\n",
      "Toy 6: Generating data...\n",
      "Toy 6: Data generation finished\n",
      "Toy 6: Loading data...\n",
      "Toy 6: Loading data finished\n",
      "Toy 6: Fitting pdf...\n",
      "------------------------------------------------------------------\n",
      "| FCN = 2.973E+05               |    Ncalls=1227 (1227 total)    |\n",
      "| EDM = 8.72E-05 (Goal: 5E-06)  |            up = 0.5            |\n",
      "------------------------------------------------------------------\n",
      "|  Valid Min.   | Valid Param.  | Above EDM | Reached call limit |\n",
      "------------------------------------------------------------------\n",
      "|     True      |     True      |   False   |       False        |\n",
      "------------------------------------------------------------------\n",
      "| Hesse failed  |   Has cov.    | Accurate  | Pos. def. | Forced |\n",
      "------------------------------------------------------------------\n",
      "|     False     |     True      |   True    |   True    | False  |\n",
      "------------------------------------------------------------------\n",
      "Function minimum: 297302.29941507813\n",
      "----------------------------------------------------------------------------------------------\n",
      "|   | Name     |   Value   | Hesse Err | Minos Err- | Minos Err+ | Limit-  | Limit+  | Fixed |\n",
      "----------------------------------------------------------------------------------------------\n",
      "| 0 | p4040_s  |   1.04    |   0.17    |            |            |0.00501244| 2.01499 |       |\n",
      "| 1 | p4415_p  |   -2.02   |    0.17   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 2 | Dbar_p   |    2.0    |    0.3    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 3 | omega_p  |    0.4    |    0.6    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 4 | rho_p    |   -0.26   |    0.43   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 5 | phi_s    |   15.8    |    1.0    |            |            | 14.8182 | 23.5818 |       |\n",
      "| 6 | p4160_s  |   2.52    |   0.17    |            |            | 0.71676 | 3.68324 |       |\n",
      "| 7 | jpsi_p   |   4.659   |   0.027   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 8 | bplus_2  |   -0.09   |    0.10   |            |            |   -2    |    2    |       |\n",
      "| 9 | p4040_p  |   -2.20   |    0.18   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 10| DDstar_p |    1.8    |    0.4    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 11| Ctt      |   -0.30   |    0.22   |            |            |  -1.5   |   1.5   |       |\n",
      "| 12| p4415_s  |   1.22    |   0.19    |            |            |0.126447 | 2.35355 |       |\n",
      "| 13| rho_s    |    0.9    |    0.3    |            |            |0.0253049| 2.0747  |       |\n",
      "| 14| omega_s  |     8     |     4     |            |            | 4.19232 | 9.40768 |       |\n",
      "| 15| Dbar_s   |  -0.300   |   0.023   |            |            |  -0.3   |   0.3   |       |\n",
      "| 16| DDstar_s |  -0.300   |   0.029   |            |            |  -0.3   |   0.3   |       |\n",
      "| 17| p4160_p  |   4.16    |   0.09    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 18| phi_p    |   5.88    |   0.22    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 19| p3770_p  |   -2.74   |    0.11   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 20| p3770_s  |   3.16    |   0.23    |            |            |0.918861 | 4.08114 |       |\n",
      "| 21| bplus_0  |   0.488   |   0.022   |            |            |   -2    |    2    |       |\n",
      "| 22| bplus_1  |   -0.93   |    0.05   |            |            |   -2    |    2    |       |\n",
      "| 23| psi2s_p  |   1.878   |   0.032   |            |            |-6.28319 | 6.28319 |       |\n",
      "----------------------------------------------------------------------------------------------\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|          |  p4040_s  p4415_p   Dbar_p  omega_p    rho_p    phi_s  p4160_s   jpsi_p  bplus_2  p4040_p DDstar_p      Ctt  p4415_s    rho_s  omega_s   Dbar_s DDstar_s  p4160_p    phi_p  p3770_p  p3770_s  bplus_0  bplus_1  psi2s_p |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|  p4040_s |    1.000   -0.225   -0.129    0.013    0.062   -0.020    0.169   -0.053    0.141   -0.227   -0.150    0.340    0.182    0.012    0.013   -0.001    0.006   -0.549    0.002   -0.160    0.079    0.020   -0.027   -0.049 |\n",
      "|  p4415_p |   -0.225    1.000   -0.082    0.012    0.051   -0.018   -0.230   -0.026    0.194    0.171   -0.020   -0.059   -0.160   -0.002    0.014    0.022    0.042    0.290   -0.000    0.058   -0.022    0.009   -0.112   -0.105 |\n",
      "|   Dbar_p |   -0.129   -0.082    1.000   -0.011    0.011   -0.005   -0.078    0.252   -0.089   -0.019   -0.121   -0.342    0.011    0.048   -0.018    0.032    0.004    0.056    0.005    0.371   -0.028    0.037    0.188   -0.011 |\n",
      "|  omega_p |    0.013    0.012   -0.011    1.000    0.224    0.043    0.012   -0.071    0.068   -0.006   -0.032    0.025   -0.000    0.019    0.909    0.001   -0.000   -0.012   -0.046   -0.024   -0.006   -0.086    0.059   -0.009 |\n",
      "|    rho_p |    0.062    0.051    0.011    0.224    1.000    0.124    0.073   -0.112    0.276   -0.006   -0.035    0.117    0.022    0.177    0.327    0.001   -0.001   -0.016    0.088   -0.026    0.015   -0.065    0.053   -0.004 |\n",
      "|    phi_s |   -0.020   -0.018   -0.005    0.043    0.124    1.000   -0.025    0.002   -0.081   -0.002    0.010   -0.041   -0.008    0.046    0.050    0.000    0.001   -0.000    0.611    0.000   -0.011   -0.019    0.024   -0.004 |\n",
      "|  p4160_s |    0.169   -0.230   -0.078    0.012    0.073   -0.025    1.000   -0.037    0.158    0.245   -0.070    0.286    0.311    0.025    0.011    0.002    0.009   -0.202    0.003   -0.076    0.012    0.039   -0.004   -0.068 |\n",
      "|   jpsi_p |   -0.053   -0.026    0.252   -0.071   -0.112    0.002   -0.037    1.000    0.090   -0.071    0.157    0.190   -0.019    0.015   -0.079    0.063    0.078   -0.013   -0.022    0.102   -0.029   -0.034    0.072   -0.016 |\n",
      "|  bplus_2 |    0.141    0.194   -0.089    0.068    0.276   -0.081    0.158    0.090    1.000   -0.083   -0.289    0.695   -0.025    0.029    0.073    0.002   -0.000   -0.094    0.008   -0.125   -0.103    0.036   -0.356    0.004 |\n",
      "|  p4040_p |   -0.227    0.171   -0.019   -0.006   -0.006   -0.002    0.245   -0.071   -0.083    1.000    0.149   -0.329   -0.018    0.004   -0.007    0.033    0.043    0.325   -0.000    0.194   -0.062    0.016    0.016   -0.214 |\n",
      "| DDstar_p |   -0.150   -0.020   -0.121   -0.032   -0.035    0.010   -0.070    0.157   -0.289    0.149    1.000   -0.091   -0.051    0.077   -0.045    0.002    0.049    0.236    0.005    0.281    0.164    0.035    0.389   -0.015 |\n",
      "|      Ctt |    0.340   -0.059   -0.342    0.025    0.117   -0.041    0.286    0.190    0.695   -0.329   -0.091    1.000    0.219    0.009    0.027    0.001   -0.009   -0.406   -0.004   -0.256   -0.158   -0.008   -0.187    0.188 |\n",
      "|  p4415_s |    0.182   -0.160    0.011   -0.000    0.022   -0.008    0.311   -0.019   -0.025   -0.018   -0.051    0.219    1.000    0.024   -0.003   -0.001   -0.002   -0.058    0.002   -0.067    0.011    0.026    0.086    0.013 |\n",
      "|    rho_s |    0.012   -0.002    0.048    0.019    0.177    0.046    0.025    0.015    0.029    0.004    0.077    0.009    0.024    1.000   -0.168    0.000    0.001    0.009    0.054    0.039    0.024    0.245   -0.141    0.007 |\n",
      "|  omega_s |    0.013    0.014   -0.018    0.909    0.327    0.050    0.011   -0.079    0.073   -0.007   -0.045    0.027   -0.003   -0.168    1.000    0.001   -0.000   -0.014   -0.055   -0.031   -0.010   -0.131    0.088   -0.010 |\n",
      "|   Dbar_s |   -0.001    0.022    0.032    0.001    0.001    0.000    0.002    0.063    0.002    0.033    0.002    0.001   -0.001    0.000    0.001    1.000   -0.003    0.044    0.001    0.047    0.036    0.001   -0.000    0.037 |\n",
      "| DDstar_s |    0.006    0.042    0.004   -0.000   -0.001    0.001    0.009    0.078   -0.000    0.043    0.049   -0.009   -0.002    0.001   -0.000   -0.003    1.000    0.070    0.001    0.038    0.036    0.001    0.004    0.036 |\n",
      "|  p4160_p |   -0.549    0.290    0.056   -0.012   -0.016   -0.000   -0.202   -0.013   -0.094    0.325    0.236   -0.406   -0.058    0.009   -0.014    0.044    0.070    1.000   -0.001    0.249   -0.002    0.019    0.031   -0.149 |\n",
      "|    phi_p |    0.002   -0.000    0.005   -0.046    0.088    0.611    0.003   -0.022    0.008   -0.000    0.005   -0.004    0.002    0.054   -0.055    0.001    0.001   -0.001    1.000   -0.000    0.002    0.016   -0.003   -0.002 |\n",
      "|  p3770_p |   -0.160    0.058    0.371   -0.024   -0.026    0.000   -0.076    0.102   -0.125    0.194    0.281   -0.256   -0.067    0.039   -0.031    0.047    0.038    0.249   -0.000    1.000   -0.219    0.047    0.154    0.001 |\n",
      "|  p3770_s |    0.079   -0.022   -0.028   -0.006    0.015   -0.011    0.012   -0.029   -0.103   -0.062    0.164   -0.158    0.011    0.024   -0.010    0.036    0.036   -0.002    0.002   -0.219    1.000    0.046    0.075   -0.415 |\n",
      "|  bplus_0 |    0.020    0.009    0.037   -0.086   -0.065   -0.019    0.039   -0.034    0.036    0.016    0.035   -0.008    0.026    0.245   -0.131    0.001    0.001    0.019    0.016    0.047    0.046    1.000   -0.811   -0.003 |\n",
      "|  bplus_1 |   -0.027   -0.112    0.188    0.059    0.053    0.024   -0.004    0.072   -0.356    0.016    0.389   -0.187    0.086   -0.141    0.088   -0.000    0.004    0.031   -0.003    0.154    0.075   -0.811    1.000    0.024 |\n",
      "|  psi2s_p |   -0.049   -0.105   -0.011   -0.009   -0.004   -0.004   -0.068   -0.016    0.004   -0.214   -0.015    0.188    0.013    0.007   -0.010    0.037    0.036   -0.149   -0.002    0.001   -0.415   -0.003    0.024    1.000 |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "Hesse errors: OrderedDict([(<zfit.Parameter 'p4040_s' floating=True>, {'error': 0.17009839871939636}), (<zfit.Parameter 'p4415_p' floating=True>, {'error': 0.17373117412559047}), (<zfit.Parameter 'Dbar_p' floating=True>, {'error': 0.3495825049815977}), (<zfit.Parameter 'omega_p' floating=True>, {'error': 0.5763887886614456}), (<zfit.Parameter 'rho_p' floating=True>, {'error': 0.42584833668507205}), (<zfit.Parameter 'phi_s' floating=True>, {'error': 0.9926336449574586}), (<zfit.Parameter 'p4160_s' floating=True>, {'error': 0.16751102097706294}), (<zfit.Parameter 'jpsi_p' floating=True>, {'error': 0.026610884806773427}), (<zfit.Parameter 'bplus_2' floating=True>, {'error': 0.09591308976424606}), (<zfit.Parameter 'p4040_p' floating=True>, {'error': 0.18355496529292248}), (<zfit.Parameter 'DDstar_p' floating=True>, {'error': 0.36691696032717225}), (<zfit.Parameter 'Ctt' floating=True>, {'error': 0.22150073063918235}), (<zfit.Parameter 'p4415_s' floating=True>, {'error': 0.1897037495635756}), (<zfit.Parameter 'rho_s' floating=True>, {'error': 0.32510528482708784}), (<zfit.Parameter 'omega_s' floating=True>, {'error': 3.881971977357772}), (<zfit.Parameter 'Dbar_s' floating=True>, {'error': 0.022996947892311492}), (<zfit.Parameter 'DDstar_s' floating=True>, {'error': 0.029192897575606752}), (<zfit.Parameter 'p4160_p' floating=True>, {'error': 0.09346107099784984}), (<zfit.Parameter 'phi_p' floating=True>, {'error': 0.21614255021235795}), (<zfit.Parameter 'p3770_p' floating=True>, {'error': 0.1057554102971543}), (<zfit.Parameter 'p3770_s' floating=True>, {'error': 0.23237804417338515}), (<zfit.Parameter 'bplus_0' floating=True>, {'error': 0.021544774678438516}), (<zfit.Parameter 'bplus_1' floating=True>, {'error': 0.04626912896692492}), (<zfit.Parameter 'psi2s_p' floating=True>, {'error': 0.0315490347994416})])\n"
     ]
    },
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "Toy 7/50\n",
      "Time taken: 16 min, 7 s\n",
      "Projected time left: 1 h, 38 min\n",
      "Toy 7: Generating data...\n",
      "Toy 7: Data generation finished\n",
      "Toy 7: Loading data...\n",
      "Toy 7: Loading data finished\n",
      "Toy 7: Fitting pdf...\n",
      "------------------------------------------------------------------\n",
      "| FCN = 2.974E+05               |     Ncalls=917 (917 total)     |\n",
      "| EDM = 0.000373 (Goal: 5E-06)  |            up = 0.5            |\n",
      "------------------------------------------------------------------\n",
      "|  Valid Min.   | Valid Param.  | Above EDM | Reached call limit |\n",
      "------------------------------------------------------------------\n",
      "|     True      |     True      |   False   |       False        |\n",
      "------------------------------------------------------------------\n",
      "| Hesse failed  |   Has cov.    | Accurate  | Pos. def. | Forced |\n",
      "------------------------------------------------------------------\n",
      "|     False     |     True      |   False   |   False   |  True  |\n",
      "------------------------------------------------------------------\n",
      "Function minimum: 297368.8341067544\n",
      "----------------------------------------------------------------------------------------------\n",
      "|   | Name     |   Value   | Hesse Err | Minos Err- | Minos Err+ | Limit-  | Limit+  | Fixed |\n",
      "----------------------------------------------------------------------------------------------\n",
      "| 0 | p4040_s  |   0.94    |   0.18    |            |            |0.00501244| 2.01499 |       |\n",
      "| 1 | p4415_p  |   -2.26   |    0.20   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 2 | Dbar_p   |   -4.43   |    0.30   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 3 | omega_p  |   0.93    |   0.29    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 4 | rho_p    |  -0.012   |   0.373   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 5 | phi_s    |   19.7    |    2.2    |            |            | 14.8182 | 23.5818 |       |\n",
      "| 6 | p4160_s  |   2.19    |   0.18    |            |            | 0.71676 | 3.68324 |       |\n",
      "| 7 | jpsi_p   |   4.696   |   0.024   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 8 | bplus_2  |   0.22    |   0.08    |            |            |   -2    |    2    |       |\n",
      "| 9 | p4040_p  |   -1.97   |    0.20   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 10| DDstar_p |   -6.28   |    0.22   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 11| Ctt      |   -0.73   |    0.21   |            |            |  -1.5   |   1.5   |       |\n",
      "| 12| p4415_s  |   1.08    |   0.20    |            |            |0.126447 | 2.35355 |       |\n",
      "| 13| rho_s    |    1.0    |    0.4    |            |            |0.0253049| 2.0747  |       |\n",
      "| 14| omega_s  |    9.0    |    1.1    |            |            | 4.19232 | 9.40768 |       |\n",
      "| 15| Dbar_s   |  -0.300   |   0.016   |            |            |  -0.3   |   0.3   |       |\n",
      "| 16| DDstar_s |   0.10    |   0.14    |            |            |  -0.3   |   0.3   |       |\n",
      "| 17| p4160_p  |   4.39    |   0.10    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 18| phi_p    |   0.27    |   0.51    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 19| p3770_p  |   -2.40   |    0.09   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 20| p3770_s  |   3.60    |   0.23    |            |            |0.918861 | 4.08114 |       |\n",
      "| 21| bplus_0  |  -0.399   |   0.031   |            |            |   -2    |    2    |       |\n",
      "| 22| bplus_1  |   0.73    |   0.06    |            |            |   -2    |    2    |       |\n",
      "| 23| psi2s_p  |   1.927   |   0.031   |            |            |-6.28319 | 6.28319 |       |\n",
      "----------------------------------------------------------------------------------------------\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|          |  p4040_s  p4415_p   Dbar_p  omega_p    rho_p    phi_s  p4160_s   jpsi_p  bplus_2  p4040_p DDstar_p      Ctt  p4415_s    rho_s  omega_s   Dbar_s DDstar_s  p4160_p    phi_p  p3770_p  p3770_s  bplus_0  bplus_1  psi2s_p |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|  p4040_s |    1.000   -0.072   -0.076    0.004    0.051   -0.024    0.173   -0.011   -0.190   -0.214    0.063    0.348    0.215    0.030   -0.008   -0.004   -0.245   -0.494   -0.011   -0.186    0.069   -0.053    0.107   -0.010 |\n",
      "|  p4415_p |   -0.072    1.000   -0.072   -0.006    0.055   -0.025   -0.064    0.006   -0.276    0.158    0.076    0.079   -0.157    0.015   -0.010    0.005   -0.246    0.277   -0.013   -0.027   -0.024   -0.049    0.178   -0.038 |\n",
      "|   Dbar_p |   -0.076   -0.072    1.000    0.015    0.015   -0.012   -0.048    0.186    0.003   -0.084    0.060   -0.293    0.060    0.035   -0.002    0.019   -0.227   -0.044   -0.004    0.242   -0.085   -0.021   -0.055   -0.030 |\n",
      "|  omega_p |    0.004   -0.006    0.015    1.000   -0.198    0.074    0.005   -0.029    0.041   -0.002   -0.014   -0.005    0.011    0.528    0.622    0.001    0.059   -0.008    0.097   -0.001    0.003   -0.254    0.203   -0.002 |\n",
      "|    rho_p |    0.051    0.055    0.015   -0.198    1.000   -0.057    0.059   -0.067   -0.260   -0.003    0.014    0.097   -0.008    0.166   -0.029    0.001   -0.055   -0.002   -0.098   -0.020    0.017    0.208   -0.175    0.002 |\n",
      "|    phi_s |   -0.024   -0.025   -0.012    0.074   -0.057    1.000   -0.027   -0.018    0.078   -0.007    0.002   -0.029   -0.001   -0.054    0.007    0.000   -0.007   -0.006    0.929    0.000   -0.019    0.056   -0.044   -0.012 |\n",
      "|  p4160_s |    0.173   -0.064   -0.048    0.005    0.059   -0.027    1.000   -0.010   -0.186    0.260    0.035    0.281    0.330    0.038   -0.009   -0.002   -0.129   -0.160   -0.012   -0.091    0.010   -0.036    0.049   -0.037 |\n",
      "|   jpsi_p |   -0.011    0.006    0.186   -0.029   -0.067   -0.018   -0.010    1.000   -0.175   -0.085    0.063    0.235   -0.018   -0.064   -0.006    0.041   -0.070   -0.050   -0.035   -0.009   -0.077    0.106   -0.035   -0.022 |\n",
      "|  bplus_2 |   -0.190   -0.276    0.003    0.041   -0.260    0.078   -0.186   -0.175    1.000    0.042   -0.085   -0.676    0.121   -0.044    0.041    0.002    0.352   -0.002    0.043    0.138    0.080   -0.070   -0.195   -0.070 |\n",
      "|  p4040_p |   -0.214    0.158   -0.084   -0.002   -0.003   -0.007    0.260   -0.085    0.042    1.000    0.007   -0.305   -0.067   -0.002   -0.002    0.014    0.046    0.290   -0.007    0.178   -0.048   -0.021    0.038   -0.196 |\n",
      "| DDstar_p |    0.063    0.076    0.060   -0.014    0.014    0.002    0.035    0.063   -0.085    0.007    1.000    0.020   -0.004   -0.023   -0.003   -0.002   -0.244    0.027    0.001   -0.039   -0.012    0.011    0.078    0.058 |\n",
      "|      Ctt |    0.348    0.079   -0.293   -0.005    0.097   -0.029    0.281    0.235   -0.676   -0.305    0.020    1.000    0.169    0.030   -0.014   -0.000   -0.090   -0.333   -0.011   -0.266   -0.146    0.018    0.116    0.225 |\n",
      "|  p4415_s |    0.215   -0.157    0.060    0.011   -0.008   -0.001    0.330   -0.018    0.121   -0.067   -0.004    0.169    1.000    0.018    0.002    0.000    0.011   -0.137    0.001   -0.074    0.016   -0.000   -0.100    0.036 |\n",
      "|    rho_s |    0.030    0.015    0.035    0.528    0.166   -0.054    0.038   -0.064   -0.044   -0.002   -0.023    0.030    0.018    1.000    0.103    0.001    0.093   -0.012   -0.031   -0.006    0.018   -0.374    0.287    0.002 |\n",
      "|  omega_s |   -0.008   -0.010   -0.002    0.622   -0.029    0.007   -0.009   -0.006    0.041   -0.002   -0.003   -0.014    0.002    0.103    1.000    0.000    0.011   -0.003   -0.005    0.001   -0.005   -0.038    0.031   -0.004 |\n",
      "|   Dbar_s |   -0.004    0.005    0.019    0.001    0.001    0.000   -0.002    0.041    0.002    0.014   -0.002   -0.000    0.000    0.001    0.000    1.000    0.006    0.019    0.001    0.033    0.022    0.001   -0.006    0.021 |\n",
      "| DDstar_s |   -0.245   -0.246   -0.227    0.059   -0.055   -0.007   -0.129   -0.070    0.352    0.046   -0.244   -0.090    0.011    0.093    0.011    0.006    1.000    0.014   -0.000    0.242    0.128   -0.035   -0.336   -0.151 |\n",
      "|  p4160_p |   -0.494    0.277   -0.044   -0.008   -0.002   -0.006   -0.160   -0.050   -0.002    0.290    0.027   -0.333   -0.137   -0.012   -0.003    0.019    0.014    1.000   -0.008    0.169   -0.015   -0.010    0.061   -0.134 |\n",
      "|    phi_p |   -0.011   -0.013   -0.004    0.097   -0.098    0.929   -0.012   -0.035    0.043   -0.007    0.001   -0.011    0.001   -0.031   -0.005    0.001   -0.000   -0.008    1.000   -0.004   -0.013   -0.011    0.013   -0.010 |\n",
      "|  p3770_p |   -0.186   -0.027    0.242   -0.001   -0.020    0.000   -0.091   -0.009    0.138    0.178   -0.039   -0.266   -0.074   -0.006    0.001    0.033    0.242    0.169   -0.004    1.000   -0.187    0.056   -0.166   -0.020 |\n",
      "|  p3770_s |    0.069   -0.024   -0.085    0.003    0.017   -0.019    0.010   -0.077    0.080   -0.048   -0.012   -0.146    0.016    0.018   -0.005    0.022    0.128   -0.015   -0.013   -0.187    1.000   -0.011   -0.055   -0.468 |\n",
      "|  bplus_0 |   -0.053   -0.049   -0.021   -0.254    0.208    0.056   -0.036    0.106   -0.070   -0.021    0.011    0.018   -0.000   -0.374   -0.038    0.001   -0.035   -0.010   -0.011    0.056   -0.011    1.000   -0.894   -0.023 |\n",
      "|  bplus_1 |    0.107    0.178   -0.055    0.203   -0.175   -0.044    0.049   -0.035   -0.195    0.038    0.078    0.116   -0.100    0.287    0.031   -0.006   -0.336    0.061    0.013   -0.166   -0.055   -0.894    1.000    0.069 |\n",
      "|  psi2s_p |   -0.010   -0.038   -0.030   -0.002    0.002   -0.012   -0.037   -0.022   -0.070   -0.196    0.058    0.225    0.036    0.002   -0.004    0.021   -0.151   -0.134   -0.010   -0.020   -0.468   -0.023    0.069    1.000 |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "Hesse errors: OrderedDict([(<zfit.Parameter 'p4040_s' floating=True>, {'error': 0.17794972810283088}), (<zfit.Parameter 'p4415_p' floating=True>, {'error': 0.20207921664866024}), (<zfit.Parameter 'Dbar_p' floating=True>, {'error': 0.3026210433595331}), (<zfit.Parameter 'omega_p' floating=True>, {'error': 0.2863804593356356}), (<zfit.Parameter 'rho_p' floating=True>, {'error': 0.37283074010859085}), (<zfit.Parameter 'phi_s' floating=True>, {'error': 2.246152612185968}), (<zfit.Parameter 'p4160_s' floating=True>, {'error': 0.17701594559690714}), (<zfit.Parameter 'jpsi_p' floating=True>, {'error': 0.023817419650067784}), (<zfit.Parameter 'bplus_2' floating=True>, {'error': 0.08335512714575422}), (<zfit.Parameter 'p4040_p' floating=True>, {'error': 0.20421188286746617}), (<zfit.Parameter 'DDstar_p' floating=True>, {'error': 0.2154690327210682}), (<zfit.Parameter 'Ctt' floating=True>, {'error': 0.2067437391768709}), (<zfit.Parameter 'p4415_s' floating=True>, {'error': 0.201141349212906}), (<zfit.Parameter 'rho_s' floating=True>, {'error': 0.4035128804397898}), (<zfit.Parameter 'omega_s' floating=True>, {'error': 1.1309520826515551}), (<zfit.Parameter 'Dbar_s' floating=True>, {'error': 0.015809100536609832}), (<zfit.Parameter 'DDstar_s' floating=True>, {'error': 0.13817957820142593}), (<zfit.Parameter 'p4160_p' floating=True>, {'error': 0.10137391695977538}), (<zfit.Parameter 'phi_p' floating=True>, {'error': 0.5096116212691331}), (<zfit.Parameter 'p3770_p' floating=True>, {'error': 0.09396498157006361}), (<zfit.Parameter 'p3770_s' floating=True>, {'error': 0.229654805497566}), (<zfit.Parameter 'bplus_0' floating=True>, {'error': 0.030843396141875923}), (<zfit.Parameter 'bplus_1' floating=True>, {'error': 0.06041659791219112}), (<zfit.Parameter 'psi2s_p' floating=True>, {'error': 0.031213061882957582})])\n"
     ]
    },
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "Toy 8/50\n",
      "Time taken: 18 min, 23 s\n",
      "Projected time left: 1 h, 35 min\n",
      "Toy 8: Generating data...\n",
      "Toy 8: Data generation finished\n",
      "Toy 8: Loading data...\n",
      "Toy 8: Loading data finished\n",
      "Toy 8: Fitting pdf...\n",
      "------------------------------------------------------------------\n",
      "| FCN = 2.971E+05               |     Ncalls=323 (323 total)     |\n",
      "| EDM = 2.07E-05 (Goal: 5E-06)  |            up = 0.5            |\n",
      "------------------------------------------------------------------\n",
      "|  Valid Min.   | Valid Param.  | Above EDM | Reached call limit |\n",
      "------------------------------------------------------------------\n",
      "|     True      |     True      |   False   |       False        |\n",
      "------------------------------------------------------------------\n",
      "| Hesse failed  |   Has cov.    | Accurate  | Pos. def. | Forced |\n",
      "------------------------------------------------------------------\n",
      "|     False     |     True      |   True    |   True    | False  |\n",
      "------------------------------------------------------------------\n",
      "Function minimum: 297068.25248967746\n",
      "----------------------------------------------------------------------------------------------\n",
      "|   | Name     |   Value   | Hesse Err | Minos Err- | Minos Err+ | Limit-  | Limit+  | Fixed |\n",
      "----------------------------------------------------------------------------------------------\n",
      "| 0 | p4040_s  |   1.14    |   0.05    |            |            |0.00501244| 2.01499 |       |\n",
      "| 1 | p4415_p  |   3.94    |   0.05    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 2 | Dbar_p   |   0.78    |   0.24    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 3 | omega_p  |   6.10    |   0.08    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 4 | rho_p    |    -5     |     12    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 5 | phi_s    |   19.0    |    0.3    |            |            | 14.8182 | 23.5818 |       |\n",
      "| 6 | p4160_s  |   2.28    |   0.05    |            |            | 0.71676 | 3.68324 |       |\n",
      "| 7 | jpsi_p   |   1.644   |   0.008   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 8 | bplus_2  |  -0.382   |   0.017   |            |            |   -2    |    2    |       |\n",
      "| 9 | p4040_p  |   -2.63   |    0.05   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 10| DDstar_p |   4.12    |   0.07    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 11| Ctt      |   -0.11   |    0.04   |            |            |  -1.5   |   1.5   |       |\n",
      "| 12| p4415_s  |   1.32    |   0.06    |            |            |0.126447 | 2.35355 |       |\n",
      "| 13| rho_s    |   0.05    |   1.45    |            |            |0.0253049| 2.0747  |       |\n",
      "| 14| omega_s  |    6.2    |    0.4    |            |            | 4.19232 | 9.40768 |       |\n",
      "| 15| Dbar_s   |  -0.077   |   0.024   |            |            |  -0.3   |   0.3   |       |\n",
      "| 16| DDstar_s |  -0.217   |   0.022   |            |            |  -0.3   |   0.3   |       |\n",
      "| 17| p4160_p  |  -2.221   |   0.028   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 18| phi_p    |   -5.73   |    0.08   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 19| p3770_p  |   3.23    |   0.04    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 20| p3770_s  |   2.78    |   0.07    |            |            |0.918861 | 4.08114 |       |\n",
      "| 21| bplus_0  |   0.416   |   0.002   |            |            |   -2    |    2    |       |\n",
      "| 22| bplus_1  |  -0.763   |   0.003   |            |            |   -2    |    2    |       |\n",
      "| 23| psi2s_p  |   1.785   |   0.010   |            |            |-6.28319 | 6.28319 |       |\n",
      "----------------------------------------------------------------------------------------------\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|          |  p4040_s  p4415_p   Dbar_p  omega_p    rho_p    phi_s  p4160_s   jpsi_p  bplus_2  p4040_p DDstar_p      Ctt  p4415_s    rho_s  omega_s   Dbar_s DDstar_s  p4160_p    phi_p  p3770_p  p3770_s  bplus_0  bplus_1  psi2s_p |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|  p4040_s |    1.000   -0.017    0.001    0.028    0.062   -0.010   -0.026    0.003   -0.037   -0.004    0.021    0.044    0.009   -0.062   -0.040   -0.006   -0.007   -0.054    0.028    0.016    0.015   -0.010   -0.008   -0.021 |\n",
      "|  p4415_p |   -0.017    1.000    0.013    0.036    0.080   -0.012   -0.026    0.001   -0.043    0.024    0.003    0.036   -0.009   -0.081   -0.052    0.006   -0.015    0.031    0.036    0.014    0.007   -0.029   -0.028   -0.012 |\n",
      "|   Dbar_p |    0.001    0.013    1.000    0.195    0.441   -0.062    0.020   -0.003   -0.283   -0.010   -0.118    0.122    0.028   -0.441   -0.282    0.204   -0.140   -0.009    0.195    0.027   -0.004   -0.221   -0.211   -0.031 |\n",
      "|  omega_p |    0.028    0.036    0.195    1.000    0.449   -0.065    0.035    0.051   -0.329    0.035   -0.183    0.180    0.024   -0.450   -0.241    0.177   -0.119    0.032    0.201    0.045    0.049   -0.269   -0.259    0.007 |\n",
      "|    rho_p |    0.062    0.080    0.441    0.449    1.000   -0.151    0.078    0.115   -0.745    0.079   -0.415    0.408    0.054   -0.999   -0.641    0.401   -0.270    0.073    0.449    0.102    0.111   -0.608   -0.586    0.015 |\n",
      "|    phi_s |   -0.010   -0.012   -0.062   -0.065   -0.151    1.000   -0.012   -0.020    0.101   -0.012    0.058   -0.055   -0.008    0.152    0.097   -0.054    0.035   -0.011    0.049   -0.015   -0.017    0.084    0.081   -0.003 |\n",
      "|  p4160_s |   -0.026   -0.026    0.020    0.035    0.078   -0.012    1.000   -0.000   -0.047    0.059    0.009    0.057    0.023   -0.078   -0.050   -0.004    0.009   -0.010    0.035    0.010    0.010   -0.017   -0.015   -0.018 |\n",
      "|   jpsi_p |    0.003    0.001   -0.003    0.051    0.115   -0.020   -0.000    1.000   -0.068    0.002   -0.002    0.007   -0.001   -0.115   -0.075    0.049   -0.054    0.006    0.051    0.011    0.016   -0.043   -0.041    0.014 |\n",
      "|  bplus_2 |   -0.037   -0.043   -0.283   -0.329   -0.745    0.101   -0.047   -0.068    1.000   -0.042    0.281   -0.250   -0.052    0.746    0.475   -0.272    0.202   -0.034   -0.327   -0.069   -0.067    0.422    0.406   -0.011 |\n",
      "|  p4040_p |   -0.004    0.024   -0.010    0.035    0.079   -0.012    0.059    0.002   -0.042    1.000   -0.025   -0.012    0.016   -0.079   -0.051    0.039   -0.068   -0.001    0.035    0.018   -0.015   -0.046   -0.046   -0.019 |\n",
      "| DDstar_p |    0.021    0.003   -0.118   -0.183   -0.415    0.058    0.009   -0.002    0.281   -0.025    1.000   -0.162    0.004    0.415    0.265   -0.107    0.090   -0.016   -0.183   -0.048   -0.025    0.189    0.176    0.028 |\n",
      "|      Ctt |    0.044    0.036    0.122    0.180    0.408   -0.055    0.057    0.007   -0.250   -0.012   -0.162    1.000    0.059   -0.409   -0.260    0.151   -0.144   -0.010    0.180    0.032    0.025   -0.237   -0.231    0.032 |\n",
      "|  p4415_s |    0.009   -0.009    0.028    0.024    0.054   -0.008    0.023   -0.001   -0.052    0.016    0.004    0.059    1.000   -0.054   -0.035    0.004    0.029    0.032    0.024    0.002    0.007   -0.007   -0.003   -0.007 |\n",
      "|    rho_s |   -0.062   -0.081   -0.441   -0.450   -0.999    0.152   -0.078   -0.115    0.746   -0.079    0.415   -0.409   -0.054    1.000    0.643   -0.402    0.270   -0.073   -0.449   -0.102   -0.111    0.609    0.587   -0.015 |\n",
      "|  omega_s |   -0.040   -0.052   -0.282   -0.241   -0.641    0.097   -0.050   -0.075    0.475   -0.051    0.265   -0.260   -0.035    0.643    1.000   -0.256    0.171   -0.047   -0.290   -0.065   -0.072    0.390    0.375   -0.010 |\n",
      "|   Dbar_s |   -0.006    0.006    0.204    0.177    0.401   -0.054   -0.004    0.049   -0.272    0.039   -0.107    0.151    0.004   -0.402   -0.256    1.000   -0.019    0.037    0.178    0.094    0.055   -0.189   -0.177    0.009 |\n",
      "| DDstar_s |   -0.007   -0.015   -0.140   -0.119   -0.270    0.035    0.009   -0.054    0.202   -0.068    0.090   -0.144    0.029    0.270    0.171   -0.019    1.000   -0.078   -0.120   -0.067   -0.066    0.120    0.108   -0.021 |\n",
      "|  p4160_p |   -0.054    0.031   -0.009    0.032    0.073   -0.011   -0.010    0.006   -0.034   -0.001   -0.016   -0.010    0.032   -0.073   -0.047    0.037   -0.078    1.000    0.032    0.021    0.000   -0.043   -0.044   -0.009 |\n",
      "|    phi_p |    0.028    0.036    0.195    0.201    0.449    0.049    0.035    0.051   -0.327    0.035   -0.183    0.180    0.024   -0.449   -0.290    0.178   -0.120    0.032    1.000    0.045    0.050   -0.268   -0.259    0.007 |\n",
      "|  p3770_p |    0.016    0.014    0.027    0.045    0.102   -0.015    0.010    0.011   -0.069    0.018   -0.048    0.032    0.002   -0.102   -0.065    0.094   -0.067    0.021    0.045    1.000   -0.038   -0.057   -0.056   -0.007 |\n",
      "|  p3770_s |    0.015    0.007   -0.004    0.049    0.111   -0.017    0.010    0.016   -0.067   -0.015   -0.025    0.025    0.007   -0.111   -0.072    0.055   -0.066    0.000    0.050   -0.038    1.000   -0.049   -0.048   -0.052 |\n",
      "|  bplus_0 |   -0.010   -0.029   -0.221   -0.269   -0.608    0.084   -0.017   -0.043    0.422   -0.046    0.189   -0.237   -0.007    0.609    0.390   -0.189    0.120   -0.043   -0.268   -0.057   -0.049    1.000    0.294    0.008 |\n",
      "|  bplus_1 |   -0.008   -0.028   -0.211   -0.259   -0.586    0.081   -0.015   -0.041    0.406   -0.046    0.176   -0.231   -0.003    0.587    0.375   -0.177    0.108   -0.044   -0.259   -0.056   -0.048    0.294    1.000    0.009 |\n",
      "|  psi2s_p |   -0.021   -0.012   -0.031    0.007    0.015   -0.003   -0.018    0.014   -0.011   -0.019    0.028    0.032   -0.007   -0.015   -0.010    0.009   -0.021   -0.009    0.007   -0.007   -0.052    0.008    0.009    1.000 |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "Hesse errors: OrderedDict([(<zfit.Parameter 'p4040_s' floating=True>, {'error': 0.0479704104558798}), (<zfit.Parameter 'p4415_p' floating=True>, {'error': 0.05395993038768587}), (<zfit.Parameter 'Dbar_p' floating=True>, {'error': 0.24038866387933178}), (<zfit.Parameter 'omega_p' floating=True>, {'error': 0.08294365336143183}), (<zfit.Parameter 'rho_p' floating=True>, {'error': 12.04764294050246}), (<zfit.Parameter 'phi_s' floating=True>, {'error': 0.31812102984616786}), (<zfit.Parameter 'p4160_s' floating=True>, {'error': 0.04808881015497546}), (<zfit.Parameter 'jpsi_p' floating=True>, {'error': 0.00804478543633369}), (<zfit.Parameter 'bplus_2' floating=True>, {'error': 0.017386020836641314}), (<zfit.Parameter 'p4040_p' floating=True>, {'error': 0.049632692689270064}), (<zfit.Parameter 'DDstar_p' floating=True>, {'error': 0.07182058437290184}), (<zfit.Parameter 'Ctt' floating=True>, {'error': 0.035247593138535094}), (<zfit.Parameter 'p4415_s' floating=True>, {'error': 0.05968874357886078}), (<zfit.Parameter 'rho_s' floating=True>, {'error': 1.4469412619787445}), (<zfit.Parameter 'omega_s' floating=True>, {'error': 0.4238986980101096}), (<zfit.Parameter 'Dbar_s' floating=True>, {'error': 0.023909737783067972}), (<zfit.Parameter 'DDstar_s' floating=True>, {'error': 0.021849482035909168}), (<zfit.Parameter 'p4160_p' floating=True>, {'error': 0.027678748093707295}), (<zfit.Parameter 'phi_p' floating=True>, {'error': 0.07790876749729847}), (<zfit.Parameter 'p3770_p' floating=True>, {'error': 0.03592720157337492}), (<zfit.Parameter 'p3770_s' floating=True>, {'error': 0.0724288272048208}), (<zfit.Parameter 'bplus_0' floating=True>, {'error': 0.0015507711479296749}), (<zfit.Parameter 'bplus_1' floating=True>, {'error': 0.0027682108456380528}), (<zfit.Parameter 'psi2s_p' floating=True>, {'error': 0.010278634677455045})])\n"
     ]
    },
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "Toy 9/50\n",
      "Time taken: 20 min, 12 s\n",
      "Projected time left: 1 h, 31 min\n",
      "Toy 9: Generating data...\n",
      "Toy 9: Data generation finished\n",
      "Toy 9: Loading data...\n",
      "Toy 9: Loading data finished\n",
      "Toy 9: Fitting pdf...\n",
      "------------------------------------------------------------------\n",
      "| FCN = 2.973E+05               |    Ncalls=1440 (1440 total)    |\n",
      "| EDM = 3.5E-05 (Goal: 5E-06)   |            up = 0.5            |\n",
      "------------------------------------------------------------------\n",
      "|  Valid Min.   | Valid Param.  | Above EDM | Reached call limit |\n",
      "------------------------------------------------------------------\n",
      "|     True      |     True      |   False   |       False        |\n",
      "------------------------------------------------------------------\n",
      "| Hesse failed  |   Has cov.    | Accurate  | Pos. def. | Forced |\n",
      "------------------------------------------------------------------\n",
      "|     False     |     True      |   False   |   False   |  True  |\n",
      "------------------------------------------------------------------\n",
      "Function minimum: 297303.8266156527\n",
      "----------------------------------------------------------------------------------------------\n",
      "|   | Name     |   Value   | Hesse Err | Minos Err- | Minos Err+ | Limit-  | Limit+  | Fixed |\n",
      "----------------------------------------------------------------------------------------------\n",
      "| 0 | p4040_s  |   1.23    |   0.17    |            |            |0.00501244| 2.01499 |       |\n",
      "| 1 | p4415_p  |   4.91    |   0.27    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 2 | Dbar_p   |   4.25    |   0.31    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 3 | omega_p  |   6.28    |   0.11    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 4 | rho_p    |   -6.28   |    0.05   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 5 | phi_s    |    18     |     5     |            |            | 14.8182 | 23.5818 |       |\n",
      "| 6 | p4160_s  |   0.717   |   0.010   |            |            | 0.71676 | 3.68324 |       |\n",
      "| 7 | jpsi_p   |  -4.544   |   0.030   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 8 | bplus_2  |   -0.45   |    0.07   |            |            |   -2    |    2    |       |\n",
      "| 9 | p4040_p  |   -3.04   |    0.14   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 10| DDstar_p |   0.71    |   0.31    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 11| Ctt      |   -1.02   |    0.20   |            |            |  -1.5   |   1.5   |       |\n",
      "| 12| p4415_s  |   0.74    |   0.18    |            |            |0.126447 | 2.35355 |       |\n",
      "| 13| rho_s    |    1.3    |    0.4    |            |            |0.0253049| 2.0747  |       |\n",
      "| 14| omega_s  |    6.4    |    0.9    |            |            | 4.19232 | 9.40768 |       |\n",
      "| 15| Dbar_s   |  -0.300   |   0.019   |            |            |  -0.3   |   0.3   |       |\n",
      "| 16| DDstar_s |   0.300   |   0.014   |            |            |  -0.3   |   0.3   |       |\n",
      "| 17| p4160_p  |  -6.283   |   0.008   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 18| phi_p    |    -6     |     7     |            |            |-6.28319 | 6.28319 |       |\n",
      "| 19| p3770_p  |   3.81    |   0.10    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 20| p3770_s  |   3.00    |   0.23    |            |            |0.918861 | 4.08114 |       |\n",
      "| 21| bplus_0  |   0.452   |   0.013   |            |            |   -2    |    2    |       |\n",
      "| 22| bplus_1  |  -0.822   |   0.025   |            |            |   -2    |    2    |       |\n",
      "| 23| psi2s_p  |   1.83    |   0.03    |            |            |-6.28319 | 6.28319 |       |\n",
      "----------------------------------------------------------------------------------------------\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|          |  p4040_s  p4415_p   Dbar_p  omega_p    rho_p    phi_s  p4160_s   jpsi_p  bplus_2  p4040_p DDstar_p      Ctt  p4415_s    rho_s  omega_s   Dbar_s DDstar_s  p4160_p    phi_p  p3770_p  p3770_s  bplus_0  bplus_1  psi2s_p |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|  p4040_s |    1.000   -0.230   -0.090   -0.000    0.002    0.001   -0.012   -0.160    0.185   -0.306   -0.063    0.401    0.089    0.036   -0.027    0.013    0.010    0.007    0.004   -0.150    0.003    0.050    0.056    0.066 |\n",
      "|  p4415_p |   -0.230    1.000    0.131    0.000    0.006   -0.036    0.009    0.117    0.195    0.132    0.182   -0.031   -0.023   -0.031    0.006    0.007    0.002    0.001   -0.034    0.099    0.083   -0.043   -0.170   -0.003 |\n",
      "|   Dbar_p |   -0.090    0.131    1.000   -0.001    0.002    0.010    0.007    0.219   -0.019    0.290   -0.104    0.276    0.009   -0.048    0.016    0.017   -0.007   -0.004    0.009   -0.016    0.277   -0.072   -0.167    0.248 |\n",
      "|  omega_p |   -0.000    0.000   -0.001    1.000   -0.001   -0.032    0.000    0.007    0.001    0.001   -0.001   -0.001    0.000    0.012   -0.083    0.000    0.000   -0.000   -0.031    0.001    0.001    0.002   -0.001    0.001 |\n",
      "|    rho_p |    0.002    0.006    0.002   -0.001    1.000   -0.012    0.000    0.004    0.021    0.005    0.004    0.006    0.002   -0.022    0.051   -0.000    0.000   -0.000   -0.013   -0.001    0.003   -0.015    0.012    0.002 |\n",
      "|    phi_s |    0.001   -0.036    0.010   -0.032   -0.012    1.000   -0.001   -0.203   -0.111   -0.055   -0.007    0.007   -0.013    0.207   -0.376   -0.002   -0.002    0.001    0.995   -0.031   -0.052    0.037   -0.057   -0.037 |\n",
      "|  p4160_s |   -0.012    0.009    0.007    0.000    0.000   -0.001    1.000    0.010   -0.003    0.004    0.011   -0.010    0.001   -0.002    0.001   -0.001   -0.001   -0.001   -0.001    0.005    0.005   -0.002   -0.005    0.001 |\n",
      "|   jpsi_p |   -0.160    0.117    0.219    0.007    0.004   -0.203    0.010    1.000   -0.252    0.268    0.445   -0.368   -0.073   -0.074    0.080   -0.035   -0.013   -0.002   -0.202    0.037    0.244   -0.003   -0.045    0.153 |\n",
      "|  bplus_2 |    0.185    0.195   -0.019    0.001    0.021   -0.111   -0.003   -0.252    1.000   -0.020   -0.011    0.713    0.103   -0.011   -0.034    0.011    0.013   -0.001   -0.100   -0.011   -0.113   -0.138   -0.173    0.054 |\n",
      "|  p4040_p |   -0.306    0.132    0.290    0.001    0.005   -0.055    0.004    0.268   -0.020    1.000    0.335   -0.153    0.078   -0.044    0.023   -0.007   -0.009   -0.006   -0.054    0.150    0.203   -0.029   -0.130   -0.051 |\n",
      "| DDstar_p |   -0.063    0.182   -0.104   -0.001    0.004   -0.007    0.011    0.445   -0.011    0.335    1.000   -0.160    0.039   -0.062    0.020   -0.009    0.006   -0.005   -0.006    0.065    0.142   -0.079   -0.218    0.192 |\n",
      "|      Ctt |    0.401   -0.031    0.276   -0.001    0.006    0.007   -0.010   -0.368    0.713   -0.153   -0.160    1.000    0.251    0.016   -0.037    0.021    0.001   -0.001    0.011   -0.094   -0.195   -0.034   -0.171    0.242 |\n",
      "|  p4415_s |    0.089   -0.023    0.009    0.000    0.002   -0.013    0.001   -0.073    0.103    0.078    0.039    0.251    1.000    0.023   -0.016    0.004    0.006   -0.003   -0.011   -0.034   -0.006    0.045    0.044    0.026 |\n",
      "|    rho_s |    0.036   -0.031   -0.048    0.012   -0.022    0.207   -0.002   -0.074   -0.011   -0.044   -0.062    0.016    0.023    1.000   -0.463   -0.006   -0.006    0.000    0.213   -0.021   -0.030    0.213   -0.133   -0.022 |\n",
      "|  omega_s |   -0.027    0.006    0.016   -0.083    0.051   -0.376    0.001    0.080   -0.034    0.023    0.020   -0.037   -0.016   -0.463    1.000    0.004    0.003   -0.000   -0.382    0.021    0.021   -0.079    0.060    0.013 |\n",
      "|   Dbar_s |    0.013    0.007    0.017    0.000   -0.000   -0.002   -0.001   -0.035    0.011   -0.007   -0.009    0.021    0.004   -0.006    0.004    1.000   -0.002   -0.000   -0.002   -0.054   -0.016   -0.012   -0.022   -0.007 |\n",
      "| DDstar_s |    0.010    0.002   -0.007    0.000    0.000   -0.002   -0.001   -0.013    0.013   -0.009    0.006    0.001    0.006   -0.006    0.003   -0.002    1.000   -0.000   -0.002   -0.022   -0.014   -0.010   -0.023   -0.003 |\n",
      "|  p4160_p |    0.007    0.001   -0.004   -0.000   -0.000    0.001   -0.001   -0.002   -0.001   -0.006   -0.005   -0.001   -0.003    0.000   -0.000   -0.000   -0.000    1.000    0.001   -0.001   -0.002    0.000    0.002    0.000 |\n",
      "|    phi_p |    0.004   -0.034    0.009   -0.031   -0.013    0.995   -0.001   -0.202   -0.100   -0.054   -0.006    0.011   -0.011    0.213   -0.382   -0.002   -0.002    0.001    1.000   -0.032   -0.051    0.040   -0.059   -0.036 |\n",
      "|  p3770_p |   -0.150    0.099   -0.016    0.001   -0.001   -0.031    0.005    0.037   -0.011    0.150    0.065   -0.094   -0.034   -0.021    0.021   -0.054   -0.022   -0.001   -0.032    1.000   -0.185   -0.008   -0.052    0.090 |\n",
      "|  p3770_s |    0.003    0.083    0.277    0.001    0.003   -0.052    0.005    0.244   -0.113    0.203    0.142   -0.195   -0.006   -0.030    0.021   -0.016   -0.014   -0.002   -0.051   -0.185    1.000    0.010   -0.057   -0.326 |\n",
      "|  bplus_0 |    0.050   -0.043   -0.072    0.002   -0.015    0.037   -0.002   -0.003   -0.138   -0.029   -0.079   -0.034    0.045    0.213   -0.079   -0.012   -0.010    0.000    0.040   -0.008    0.010    1.000   -0.807   -0.023 |\n",
      "|  bplus_1 |    0.056   -0.170   -0.167   -0.001    0.012   -0.057   -0.005   -0.045   -0.173   -0.130   -0.218   -0.171    0.044   -0.133    0.060   -0.022   -0.023    0.002   -0.059   -0.052   -0.057   -0.807    1.000   -0.071 |\n",
      "|  psi2s_p |    0.066   -0.003    0.248    0.001    0.002   -0.037    0.001    0.153    0.054   -0.051    0.192    0.242    0.026   -0.022    0.013   -0.007   -0.003    0.000   -0.036    0.090   -0.326   -0.023   -0.071    1.000 |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "Hesse errors: OrderedDict([(<zfit.Parameter 'p4040_s' floating=True>, {'error': 0.1673755359206177}), (<zfit.Parameter 'p4415_p' floating=True>, {'error': 0.26582090619781074}), (<zfit.Parameter 'Dbar_p' floating=True>, {'error': 0.31223197573286754}), (<zfit.Parameter 'omega_p' floating=True>, {'error': 0.1106798456153415}), (<zfit.Parameter 'rho_p' floating=True>, {'error': 0.05230988934799097}), (<zfit.Parameter 'phi_s' floating=True>, {'error': 5.352081375379628}), (<zfit.Parameter 'p4160_s' floating=True>, {'error': 0.009891406948438153}), (<zfit.Parameter 'jpsi_p' floating=True>, {'error': 0.030237277780523097}), (<zfit.Parameter 'bplus_2' floating=True>, {'error': 0.07413376022397844}), (<zfit.Parameter 'p4040_p' floating=True>, {'error': 0.13919321480780344}), (<zfit.Parameter 'DDstar_p' floating=True>, {'error': 0.3111806675548232}), (<zfit.Parameter 'Ctt' floating=True>, {'error': 0.1967557402892534}), (<zfit.Parameter 'p4415_s' floating=True>, {'error': 0.17868171965573415}), (<zfit.Parameter 'rho_s' floating=True>, {'error': 0.35609141536112326}), (<zfit.Parameter 'omega_s' floating=True>, {'error': 0.9156641055930654}), (<zfit.Parameter 'Dbar_s' floating=True>, {'error': 0.019497595036453236}), (<zfit.Parameter 'DDstar_s' floating=True>, {'error': 0.013741629101232833}), (<zfit.Parameter 'p4160_p' floating=True>, {'error': 0.008340764099371345}), (<zfit.Parameter 'phi_p' floating=True>, {'error': 6.992999336038222}), (<zfit.Parameter 'p3770_p' floating=True>, {'error': 0.0979294888382265}), (<zfit.Parameter 'p3770_s' floating=True>, {'error': 0.2267589168638171}), (<zfit.Parameter 'bplus_0' floating=True>, {'error': 0.01310241497502318}), (<zfit.Parameter 'bplus_1' floating=True>, {'error': 0.024675248640991798}), (<zfit.Parameter 'psi2s_p' floating=True>, {'error': 0.03285146216094059})])\n"
     ]
    },
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "Toy 10/50\n",
      "Time taken: 23 min, 16 s\n",
      "Projected time left: 1 h, 32 min\n",
      "Toy 10: Generating data...\n",
      "Toy 10: Data generation finished\n",
      "Toy 10: Loading data...\n",
      "Toy 10: Loading data finished\n",
      "Toy 10: Fitting pdf...\n",
      "------------------------------------------------------------------\n",
      "| FCN = 2.971E+05               |    Ncalls=1371 (1371 total)    |\n",
      "| EDM = 0.00126 (Goal: 5E-06)   |            up = 0.5            |\n",
      "------------------------------------------------------------------\n",
      "|  Valid Min.   | Valid Param.  | Above EDM | Reached call limit |\n",
      "------------------------------------------------------------------\n",
      "|     False     |     True      |   True    |       False        |\n",
      "------------------------------------------------------------------\n",
      "| Hesse failed  |   Has cov.    | Accurate  | Pos. def. | Forced |\n",
      "------------------------------------------------------------------\n",
      "|     False     |     True      |   False   |   False   |  True  |\n",
      "------------------------------------------------------------------\n",
      "Function minimum: 297149.28627628565\n",
      "----------------------------------------------------------------------------------------------\n",
      "|   | Name     |   Value   | Hesse Err | Minos Err- | Minos Err+ | Limit-  | Limit+  | Fixed |\n",
      "----------------------------------------------------------------------------------------------\n",
      "| 0 | p4040_s  |   1.23    |   0.16    |            |            |0.00501244| 2.01499 |       |\n",
      "| 1 | p4415_p  |   4.09    |   0.27    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 2 | Dbar_p   |   -2.6    |    0.7    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 3 | omega_p  |   6.28    |   0.21    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 4 | rho_p    |    6.0    |    0.5    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 5 | phi_s    |   17.1    |    0.9    |            |            | 14.8182 | 23.5818 |       |\n",
      "| 6 | p4160_s  |   2.03    |   0.16    |            |            | 0.71676 | 3.68324 |       |\n",
      "| 7 | jpsi_p   |   1.60    |   0.05    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 8 | bplus_2  |   -0.17   |    0.06   |            |            |   -2    |    2    |       |\n",
      "| 9 | p4040_p  |   -2.85   |    0.22   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 10| DDstar_p |    2.3    |    3.8    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 11| Ctt      |   0.23    |   0.17    |            |            |  -1.5   |   1.5   |       |\n",
      "| 12| p4415_s  |   1.27    |   0.17    |            |            |0.126447 | 2.35355 |       |\n",
      "| 13| rho_s    |   0.59    |   0.31    |            |            |0.0253049| 2.0747  |       |\n",
      "| 14| omega_s  |    7.2    |    0.9    |            |            | 4.19232 | 9.40768 |       |\n",
      "| 15| Dbar_s   |   0.30    |   0.38    |            |            |  -0.3   |   0.3   |       |\n",
      "| 16| DDstar_s |   0.08    |   0.46    |            |            |  -0.3   |   0.3   |       |\n",
      "| 17| p4160_p  |   -2.35   |    0.20   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 18| phi_p    |   6.03    |   0.20    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 19| p3770_p  |   -3.31   |    0.12   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 20| p3770_s  |   2.67    |   0.25    |            |            |0.918861 | 4.08114 |       |\n",
      "| 21| bplus_0  |   0.490   |   0.008   |            |            |   -2    |    2    |       |\n",
      "| 22| bplus_1  |  -0.982   |   0.015   |            |            |   -2    |    2    |       |\n",
      "| 23| psi2s_p  |   1.80    |   0.04    |            |            |-6.28319 | 6.28319 |       |\n",
      "----------------------------------------------------------------------------------------------\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|          |  p4040_s  p4415_p   Dbar_p  omega_p    rho_p    phi_s  p4160_s   jpsi_p  bplus_2  p4040_p DDstar_p      Ctt  p4415_s    rho_s  omega_s   Dbar_s DDstar_s  p4160_p    phi_p  p3770_p  p3770_s  bplus_0  bplus_1  psi2s_p |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|  p4040_s |    1.000    0.185    0.334   -0.002    0.008   -0.000    0.088    0.309    0.006    0.162   -0.340   -0.015    0.066    0.014   -0.005    0.005    0.369    0.106    0.010    0.174    0.262    0.061    0.076    0.218 |\n",
      "|  p4415_p |    0.185    1.000    0.680   -0.004   -0.011    0.018    0.195    0.746    0.068    0.694   -0.813   -0.496   -0.104   -0.010    0.005    0.066    0.815    0.796    0.019    0.526    0.408   -0.060   -0.047    0.492 |\n",
      "|   Dbar_p |    0.334    0.680    1.000   -0.002   -0.023    0.020    0.309    0.690    0.051    0.589   -0.887   -0.601   -0.022    0.012   -0.003    0.154    0.898    0.696    0.016    0.409    0.303    0.029    0.061    0.437 |\n",
      "|  omega_p |   -0.002   -0.004   -0.002    1.000    0.013   -0.011   -0.003   -0.003   -0.010   -0.003    0.003    0.001    0.000    0.024   -0.230   -0.000   -0.004   -0.003   -0.006   -0.002   -0.003    0.002   -0.003   -0.002 |\n",
      "|    rho_p |    0.008   -0.011   -0.023    0.013    1.000    0.072    0.018   -0.021    0.184   -0.015    0.031    0.046    0.009    0.114    0.234    0.002   -0.029   -0.024    0.063   -0.021    0.000    0.006    0.038   -0.020 |\n",
      "|    phi_s |   -0.000    0.018    0.020   -0.011    0.072    1.000   -0.005    0.014   -0.079    0.018   -0.029   -0.032   -0.008    0.027    0.012   -0.002    0.030    0.025    0.574    0.014    0.005   -0.013   -0.003    0.018 |\n",
      "|  p4160_s |    0.088    0.195    0.309   -0.003    0.018   -0.005    1.000    0.305    0.048    0.451   -0.344   -0.062    0.205    0.014   -0.006   -0.007    0.370    0.257    0.011    0.208    0.194    0.058    0.065    0.181 |\n",
      "|   jpsi_p |    0.309    0.746    0.690   -0.003   -0.021    0.014    0.305    1.000   -0.069    0.726   -0.865   -0.554   -0.067   -0.006    0.000    0.105    0.869    0.801    0.016    0.546    0.502   -0.014    0.007    0.591 |\n",
      "|  bplus_2 |    0.006    0.068    0.051   -0.010    0.184   -0.079    0.048   -0.069    1.000   -0.004    0.012    0.402   -0.059    0.020   -0.015    0.020    0.007    0.007    0.017    0.013   -0.035   -0.157   -0.223   -0.027 |\n",
      "|  p4040_p |    0.162    0.694    0.589   -0.003   -0.015    0.018    0.451    0.726   -0.004    1.000   -0.773   -0.492   -0.012   -0.009    0.004    0.067    0.762    0.733    0.017    0.546    0.373   -0.034   -0.022    0.444 |\n",
      "| DDstar_p |   -0.340   -0.813   -0.887    0.003    0.031   -0.029   -0.344   -0.865    0.012   -0.773    1.000    0.567    0.058   -0.004   -0.001   -0.087   -0.968   -0.865   -0.021   -0.585   -0.473   -0.006   -0.046   -0.595 |\n",
      "|      Ctt |   -0.015   -0.496   -0.601    0.001    0.046   -0.032   -0.062   -0.554    0.402   -0.492    0.567    1.000    0.191    0.011   -0.009   -0.162   -0.574   -0.571   -0.012   -0.302   -0.262   -0.021   -0.050   -0.165 |\n",
      "|  p4415_s |    0.066   -0.104   -0.022    0.000    0.009   -0.008    0.205   -0.067   -0.059   -0.012    0.058    0.191    1.000    0.023   -0.009   -0.015   -0.032   -0.031    0.000   -0.059   -0.012    0.116    0.129   -0.030 |\n",
      "|    rho_s |    0.014   -0.010    0.012    0.024    0.114    0.027    0.014   -0.006    0.020   -0.009   -0.004    0.011    0.023    1.000   -0.383    0.024   -0.011   -0.012    0.044   -0.003   -0.003    0.132   -0.011   -0.004 |\n",
      "|  omega_s |   -0.005    0.005   -0.003   -0.230    0.234    0.012   -0.006    0.000   -0.015    0.004   -0.001   -0.009   -0.009   -0.383    1.000   -0.009    0.007    0.006   -0.034    0.001    0.001   -0.047    0.008    0.003 |\n",
      "|   Dbar_s |    0.005    0.066    0.154   -0.000    0.002   -0.002   -0.007    0.105    0.020    0.067   -0.087   -0.162   -0.015    0.024   -0.009    1.000    0.113    0.093    0.003    0.169    0.015    0.093    0.111    0.052 |\n",
      "| DDstar_s |    0.369    0.815    0.898   -0.004   -0.029    0.030    0.370    0.869    0.007    0.762   -0.968   -0.574   -0.032   -0.011    0.007    0.113    1.000    0.851    0.021    0.548    0.465   -0.054   -0.027    0.600 |\n",
      "|  p4160_p |    0.106    0.796    0.696   -0.003   -0.024    0.025    0.257    0.801    0.007    0.733   -0.865   -0.571   -0.031   -0.012    0.006    0.093    0.851    1.000    0.018    0.577    0.427   -0.058   -0.041    0.527 |\n",
      "|    phi_p |    0.010    0.019    0.016   -0.006    0.063    0.574    0.011    0.016    0.017    0.017   -0.021   -0.012    0.000    0.044   -0.034    0.003    0.021    0.018    1.000    0.010    0.013    0.009    0.006    0.013 |\n",
      "|  p3770_p |    0.174    0.526    0.409   -0.002   -0.021    0.014    0.208    0.546    0.013    0.546   -0.585   -0.302   -0.059   -0.003    0.001    0.169    0.548    0.577    0.010    1.000    0.130   -0.000    0.004    0.388 |\n",
      "|  p3770_s |    0.262    0.408    0.303   -0.003    0.000    0.005    0.194    0.502   -0.035    0.373   -0.473   -0.262   -0.012   -0.003    0.001    0.015    0.465    0.427    0.013    0.130    1.000    0.010    0.013    0.183 |\n",
      "|  bplus_0 |    0.061   -0.060    0.029    0.002    0.006   -0.013    0.058   -0.014   -0.157   -0.034   -0.006   -0.021    0.116    0.132   -0.047    0.093   -0.054   -0.058    0.009   -0.000    0.010    1.000   -0.520   -0.021 |\n",
      "|  bplus_1 |    0.076   -0.047    0.061   -0.003    0.038   -0.003    0.065    0.007   -0.223   -0.022   -0.046   -0.050    0.129   -0.011    0.008    0.111   -0.027   -0.041    0.006    0.004    0.013   -0.520    1.000   -0.002 |\n",
      "|  psi2s_p |    0.218    0.492    0.437   -0.002   -0.020    0.018    0.181    0.591   -0.027    0.444   -0.595   -0.165   -0.030   -0.004    0.003    0.052    0.600    0.527    0.013    0.388    0.183   -0.021   -0.002    1.000 |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "Hesse errors: OrderedDict([(<zfit.Parameter 'p4040_s' floating=True>, {'error': 0.15874136572248876}), (<zfit.Parameter 'p4415_p' floating=True>, {'error': 0.2721579880285043}), (<zfit.Parameter 'Dbar_p' floating=True>, {'error': 0.6866638836069607}), (<zfit.Parameter 'omega_p' floating=True>, {'error': 0.2066925417117007}), (<zfit.Parameter 'rho_p' floating=True>, {'error': 0.49178476085275324}), (<zfit.Parameter 'phi_s' floating=True>, {'error': 0.9209335012978936}), (<zfit.Parameter 'p4160_s' floating=True>, {'error': 0.15674299616871723}), (<zfit.Parameter 'jpsi_p' floating=True>, {'error': 0.051267526416218345}), (<zfit.Parameter 'bplus_2' floating=True>, {'error': 0.05954046199503504}), (<zfit.Parameter 'p4040_p' floating=True>, {'error': 0.22408478164603474}), (<zfit.Parameter 'DDstar_p' floating=True>, {'error': 3.7673889941069056}), (<zfit.Parameter 'Ctt' floating=True>, {'error': 0.16815982438487032}), (<zfit.Parameter 'p4415_s' floating=True>, {'error': 0.16791730966942675}), (<zfit.Parameter 'rho_s' floating=True>, {'error': 0.3056230591210599}), (<zfit.Parameter 'omega_s' floating=True>, {'error': 0.8615501034228297}), (<zfit.Parameter 'Dbar_s' floating=True>, {'error': 0.3799869355788419}), (<zfit.Parameter 'DDstar_s' floating=True>, {'error': 0.45869191460180214}), (<zfit.Parameter 'p4160_p' floating=True>, {'error': 0.19999081131887553}), (<zfit.Parameter 'phi_p' floating=True>, {'error': 0.20338587555158938}), (<zfit.Parameter 'p3770_p' floating=True>, {'error': 0.11656741339827104}), (<zfit.Parameter 'p3770_s' floating=True>, {'error': 0.25338705480956913}), (<zfit.Parameter 'bplus_0' floating=True>, {'error': 0.007626023447713015}), (<zfit.Parameter 'bplus_1' floating=True>, {'error': 0.015375881485445109}), (<zfit.Parameter 'psi2s_p' floating=True>, {'error': 0.03867233450365504})])\n"
     ]
    },
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "Toy 11/50\n",
      "Time taken: 26 min, 19 s\n",
      "Projected time left: 1 h, 32 min\n",
      "Toy 11: Generating data...\n",
      "Toy 11: Data generation finished\n",
      "Toy 11: Loading data...\n",
      "Toy 11: Loading data finished\n",
      "Toy 11: Fitting pdf...\n",
      "------------------------------------------------------------------\n",
      "| FCN = 2.973E+05               |    Ncalls=1343 (1343 total)    |\n",
      "| EDM = 1.47E-06 (Goal: 5E-06)  |            up = 0.5            |\n",
      "------------------------------------------------------------------\n",
      "|  Valid Min.   | Valid Param.  | Above EDM | Reached call limit |\n",
      "------------------------------------------------------------------\n",
      "|     True      |     True      |   False   |       False        |\n",
      "------------------------------------------------------------------\n",
      "| Hesse failed  |   Has cov.    | Accurate  | Pos. def. | Forced |\n",
      "------------------------------------------------------------------\n",
      "|     False     |     True      |   False   |   False   |  True  |\n",
      "------------------------------------------------------------------\n",
      "Function minimum: 297250.9149104503\n",
      "----------------------------------------------------------------------------------------------\n",
      "|   | Name     |   Value   | Hesse Err | Minos Err- | Minos Err+ | Limit-  | Limit+  | Fixed |\n",
      "----------------------------------------------------------------------------------------------\n",
      "| 0 | p4040_s  |   0.92    |   0.18    |            |            |0.00501244| 2.01499 |       |\n",
      "| 1 | p4415_p  |   -2.01   |    0.15   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 2 | Dbar_p   |   2.04    |   0.28    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 3 | omega_p  |    6.3    |    0.5    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 4 | rho_p    |   -0.13   |    0.24   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 5 | phi_s    |   16.3    |    1.1    |            |            | 14.8182 | 23.5818 |       |\n",
      "| 6 | p4160_s  |   2.21    |   0.17    |            |            | 0.71676 | 3.68324 |       |\n",
      "| 7 | jpsi_p   |  -1.616   |   0.026   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 8 | bplus_2  |   -0.24   |    0.09   |            |            |   -2    |    2    |       |\n",
      "| 9 | p4040_p  |   -2.63   |    0.19   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 10| DDstar_p |   1.95    |   0.30    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 11| Ctt      |   -0.34   |    0.21   |            |            |  -1.5   |   1.5   |       |\n",
      "| 12| p4415_s  |   1.38    |   0.19    |            |            |0.126447 | 2.35355 |       |\n",
      "| 13| rho_s    |    1.5    |    0.3    |            |            |0.0253049| 2.0747  |       |\n",
      "| 14| omega_s  |    6.4    |    1.0    |            |            | 4.19232 | 9.40768 |       |\n",
      "| 15| Dbar_s   |  -0.300   |   0.014   |            |            |  -0.3   |   0.3   |       |\n",
      "| 16| DDstar_s |  -0.300   |   0.017   |            |            |  -0.3   |   0.3   |       |\n",
      "| 17| p4160_p  |   -2.01   |    0.10   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 18| phi_p    |   -0.27   |    0.27   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 19| p3770_p  |   -2.75   |    0.10   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 20| p3770_s  |   3.16    |   0.23    |            |            |0.918861 | 4.08114 |       |\n",
      "| 21| bplus_0  |   0.471   |   0.020   |            |            |   -2    |    2    |       |\n",
      "| 22| bplus_1  |   -0.87   |    0.04   |            |            |   -2    |    2    |       |\n",
      "| 23| psi2s_p  |   1.929   |   0.032   |            |            |-6.28319 | 6.28319 |       |\n",
      "----------------------------------------------------------------------------------------------\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|          |  p4040_s  p4415_p   Dbar_p  omega_p    rho_p    phi_s  p4160_s   jpsi_p  bplus_2  p4040_p DDstar_p      Ctt  p4415_s    rho_s  omega_s   Dbar_s DDstar_s  p4160_p    phi_p  p3770_p  p3770_s  bplus_0  bplus_1  psi2s_p |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|  p4040_s |    1.000   -0.256   -0.051   -0.001    0.040   -0.011   -0.073   -0.000    0.091   -0.223   -0.112    0.359    0.123    0.021    0.001   -0.002    0.002   -0.533    0.003   -0.156    0.111    0.017    0.026    0.043 |\n",
      "|  p4415_p |   -0.256    1.000   -0.058   -0.004    0.050   -0.015   -0.190   -0.017    0.185    0.088    0.007   -0.074   -0.127    0.009    0.006    0.016    0.028    0.307    0.002    0.080   -0.020    0.017   -0.096   -0.113 |\n",
      "|   Dbar_p |   -0.051   -0.058    1.000    0.004    0.009   -0.004   -0.089    0.254   -0.091   -0.056   -0.069   -0.291    0.004    0.039   -0.013    0.016    0.004    0.063    0.002    0.339   -0.004    0.030    0.186    0.012 |\n",
      "|  omega_p |   -0.001   -0.004    0.004    1.000   -0.045   -0.034   -0.003    0.022   -0.023   -0.001    0.010   -0.005    0.001    0.093   -0.431   -0.000   -0.000    0.002   -0.022    0.007    0.001    0.038   -0.029    0.003 |\n",
      "|    rho_p |    0.040    0.050    0.009   -0.045    1.000    0.161    0.068   -0.108    0.266    0.021   -0.027    0.103    0.021    0.272    0.363    0.001    0.000   -0.010    0.154   -0.025    0.019   -0.063    0.061   -0.005 |\n",
      "|    phi_s |   -0.011   -0.015   -0.004   -0.034    0.161    1.000   -0.020   -0.012   -0.061   -0.009    0.005   -0.033   -0.007    0.067    0.046    0.000    0.000   -0.002    0.722   -0.002   -0.010   -0.022    0.026   -0.004 |\n",
      "|  p4160_s |   -0.073   -0.190   -0.089   -0.003    0.068   -0.020    1.000   -0.052    0.149    0.328   -0.076    0.241    0.308    0.030    0.003    0.004    0.008   -0.147    0.005   -0.063    0.003    0.037   -0.001   -0.099 |\n",
      "|   jpsi_p |   -0.000   -0.017    0.254    0.022   -0.108   -0.012   -0.052    1.000    0.093   -0.096    0.186    0.205   -0.024   -0.008   -0.039    0.038    0.046   -0.008   -0.041    0.080   -0.021   -0.050    0.072   -0.014 |\n",
      "|  bplus_2 |    0.091    0.185   -0.091   -0.023    0.266   -0.061    0.149    0.093    1.000   -0.026   -0.258    0.691   -0.036    0.049    0.042    0.004    0.007   -0.065    0.020   -0.119   -0.092   -0.025   -0.281   -0.012 |\n",
      "|  p4040_p |   -0.223    0.088   -0.056   -0.001    0.021   -0.009    0.328   -0.096   -0.026    1.000    0.074   -0.219    0.063    0.009    0.000    0.020    0.025    0.075    0.000    0.135   -0.045    0.023    0.001   -0.245 |\n",
      "| DDstar_p |   -0.112    0.007   -0.069    0.010   -0.027    0.005   -0.076    0.186   -0.258    0.074    1.000   -0.115   -0.044    0.052   -0.025    0.003    0.025    0.215   -0.002    0.263    0.146    0.019    0.349    0.007 |\n",
      "|      Ctt |    0.359   -0.074   -0.291   -0.005    0.103   -0.033    0.241    0.205    0.691   -0.219   -0.115    1.000    0.215    0.023    0.010    0.007   -0.001   -0.398   -0.002   -0.254   -0.162   -0.009   -0.166    0.182 |\n",
      "|  p4415_s |    0.123   -0.127    0.004    0.001    0.021   -0.007    0.308   -0.024   -0.036    0.063   -0.044    0.215    1.000    0.025   -0.005    0.000    0.001   -0.047    0.002   -0.069    0.015    0.024    0.101    0.005 |\n",
      "|    rho_s |    0.021    0.009    0.039    0.093    0.272    0.067    0.030   -0.008    0.049    0.009    0.052    0.023    0.025    1.000   -0.294    0.000   -0.000    0.001    0.071    0.020    0.021    0.216   -0.137    0.007 |\n",
      "|  omega_s |    0.001    0.006   -0.013   -0.431    0.363    0.046    0.003   -0.039    0.042    0.000   -0.025    0.010   -0.005   -0.294    1.000    0.000    0.000   -0.004    0.003   -0.016   -0.005   -0.105    0.079   -0.006 |\n",
      "|   Dbar_s |   -0.002    0.016    0.016   -0.000    0.001    0.000    0.004    0.038    0.004    0.020    0.003    0.007    0.000    0.000    0.000    1.000   -0.001    0.024    0.000    0.027    0.021    0.001   -0.003    0.023 |\n",
      "| DDstar_s |    0.002    0.028    0.004   -0.000    0.000    0.000    0.008    0.046    0.007    0.025    0.025   -0.001    0.001   -0.000    0.000   -0.001    1.000    0.034    0.000    0.019    0.018    0.000   -0.005    0.022 |\n",
      "|  p4160_p |   -0.533    0.307    0.063    0.002   -0.010   -0.002   -0.147   -0.008   -0.065    0.075    0.215   -0.398   -0.047    0.001   -0.004    0.024    0.034    1.000   -0.003    0.234   -0.015    0.015    0.002   -0.136 |\n",
      "|    phi_p |    0.003    0.002    0.002   -0.022    0.154    0.722    0.005   -0.041    0.020    0.000   -0.002   -0.002    0.002    0.071    0.003    0.000    0.000   -0.003    1.000   -0.006    0.001    0.000    0.009   -0.005 |\n",
      "|  p3770_p |   -0.156    0.080    0.339    0.007   -0.025   -0.002   -0.063    0.080   -0.119    0.135    0.263   -0.254   -0.069    0.020   -0.016    0.027    0.019    0.234   -0.006    1.000   -0.230    0.036    0.116    0.000 |\n",
      "|  p3770_s |    0.111   -0.020   -0.004    0.001    0.019   -0.010    0.003   -0.021   -0.092   -0.045    0.146   -0.162    0.015    0.021   -0.005    0.021    0.018   -0.015    0.001   -0.230    1.000    0.045    0.067   -0.403 |\n",
      "|  bplus_0 |    0.017    0.017    0.030    0.038   -0.063   -0.022    0.037   -0.050   -0.025    0.023    0.019   -0.009    0.024    0.216   -0.105    0.001    0.000    0.015    0.000    0.036    0.045    1.000   -0.839   -0.005 |\n",
      "|  bplus_1 |    0.026   -0.096    0.186   -0.029    0.061    0.026   -0.001    0.072   -0.281    0.001    0.349   -0.166    0.101   -0.137    0.079   -0.003   -0.005    0.002    0.009    0.116    0.067   -0.839    1.000    0.045 |\n",
      "|  psi2s_p |    0.043   -0.113    0.012    0.003   -0.005   -0.004   -0.099   -0.014   -0.012   -0.245    0.007    0.182    0.005    0.007   -0.006    0.023    0.022   -0.136   -0.005    0.000   -0.403   -0.005    0.045    1.000 |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "Hesse errors: OrderedDict([(<zfit.Parameter 'p4040_s' floating=True>, {'error': 0.1750263085157091}), (<zfit.Parameter 'p4415_p' floating=True>, {'error': 0.1541480195260423}), (<zfit.Parameter 'Dbar_p' floating=True>, {'error': 0.2841838249359592}), (<zfit.Parameter 'omega_p' floating=True>, {'error': 0.4732356739315682}), (<zfit.Parameter 'rho_p' floating=True>, {'error': 0.2421638439743128}), (<zfit.Parameter 'phi_s' floating=True>, {'error': 1.1346453700203014}), (<zfit.Parameter 'p4160_s' floating=True>, {'error': 0.16748252240231665}), (<zfit.Parameter 'jpsi_p' floating=True>, {'error': 0.026425175365989872}), (<zfit.Parameter 'bplus_2' floating=True>, {'error': 0.08711086147616842}), (<zfit.Parameter 'p4040_p' floating=True>, {'error': 0.19304066991221425}), (<zfit.Parameter 'DDstar_p' floating=True>, {'error': 0.29740881640735894}), (<zfit.Parameter 'Ctt' floating=True>, {'error': 0.2097221537465469}), (<zfit.Parameter 'p4415_s' floating=True>, {'error': 0.18951476715130067}), (<zfit.Parameter 'rho_s' floating=True>, {'error': 0.32681767264266715}), (<zfit.Parameter 'omega_s' floating=True>, {'error': 1.0229021813759736}), (<zfit.Parameter 'Dbar_s' floating=True>, {'error': 0.014003246940213265}), (<zfit.Parameter 'DDstar_s' floating=True>, {'error': 0.01676908888306225}), (<zfit.Parameter 'p4160_p' floating=True>, {'error': 0.10184399756955731}), (<zfit.Parameter 'phi_p' floating=True>, {'error': 0.2747820571114312}), (<zfit.Parameter 'p3770_p' floating=True>, {'error': 0.09933845905553462}), (<zfit.Parameter 'p3770_s' floating=True>, {'error': 0.23291303566288546}), (<zfit.Parameter 'bplus_0' floating=True>, {'error': 0.0200692450868849}), (<zfit.Parameter 'bplus_1' floating=True>, {'error': 0.04065917547054554}), (<zfit.Parameter 'psi2s_p' floating=True>, {'error': 0.03155685496589822})])\n"
     ]
    },
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "Toy 12/50\n",
      "Time taken: 29 min, 27 s\n",
      "Projected time left: 1 h, 33 min\n",
      "Toy 12: Generating data...\n",
      "Toy 12: Data generation finished\n",
      "Toy 12: Loading data...\n",
      "Toy 12: Loading data finished\n",
      "Toy 12: Fitting pdf...\n",
      "------------------------------------------------------------------\n",
      "| FCN = 2.972E+05               |    Ncalls=1309 (1309 total)    |\n",
      "| EDM = 5.49E-05 (Goal: 5E-06)  |            up = 0.5            |\n",
      "------------------------------------------------------------------\n",
      "|  Valid Min.   | Valid Param.  | Above EDM | Reached call limit |\n",
      "------------------------------------------------------------------\n",
      "|     True      |     True      |   False   |       False        |\n",
      "------------------------------------------------------------------\n",
      "| Hesse failed  |   Has cov.    | Accurate  | Pos. def. | Forced |\n",
      "------------------------------------------------------------------\n",
      "|     False     |     True      |   False   |   False   |  True  |\n",
      "------------------------------------------------------------------\n",
      "Function minimum: 297176.50038908026\n",
      "----------------------------------------------------------------------------------------------\n",
      "|   | Name     |   Value   | Hesse Err | Minos Err- | Minos Err+ | Limit-  | Limit+  | Fixed |\n",
      "----------------------------------------------------------------------------------------------\n",
      "| 0 | p4040_s  |   1.01    |   0.15    |            |            |0.00501244| 2.01499 |       |\n",
      "| 1 | p4415_p  |   -6.28   |    0.12   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 2 | Dbar_p   |   -0.46   |    0.30   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 3 | omega_p  |   -0.07   |    0.30   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 4 | rho_p    |    5.8    |    0.6    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 5 | phi_s    |   19.2    |    1.2    |            |            | 14.8182 | 23.5818 |       |\n",
      "| 6 | p4160_s  |   0.717   |   0.018   |            |            | 0.71676 | 3.68324 |       |\n",
      "| 7 | jpsi_p   |   4.72    |   0.03    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 8 | bplus_2  |   -0.47   |    0.05   |            |            |   -2    |    2    |       |\n",
      "| 9 | p4040_p  |   3.37    |   0.15    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 10| DDstar_p |   -0.15   |    0.28   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 11| Ctt      |   -1.50   |    0.06   |            |            |  -1.5   |   1.5   |       |\n",
      "| 12| p4415_s  |   0.20    |   0.21    |            |            |0.126447 | 2.35355 |       |\n",
      "| 13| rho_s    |    0.7    |    0.3    |            |            |0.0253049| 2.0747  |       |\n",
      "| 14| omega_s  |    6.5    |    1.2    |            |            | 4.19232 | 9.40768 |       |\n",
      "| 15| Dbar_s   |   0.300   |   0.020   |            |            |  -0.3   |   0.3   |       |\n",
      "| 16| DDstar_s |   0.300   |   0.013   |            |            |  -0.3   |   0.3   |       |\n",
      "| 17| p4160_p  |  -6.283   |   0.009   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 18| phi_p    |   0.63    |   0.24    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 19| p3770_p  |   -2.29   |    0.10   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 20| p3770_s  |   3.56    |   0.22    |            |            |0.918861 | 4.08114 |       |\n",
      "| 21| bplus_0  |   0.465   |   0.019   |            |            |   -2    |    2    |       |\n",
      "| 22| bplus_1  |   -0.86   |    0.03   |            |            |   -2    |    2    |       |\n",
      "| 23| psi2s_p  |   1.94    |   0.03    |            |            |-6.28319 | 6.28319 |       |\n",
      "----------------------------------------------------------------------------------------------\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|          |  p4040_s  p4415_p   Dbar_p  omega_p    rho_p    phi_s  p4160_s   jpsi_p  bplus_2  p4040_p DDstar_p      Ctt  p4415_s    rho_s  omega_s   Dbar_s DDstar_s  p4160_p    phi_p  p3770_p  p3770_s  bplus_0  bplus_1  psi2s_p |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|  p4040_s |    1.000    0.077   -0.015   -0.002   -0.011    0.004   -0.019   -0.142   -0.288   -0.250   -0.144    0.046   -0.310    0.010   -0.003   -0.021   -0.001    0.008    0.001   -0.169    0.115    0.011    0.096    0.017 |\n",
      "|  p4415_p |    0.077    1.000    0.017   -0.002   -0.020    0.011   -0.005   -0.015   -0.087   -0.034   -0.041   -0.003   -0.249    0.000   -0.002   -0.005   -0.005   -0.001    0.006   -0.022   -0.018   -0.005    0.017    0.030 |\n",
      "|   Dbar_p |   -0.015    0.017    1.000    0.004    0.063   -0.026    0.004    0.467    0.138    0.003   -0.137   -0.010   -0.072    0.037   -0.008    0.018    0.003    0.002   -0.005    0.469    0.141    0.045    0.130    0.155 |\n",
      "|  omega_p |   -0.002   -0.002    0.004    1.000   -0.016    0.002    0.000   -0.019    0.049    0.006    0.003    0.001    0.010   -0.117    0.610    0.001    0.001   -0.000   -0.034   -0.001    0.004   -0.045    0.048   -0.002 |\n",
      "|    rho_p |   -0.011   -0.020    0.063   -0.016    1.000   -0.167    0.003   -0.055    0.280    0.065    0.025    0.009    0.080    0.080    0.213   -0.001    0.001   -0.001   -0.229    0.024    0.059   -0.012    0.050    0.006 |\n",
      "|    phi_s |    0.004    0.011   -0.026    0.002   -0.167    1.000   -0.002    0.014   -0.143   -0.038   -0.010   -0.003   -0.044   -0.006   -0.040   -0.000   -0.001    0.000    0.728   -0.012   -0.035   -0.018   -0.001   -0.008 |\n",
      "|  p4160_s |   -0.019   -0.005    0.004    0.000    0.003   -0.002    1.000    0.015    0.020   -0.002    0.021   -0.002    0.018    0.000    0.000    0.002    0.001   -0.002   -0.001    0.014    0.004    0.001   -0.004    0.001 |\n",
      "|   jpsi_p |   -0.142   -0.015    0.467   -0.019   -0.055    0.014    0.015    1.000    0.029    0.162    0.414    0.027    0.070    0.037   -0.033    0.021    0.011    0.001    0.009    0.335    0.220   -0.022    0.088    0.109 |\n",
      "|  bplus_2 |   -0.288   -0.087    0.138    0.049    0.280   -0.143    0.020    0.029    1.000    0.258    0.028    0.127    0.387   -0.081    0.076   -0.007    0.026   -0.001   -0.090    0.128    0.182   -0.192    0.048   -0.168 |\n",
      "|  p4040_p |   -0.250   -0.034    0.003    0.006    0.065   -0.038   -0.002    0.162    0.258    1.000    0.324   -0.027    0.120    0.007    0.003    0.039    0.019   -0.003   -0.019    0.189    0.105    0.019   -0.014   -0.149 |\n",
      "| DDstar_p |   -0.144   -0.041   -0.137    0.003    0.025   -0.010    0.021    0.414    0.028    0.324    1.000    0.005    0.171    0.014   -0.002   -0.005    0.010   -0.001    0.002    0.215    0.257    0.022    0.049    0.180 |\n",
      "|      Ctt |    0.046   -0.003   -0.010    0.001    0.009   -0.003   -0.002    0.027    0.127   -0.027    0.005    1.000    0.009    0.000    0.000    0.004    0.001   -0.000   -0.001   -0.018   -0.039   -0.004   -0.021    0.008 |\n",
      "|  p4415_s |   -0.310   -0.249   -0.072    0.010    0.080   -0.044    0.018    0.070    0.387    0.120    0.171    0.009    1.000   -0.003    0.011    0.020    0.020    0.003   -0.024    0.094    0.067    0.020   -0.092   -0.115 |\n",
      "|    rho_s |    0.010    0.000    0.037   -0.117    0.080   -0.006    0.000    0.037   -0.081    0.007    0.014    0.000   -0.003    1.000   -0.444   -0.003   -0.004   -0.000    0.081    0.024    0.016    0.299   -0.264    0.018 |\n",
      "|  omega_s |   -0.003   -0.002   -0.008    0.610    0.213   -0.040    0.000   -0.033    0.076    0.003   -0.002    0.000    0.011   -0.444    1.000    0.001    0.002   -0.000   -0.116   -0.010   -0.002   -0.130    0.125   -0.007 |\n",
      "|   Dbar_s |   -0.021   -0.005    0.018    0.001   -0.001   -0.000    0.002    0.021   -0.007    0.039   -0.005    0.004    0.020   -0.003    0.001    1.000   -0.001   -0.000    0.000    0.017    0.038    0.002   -0.014    0.026 |\n",
      "| DDstar_s |   -0.001   -0.005    0.003    0.001    0.001   -0.001    0.001    0.011    0.026    0.019    0.010    0.001    0.020   -0.004    0.002   -0.001    1.000   -0.000   -0.000   -0.001    0.006    0.001   -0.026    0.012 |\n",
      "|  p4160_p |    0.008   -0.001    0.002   -0.000   -0.001    0.000   -0.002    0.001   -0.001   -0.003   -0.001   -0.000    0.003   -0.000   -0.000   -0.000   -0.000    1.000    0.000    0.000   -0.000   -0.000   -0.000    0.003 |\n",
      "|    phi_p |    0.001    0.006   -0.005   -0.034   -0.229    0.728   -0.001    0.009   -0.090   -0.019    0.002   -0.001   -0.024    0.081   -0.116    0.000   -0.000    0.000    1.000    0.000   -0.015    0.019   -0.029   -0.005 |\n",
      "|  p3770_p |   -0.169   -0.022    0.469   -0.001    0.024   -0.012    0.014    0.335    0.128    0.189    0.215   -0.018    0.094    0.024   -0.010    0.017   -0.001    0.000    0.000    1.000   -0.078    0.037    0.035    0.212 |\n",
      "|  p3770_s |    0.115   -0.018    0.141    0.004    0.059   -0.035    0.004    0.220    0.182    0.105    0.257   -0.039    0.067    0.016   -0.002    0.038    0.006   -0.000   -0.015   -0.078    1.000    0.043    0.012   -0.364 |\n",
      "|  bplus_0 |    0.011   -0.005    0.045   -0.045   -0.012   -0.018    0.001   -0.022   -0.192    0.019    0.022   -0.004    0.020    0.299   -0.130    0.002    0.001   -0.000    0.019    0.037    0.043    1.000   -0.937    0.004 |\n",
      "|  bplus_1 |    0.096    0.017    0.130    0.048    0.050   -0.001   -0.004    0.088    0.048   -0.014    0.049   -0.021   -0.092   -0.264    0.125   -0.014   -0.026   -0.000   -0.029    0.035    0.012   -0.937    1.000    0.112 |\n",
      "|  psi2s_p |    0.017    0.030    0.155   -0.002    0.006   -0.008    0.001    0.109   -0.168   -0.149    0.180    0.008   -0.115    0.018   -0.007    0.026    0.012    0.003   -0.005    0.212   -0.364    0.004    0.112    1.000 |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "Hesse errors: OrderedDict([(<zfit.Parameter 'p4040_s' floating=True>, {'error': 0.1542616119380873}), (<zfit.Parameter 'p4415_p' floating=True>, {'error': 0.11891544763304429}), (<zfit.Parameter 'Dbar_p' floating=True>, {'error': 0.2992968354924965}), (<zfit.Parameter 'omega_p' floating=True>, {'error': 0.30370920675339796}), (<zfit.Parameter 'rho_p' floating=True>, {'error': 0.56025404703718}), (<zfit.Parameter 'phi_s' floating=True>, {'error': 1.1738783258318044}), (<zfit.Parameter 'p4160_s' floating=True>, {'error': 0.017639202290997913}), (<zfit.Parameter 'jpsi_p' floating=True>, {'error': 0.0322039419706277}), (<zfit.Parameter 'bplus_2' floating=True>, {'error': 0.05414725706101098}), (<zfit.Parameter 'p4040_p' floating=True>, {'error': 0.1530310000676609}), (<zfit.Parameter 'DDstar_p' floating=True>, {'error': 0.28202588514197746}), (<zfit.Parameter 'Ctt' floating=True>, {'error': 0.05867448075110493}), (<zfit.Parameter 'p4415_s' floating=True>, {'error': 0.20556623657775164}), (<zfit.Parameter 'rho_s' floating=True>, {'error': 0.33812288280520314}), (<zfit.Parameter 'omega_s' floating=True>, {'error': 1.2053808124878094}), (<zfit.Parameter 'Dbar_s' floating=True>, {'error': 0.019888824633566338}), (<zfit.Parameter 'DDstar_s' floating=True>, {'error': 0.012921337483607298}), (<zfit.Parameter 'p4160_p' floating=True>, {'error': 0.009294734407658378}), (<zfit.Parameter 'phi_p' floating=True>, {'error': 0.24477435423867977}), (<zfit.Parameter 'p3770_p' floating=True>, {'error': 0.10286578083697817}), (<zfit.Parameter 'p3770_s' floating=True>, {'error': 0.22026123367833916}), (<zfit.Parameter 'bplus_0' floating=True>, {'error': 0.018557114755179516}), (<zfit.Parameter 'bplus_1' floating=True>, {'error': 0.033964563391971625}), (<zfit.Parameter 'psi2s_p' floating=True>, {'error': 0.032519115256608444})])\n"
     ]
    },
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "Toy 13/50\n",
      "Time taken: 32 min, 42 s\n",
      "Projected time left: 1 h, 32 min\n",
      "Toy 13: Generating data...\n",
      "Toy 13: Data generation finished\n",
      "Toy 13: Loading data...\n",
      "Toy 13: Loading data finished\n",
      "Toy 13: Fitting pdf...\n",
      "------------------------------------------------------------------\n",
      "| FCN = 2.97E+05                |    Ncalls=1584 (1584 total)    |\n",
      "| EDM = 3.74E-06 (Goal: 5E-06)  |            up = 0.5            |\n",
      "------------------------------------------------------------------\n",
      "|  Valid Min.   | Valid Param.  | Above EDM | Reached call limit |\n",
      "------------------------------------------------------------------\n",
      "|     True      |     True      |   False   |       False        |\n",
      "------------------------------------------------------------------\n",
      "| Hesse failed  |   Has cov.    | Accurate  | Pos. def. | Forced |\n",
      "------------------------------------------------------------------\n",
      "|     False     |     True      |   False   |   False   |  True  |\n",
      "------------------------------------------------------------------\n",
      "Function minimum: 297001.5010079119\n",
      "----------------------------------------------------------------------------------------------\n",
      "|   | Name     |   Value   | Hesse Err | Minos Err- | Minos Err+ | Limit-  | Limit+  | Fixed |\n",
      "----------------------------------------------------------------------------------------------\n",
      "| 0 | p4040_s  |   0.93    |   0.17    |            |            |0.00501244| 2.01499 |       |\n",
      "| 1 | p4415_p  |   -1.85   |    0.17   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 2 | Dbar_p   |    1.8    |    0.3    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 3 | omega_p  |   -5.6    |    0.4    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 4 | rho_p    |   -0.18   |    0.40   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 5 | phi_s    |   18.2    |    1.1    |            |            | 14.8182 | 23.5818 |       |\n",
      "| 6 | p4160_s  |   2.09    |   0.16    |            |            | 0.71676 | 3.68324 |       |\n",
      "| 7 | jpsi_p   |   4.674   |   0.025   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 8 | bplus_2  |   -0.15   |    0.09   |            |            |   -2    |    2    |       |\n",
      "| 9 | p4040_p  |   -2.13   |    0.20   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 10| DDstar_p |   -1.4    |    0.3    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 11| Ctt      |   -0.33   |    0.21   |            |            |  -1.5   |   1.5   |       |\n",
      "| 12| p4415_s  |   1.23    |   0.18    |            |            |0.126447 | 2.35355 |       |\n",
      "| 13| rho_s    |    0.9    |    0.3    |            |            |0.0253049| 2.0747  |       |\n",
      "| 14| omega_s  |    8.2    |    1.5    |            |            | 4.19232 | 9.40768 |       |\n",
      "| 15| Dbar_s   |  -0.300   |   0.019   |            |            |  -0.3   |   0.3   |       |\n",
      "| 16| DDstar_s |   0.300   |   0.024   |            |            |  -0.3   |   0.3   |       |\n",
      "| 17| p4160_p  |   4.39    |   0.11    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 18| phi_p    |   -6.09   |    0.18   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 19| p3770_p  |   -2.68   |    0.11   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 20| p3770_s  |   2.97    |   0.23    |            |            |0.918861 | 4.08114 |       |\n",
      "| 21| bplus_0  |   0.477   |   0.020   |            |            |   -2    |    2    |       |\n",
      "| 22| bplus_1  |   -0.94   |    0.04   |            |            |   -2    |    2    |       |\n",
      "| 23| psi2s_p  |   1.89    |   0.03    |            |            |-6.28319 | 6.28319 |       |\n",
      "----------------------------------------------------------------------------------------------\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|          |  p4040_s  p4415_p   Dbar_p  omega_p    rho_p    phi_s  p4160_s   jpsi_p  bplus_2  p4040_p DDstar_p      Ctt  p4415_s    rho_s  omega_s   Dbar_s DDstar_s  p4160_p    phi_p  p3770_p  p3770_s  bplus_0  bplus_1  psi2s_p |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|  p4040_s |    1.000   -0.219   -0.138   -0.006    0.057   -0.027    0.062   -0.048    0.128   -0.214   -0.173    0.314    0.147    0.014   -0.009   -0.000    0.005   -0.529   -0.009   -0.151    0.084    0.021   -0.039   -0.054 |\n",
      "|  p4415_p |   -0.219    1.000   -0.103   -0.011    0.043   -0.021   -0.180   -0.021    0.203    0.186   -0.044   -0.079   -0.096   -0.006   -0.009    0.016    0.031    0.320   -0.008    0.059   -0.013    0.009   -0.138   -0.092 |\n",
      "|   Dbar_p |   -0.138   -0.103    1.000    0.010    0.014   -0.006   -0.114    0.159   -0.094   -0.059   -0.133   -0.352   -0.020    0.047   -0.003    0.027    0.005   -0.002    0.001    0.294   -0.077    0.031    0.179   -0.072 |\n",
      "|  omega_p |   -0.006   -0.011    0.010    1.000   -0.084    0.016   -0.006   -0.010   -0.031   -0.003    0.023   -0.012    0.001    0.370    0.792    0.001    0.001   -0.002   -0.019    0.008   -0.001    0.075   -0.047   -0.004 |\n",
      "|    rho_p |    0.057    0.043    0.014   -0.084    1.000   -0.042    0.067   -0.098    0.260   -0.006   -0.027    0.107    0.032    0.211    0.020    0.001   -0.000   -0.017   -0.119   -0.021    0.016   -0.045    0.038   -0.002 |\n",
      "|    phi_s |   -0.027   -0.021   -0.006    0.016   -0.042    1.000   -0.031    0.017   -0.106   -0.003    0.014   -0.042   -0.015   -0.024    0.007    0.000    0.001    0.002    0.655    0.005   -0.014   -0.015    0.017   -0.004 |\n",
      "|  p4160_s |    0.062   -0.180   -0.114   -0.006    0.067   -0.031    1.000   -0.051    0.161    0.306   -0.111    0.218    0.283    0.021   -0.011    0.002    0.007   -0.111   -0.010   -0.061    0.001    0.033   -0.044   -0.090 |\n",
      "|   jpsi_p |   -0.048   -0.021    0.159   -0.010   -0.098    0.017   -0.051    1.000    0.116   -0.088    0.088    0.231   -0.029   -0.014   -0.015    0.057    0.066   -0.042   -0.005    0.023   -0.058   -0.058    0.033   -0.037 |\n",
      "|  bplus_2 |    0.128    0.203   -0.094   -0.031    0.260   -0.106    0.161    0.116    1.000   -0.062   -0.319    0.673    0.016    0.043   -0.036    0.003   -0.001   -0.062   -0.034   -0.115   -0.099    0.020   -0.361    0.016 |\n",
      "|  p4040_p |   -0.214    0.186   -0.059   -0.003   -0.006   -0.003    0.306   -0.088   -0.062    1.000    0.123   -0.323    0.004   -0.004   -0.003    0.023    0.030    0.285   -0.002    0.180   -0.062    0.012   -0.010   -0.202 |\n",
      "| DDstar_p |   -0.173   -0.044   -0.133    0.023   -0.027    0.014   -0.111    0.088   -0.319    0.123    1.000   -0.102   -0.093    0.073    0.002    0.002    0.041    0.181    0.006    0.253    0.140    0.025    0.395   -0.046 |\n",
      "|      Ctt |    0.314   -0.079   -0.352   -0.012    0.107   -0.042    0.218    0.231    0.673   -0.323   -0.102    1.000    0.221    0.018   -0.015    0.001   -0.005   -0.386   -0.013   -0.233   -0.158   -0.010   -0.187    0.213 |\n",
      "|  p4415_s |    0.147   -0.096   -0.020    0.001    0.032   -0.015    0.283   -0.029    0.016    0.004   -0.093    0.221    1.000    0.023   -0.005    0.000   -0.000   -0.030   -0.004   -0.074   -0.000    0.023    0.049   -0.003 |\n",
      "|    rho_s |    0.014   -0.006    0.047    0.370    0.211   -0.024    0.021   -0.014    0.043   -0.004    0.073    0.018    0.023    1.000    0.041    0.002    0.002   -0.006   -0.011    0.028    0.019    0.245   -0.143   -0.001 |\n",
      "|  omega_s |   -0.009   -0.009   -0.003    0.792    0.020    0.007   -0.011   -0.015   -0.036   -0.003    0.002   -0.015   -0.005    0.041    1.000    0.000    0.000   -0.002   -0.067   -0.001   -0.007   -0.002    0.002   -0.005 |\n",
      "|   Dbar_s |   -0.000    0.016    0.027    0.001    0.001    0.000    0.002    0.057    0.003    0.023    0.002    0.001    0.000    0.002    0.000    1.000   -0.002    0.030    0.001    0.040    0.029    0.001    0.003    0.029 |\n",
      "| DDstar_s |    0.005    0.031    0.005    0.001   -0.000    0.001    0.007    0.066   -0.001    0.030    0.041   -0.005   -0.000    0.002    0.000   -0.002    1.000    0.047    0.001    0.031    0.030    0.001    0.008    0.027 |\n",
      "|  p4160_p |   -0.529    0.320   -0.002   -0.002   -0.017    0.002   -0.111   -0.042   -0.062    0.285    0.181   -0.386   -0.030   -0.006   -0.002    0.030    0.047    1.000   -0.001    0.203   -0.010    0.008   -0.013   -0.132 |\n",
      "|    phi_p |   -0.009   -0.008    0.001   -0.019   -0.119    0.655   -0.010   -0.005   -0.034   -0.002    0.006   -0.013   -0.004   -0.011   -0.067    0.001    0.001   -0.001    1.000    0.002   -0.005    0.012   -0.007   -0.004 |\n",
      "|  p3770_p |   -0.151    0.059    0.294    0.008   -0.021    0.005   -0.061    0.023   -0.115    0.180    0.253   -0.233   -0.074    0.028   -0.001    0.040    0.031    0.203    0.002    1.000   -0.256    0.035    0.125   -0.004 |\n",
      "|  p3770_s |    0.084   -0.013   -0.077   -0.001    0.016   -0.014    0.001   -0.058   -0.099   -0.062    0.140   -0.158   -0.000    0.019   -0.007    0.029    0.030   -0.010   -0.005   -0.256    1.000    0.044    0.053   -0.429 |\n",
      "|  bplus_0 |    0.021    0.009    0.031    0.075   -0.045   -0.015    0.033   -0.058    0.020    0.012    0.025   -0.010    0.023    0.245   -0.002    0.001    0.001    0.008    0.012    0.035    0.044    1.000   -0.815   -0.007 |\n",
      "|  bplus_1 |   -0.039   -0.138    0.179   -0.047    0.038    0.017   -0.044    0.033   -0.361   -0.010    0.395   -0.187    0.049   -0.143    0.002    0.003    0.008   -0.013   -0.007    0.125    0.053   -0.815    1.000   -0.001 |\n",
      "|  psi2s_p |   -0.054   -0.092   -0.072   -0.004   -0.002   -0.004   -0.090   -0.037    0.016   -0.202   -0.046    0.213   -0.003   -0.001   -0.005    0.029    0.027   -0.132   -0.004   -0.004   -0.429   -0.007   -0.001    1.000 |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "Hesse errors: OrderedDict([(<zfit.Parameter 'p4040_s' floating=True>, {'error': 0.16670473297774496}), (<zfit.Parameter 'p4415_p' floating=True>, {'error': 0.17455966391124234}), (<zfit.Parameter 'Dbar_p' floating=True>, {'error': 0.3199828006622023}), (<zfit.Parameter 'omega_p' floating=True>, {'error': 0.3610935105435722}), (<zfit.Parameter 'rho_p' floating=True>, {'error': 0.40381690482070276}), (<zfit.Parameter 'phi_s' floating=True>, {'error': 1.0558686826261567}), (<zfit.Parameter 'p4160_s' floating=True>, {'error': 0.16215537921415568}), (<zfit.Parameter 'jpsi_p' floating=True>, {'error': 0.02536852625972852}), (<zfit.Parameter 'bplus_2' floating=True>, {'error': 0.0890820072463715}), (<zfit.Parameter 'p4040_p' floating=True>, {'error': 0.20342921971294703}), (<zfit.Parameter 'DDstar_p' floating=True>, {'error': 0.3458830217711011}), (<zfit.Parameter 'Ctt' floating=True>, {'error': 0.2101089739186368}), (<zfit.Parameter 'p4415_s' floating=True>, {'error': 0.1829409110683209}), (<zfit.Parameter 'rho_s' floating=True>, {'error': 0.34797751532638177}), (<zfit.Parameter 'omega_s' floating=True>, {'error': 1.4982037468324707}), (<zfit.Parameter 'Dbar_s' floating=True>, {'error': 0.018842723777357684}), (<zfit.Parameter 'DDstar_s' floating=True>, {'error': 0.023752029623448134}), (<zfit.Parameter 'p4160_p' floating=True>, {'error': 0.10805442127073928}), (<zfit.Parameter 'phi_p' floating=True>, {'error': 0.18487092912458003}), (<zfit.Parameter 'p3770_p' floating=True>, {'error': 0.10592024826967394}), (<zfit.Parameter 'p3770_s' floating=True>, {'error': 0.2277031571942929}), (<zfit.Parameter 'bplus_0' floating=True>, {'error': 0.01988274009894897}), (<zfit.Parameter 'bplus_1' floating=True>, {'error': 0.04426076790259237}), (<zfit.Parameter 'psi2s_p' floating=True>, {'error': 0.0317855276780179})])\n"
     ]
    },
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "Toy 14/50\n",
      "Time taken: 36 min, 24 s\n",
      "Projected time left: 1 h, 33 min\n",
      "Toy 14: Generating data...\n",
      "Toy 14: Data generation finished\n",
      "Toy 14: Loading data...\n",
      "Toy 14: Loading data finished\n",
      "Toy 14: Fitting pdf...\n",
      "------------------------------------------------------------------\n",
      "| FCN = 3.01E+05                |     Ncalls=499 (510 total)     |\n",
      "| EDM = 3.62E+08 (Goal: 5E-06)  |            up = 0.5            |\n",
      "------------------------------------------------------------------\n",
      "|  Valid Min.   | Valid Param.  | Above EDM | Reached call limit |\n",
      "------------------------------------------------------------------\n",
      "|     False     |     True      |   True    |       False        |\n",
      "------------------------------------------------------------------\n",
      "| Hesse failed  |   Has cov.    | Accurate  | Pos. def. | Forced |\n",
      "------------------------------------------------------------------\n",
      "|     False     |     True      |   False   |   False   |  True  |\n",
      "------------------------------------------------------------------\n",
      "Function minimum: 300954.49119041505\n",
      "----------------------------------------------------------------------------------------------\n",
      "|   | Name     |   Value   | Hesse Err | Minos Err- | Minos Err+ | Limit-  | Limit+  | Fixed |\n",
      "----------------------------------------------------------------------------------------------\n",
      "| 0 | p4040_s  | 1.722E-1  | 0.003E-1  |            |            |0.00501244| 2.01499 |       |\n",
      "| 1 | p4415_p  |  0.442E1  |  0.000E1  |            |            |-6.28319 | 6.28319 |       |\n",
      "| 2 | Dbar_p   |  -0.242   |   0.013   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 3 | omega_p  |   1.003   |   0.003   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 4 | rho_p    |   2.837   |   0.003   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 5 | phi_s    |  2.249E1  |  0.000E1  |            |            | 14.8182 | 23.5818 |       |\n",
      "| 6 | p4160_s  |  0.353E1  |  0.000E1  |            |            | 0.71676 | 3.68324 |       |\n",
      "| 7 | jpsi_p   |   -0.5    |    7.5    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 8 | bplus_2  |   1.636   |   0.001   |            |            |   -2    |    2    |       |\n",
      "| 9 | p4040_p  |   2.806   |   0.003   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 10| DDstar_p |   2.097   |   0.005   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 11| Ctt      |  -0.428   |   0.001   |            |            |  -1.5   |   1.5   |       |\n",
      "| 12| p4415_s  |   1.900   |   0.000   |            |            |0.126447 | 2.35355 |       |\n",
      "| 13| rho_s    |   0.450   |   0.000   |            |            |0.0253049| 2.0747  |       |\n",
      "| 14| omega_s  |  0.444E1  |  0.000E1  |            |            | 4.19232 | 9.40768 |       |\n",
      "| 15| Dbar_s   | 1.940E-1  | 0.001E-1  |            |            |  -0.3   |   0.3   |       |\n",
      "| 16| DDstar_s | -0.871E-1 |  0.001E-1 |            |            |  -0.3   |   0.3   |       |\n",
      "| 17| p4160_p  |  -5.310   |   0.004   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 18| phi_p    | -0.473E1  |  0.000E1  |            |            |-6.28319 | 6.28319 |       |\n",
      "| 19| p3770_p  |  -3.962   |   0.005   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 20| p3770_s  |   2.226   |   0.001   |            |            |0.918861 | 4.08114 |       |\n",
      "| 21| bplus_0  |   0.610   |   0.011   |            |            |   -2    |    2    |       |\n",
      "| 22| bplus_1  |  -1.459   |   0.005   |            |            |   -2    |    2    |       |\n",
      "| 23| psi2s_p  |   0.852   |   0.007   |            |            |-6.28319 | 6.28319 |       |\n",
      "----------------------------------------------------------------------------------------------\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|          |  p4040_s  p4415_p   Dbar_p  omega_p    rho_p    phi_s  p4160_s   jpsi_p  bplus_2  p4040_p DDstar_p      Ctt  p4415_s    rho_s  omega_s   Dbar_s DDstar_s  p4160_p    phi_p  p3770_p  p3770_s  bplus_0  bplus_1  psi2s_p |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|  p4040_s |    1.000   -0.068   -0.147   -0.005   -0.038   -0.002    0.002    0.150   -0.135    0.045   -0.125   -0.003    0.030   -0.006    0.001   -0.014   -0.074    0.138   -0.035   -0.135    0.052   -0.150   -0.149   -0.142 |\n",
      "|  p4415_p |   -0.068    1.000    0.444    0.016    0.114    0.005   -0.005   -0.455    0.409   -0.137    0.379    0.010   -0.090    0.019   -0.003    0.043    0.223   -0.419    0.107    0.409   -0.156    0.454    0.452    0.429 |\n",
      "|   Dbar_p |   -0.147    0.444    1.000    0.035    0.244    0.011   -0.011   -0.976    0.879   -0.293    0.814    0.022   -0.194    0.042   -0.005    0.091    0.479   -0.899    0.230    0.877   -0.335    0.975    0.970    0.920 |\n",
      "|  omega_p |   -0.005    0.016    0.035    1.000    0.009    0.000   -0.000   -0.035    0.032   -0.011    0.030    0.001   -0.007    0.002   -0.000    0.003    0.017   -0.033    0.008    0.032   -0.012    0.035    0.035    0.033 |\n",
      "|    rho_p |   -0.038    0.114    0.244    0.009    1.000    0.003   -0.003   -0.250    0.225   -0.075    0.208    0.006   -0.050    0.011   -0.001    0.023    0.123   -0.230    0.059    0.224   -0.086    0.249    0.248    0.235 |\n",
      "|    phi_s |   -0.002    0.005    0.011    0.000    0.003    1.000   -0.000   -0.011    0.010   -0.003    0.009    0.000   -0.002    0.000   -0.000    0.001    0.006   -0.010    0.003    0.010   -0.004    0.011    0.011    0.011 |\n",
      "|  p4160_s |    0.002   -0.005   -0.011   -0.000   -0.003   -0.000    1.000    0.011   -0.010    0.003   -0.009   -0.000    0.002   -0.000    0.000   -0.001   -0.005    0.010   -0.003   -0.010    0.004   -0.011   -0.011   -0.011 |\n",
      "|   jpsi_p |    0.150   -0.455   -0.976   -0.035   -0.250   -0.011    0.011    1.000   -0.900    0.300   -0.833   -0.022    0.199   -0.043    0.005   -0.094   -0.491    0.921   -0.236   -0.898    0.343   -0.999   -0.994   -0.943 |\n",
      "|  bplus_2 |   -0.135    0.409    0.879    0.032    0.225    0.010   -0.010   -0.900    1.000   -0.270    0.750    0.020   -0.179    0.038   -0.005    0.084    0.442   -0.829    0.212    0.809   -0.309    0.899    0.894    0.848 |\n",
      "|  p4040_p |    0.045   -0.137   -0.293   -0.011   -0.075   -0.003    0.003    0.300   -0.270    1.000   -0.250   -0.007    0.060   -0.013    0.002   -0.028   -0.147    0.277   -0.071   -0.270    0.103   -0.300   -0.299   -0.283 |\n",
      "| DDstar_p |   -0.125    0.379    0.814    0.030    0.208    0.009   -0.009   -0.833    0.750   -0.250    1.000    0.019   -0.166    0.036   -0.005    0.078    0.409   -0.767    0.197    0.749   -0.286    0.832    0.828    0.786 |\n",
      "|      Ctt |   -0.003    0.010    0.022    0.001    0.006    0.000   -0.000   -0.022    0.020   -0.007    0.019    1.000   -0.004    0.001   -0.000    0.002    0.011   -0.021    0.005    0.020   -0.008    0.022    0.022    0.021 |\n",
      "|  p4415_s |    0.030   -0.090   -0.194   -0.007   -0.050   -0.002    0.002    0.199   -0.179    0.060   -0.166   -0.004    1.000   -0.008    0.001   -0.019   -0.097    0.183   -0.047   -0.179    0.068   -0.198   -0.197   -0.187 |\n",
      "|    rho_s |   -0.006    0.019    0.042    0.002    0.011    0.000   -0.000   -0.043    0.038   -0.013    0.036    0.001   -0.008    1.000   -0.000    0.004    0.021   -0.039    0.010    0.038   -0.015    0.043    0.042    0.040 |\n",
      "|  omega_s |    0.001   -0.003   -0.005   -0.000   -0.001   -0.000    0.000    0.005   -0.005    0.002   -0.005   -0.000    0.001   -0.000    1.000   -0.001   -0.003    0.005   -0.001   -0.005    0.002   -0.005   -0.005   -0.005 |\n",
      "|   Dbar_s |   -0.014    0.043    0.091    0.003    0.023    0.001   -0.001   -0.094    0.084   -0.028    0.078    0.002   -0.019    0.004   -0.001    1.000    0.046   -0.086    0.022    0.084   -0.032    0.094    0.093    0.088 |\n",
      "| DDstar_s |   -0.074    0.223    0.479    0.017    0.123    0.006   -0.005   -0.491    0.442   -0.147    0.409    0.011   -0.097    0.021   -0.003    0.046    1.000   -0.452    0.116    0.441   -0.168    0.490    0.488    0.462 |\n",
      "|  p4160_p |    0.138   -0.419   -0.899   -0.033   -0.230   -0.010    0.010    0.921   -0.829    0.277   -0.767   -0.021    0.183   -0.039    0.005   -0.086   -0.452    1.000   -0.217   -0.827    0.316   -0.919   -0.915   -0.868 |\n",
      "|    phi_p |   -0.035    0.107    0.230    0.008    0.059    0.003   -0.003   -0.236    0.212   -0.071    0.197    0.005   -0.047    0.010   -0.001    0.022    0.116   -0.217    1.000    0.212   -0.081    0.236    0.234    0.222 |\n",
      "|  p3770_p |   -0.135    0.409    0.877    0.032    0.224    0.010   -0.010   -0.898    0.809   -0.270    0.749    0.020   -0.179    0.038   -0.005    0.084    0.441   -0.827    0.212    1.000   -0.308    0.897    0.893    0.847 |\n",
      "|  p3770_s |    0.052   -0.156   -0.335   -0.012   -0.086   -0.004    0.004    0.343   -0.309    0.103   -0.286   -0.008    0.068   -0.015    0.002   -0.032   -0.168    0.316   -0.081   -0.308    1.000   -0.343   -0.341   -0.324 |\n",
      "|  bplus_0 |   -0.150    0.454    0.975    0.035    0.249    0.011   -0.011   -0.999    0.899   -0.300    0.832    0.022   -0.198    0.043   -0.005    0.094    0.490   -0.919    0.236    0.897   -0.343    1.000    0.992    0.941 |\n",
      "|  bplus_1 |   -0.149    0.452    0.970    0.035    0.248    0.011   -0.011   -0.994    0.894   -0.299    0.828    0.022   -0.197    0.042   -0.005    0.093    0.488   -0.915    0.234    0.893   -0.341    0.992    1.000    0.937 |\n",
      "|  psi2s_p |   -0.142    0.429    0.920    0.033    0.235    0.011   -0.011   -0.943    0.848   -0.283    0.786    0.021   -0.187    0.040   -0.005    0.088    0.462   -0.868    0.222    0.847   -0.324    0.941    0.937    1.000 |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "Hesse errors: OrderedDict([(<zfit.Parameter 'p4040_s' floating=True>, {'error': 0.00025396092600836473}), (<zfit.Parameter 'p4415_p' floating=True>, {'error': 0.0022557356633452486}), (<zfit.Parameter 'Dbar_p' floating=True>, {'error': 0.012770953276444619}), (<zfit.Parameter 'omega_p' floating=True>, {'error': 0.0027712181507384415}), (<zfit.Parameter 'rho_p' floating=True>, {'error': 0.0026373703798707737}), (<zfit.Parameter 'phi_s' floating=True>, {'error': 0.001311294542750474}), (<zfit.Parameter 'p4160_s' floating=True>, {'error': 0.0002979940234086875}), (<zfit.Parameter 'jpsi_p' floating=True>, {'error': 7.538393399094717}), (<zfit.Parameter 'bplus_2' floating=True>, {'error': 0.0012079570905043635}), (<zfit.Parameter 'p4040_p' floating=True>, {'error': 0.002675039946889335}), (<zfit.Parameter 'DDstar_p' floating=True>, {'error': 0.004824521728701292}), (<zfit.Parameter 'Ctt' floating=True>, {'error': 0.0006510696697651364}), (<zfit.Parameter 'p4415_s' floating=True>, {'error': 0.00041411560956838844}), (<zfit.Parameter 'rho_s' floating=True>, {'error': 0.0003761572802092883}), (<zfit.Parameter 'omega_s' floating=True>, {'error': 0.0005063587021458815}), (<zfit.Parameter 'Dbar_s' floating=True>, {'error': 0.00010396802913359426}), (<zfit.Parameter 'DDstar_s' floating=True>, {'error': 0.00014910903414590282}), (<zfit.Parameter 'p4160_p' floating=True>, {'error': 0.00395180929732053}), (<zfit.Parameter 'phi_p' floating=True>, {'error': 0.0018710285267511395}), (<zfit.Parameter 'p3770_p' floating=True>, {'error': 0.004920171551435315}), (<zfit.Parameter 'p3770_s' floating=True>, {'error': 0.0007512038763748397}), (<zfit.Parameter 'bplus_0' floating=True>, {'error': 0.010527672228451967}), (<zfit.Parameter 'bplus_1' floating=True>, {'error': 0.004615384950292234}), (<zfit.Parameter 'psi2s_p' floating=True>, {'error': 0.007250100741283294})])\n"
     ]
    },
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "Toy 15/50\n",
      "Time taken: 39 min, 9 s\n",
      "Projected time left: 1 h, 31 min\n",
      "Toy 15: Generating data...\n",
      "Directory  data/zfit_toys/toy_15  Created \n",
      "Toy 15: Data generation finished\n",
      "Toy 15: Loading data...\n",
      "Toy 15: Loading data finished\n",
      "Toy 15: Fitting pdf...\n",
      "------------------------------------------------------------------\n",
      "| FCN = 2.971E+05               |    Ncalls=1373 (1373 total)    |\n",
      "| EDM = 8.68E-05 (Goal: 5E-06)  |            up = 0.5            |\n",
      "------------------------------------------------------------------\n",
      "|  Valid Min.   | Valid Param.  | Above EDM | Reached call limit |\n",
      "------------------------------------------------------------------\n",
      "|     True      |     True      |   False   |       False        |\n",
      "------------------------------------------------------------------\n",
      "| Hesse failed  |   Has cov.    | Accurate  | Pos. def. | Forced |\n",
      "------------------------------------------------------------------\n",
      "|     False     |     True      |   True    |   True    | False  |\n",
      "------------------------------------------------------------------\n",
      "Function minimum: 297056.5471332131\n",
      "----------------------------------------------------------------------------------------------\n",
      "|   | Name     |   Value   | Hesse Err | Minos Err- | Minos Err+ | Limit-  | Limit+  | Fixed |\n",
      "----------------------------------------------------------------------------------------------\n",
      "| 0 | p4040_s  |   1.36    |   0.16    |            |            |0.00501244| 2.01499 |       |\n",
      "| 1 | p4415_p  |   -2.08   |    0.18   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 2 | Dbar_p   |   1.83    |   0.31    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 3 | omega_p  |   0.11    |   0.29    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 4 | rho_p    |   -0.44   |    0.30   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 5 | phi_s    |   20.4    |    0.9    |            |            | 14.8182 | 23.5818 |       |\n",
      "| 6 | p4160_s  |   2.58    |   0.16    |            |            | 0.71676 | 3.68324 |       |\n",
      "| 7 | jpsi_p   |   4.653   |   0.026   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 8 | bplus_2  |   -0.24   |    0.09   |            |            |   -2    |    2    |       |\n",
      "| 9 | p4040_p  |   -2.08   |    0.14   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 10| DDstar_p |    1.8    |    0.3    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 11| Ctt      |   -0.32   |    0.21   |            |            |  -1.5   |   1.5   |       |\n",
      "| 12| p4415_s  |   1.17    |   0.19    |            |            |0.126447 | 2.35355 |       |\n",
      "| 13| rho_s    |   1.30    |   0.32    |            |            |0.0253049| 2.0747  |       |\n",
      "| 14| omega_s  |    5.9    |    1.2    |            |            | 4.19232 | 9.40768 |       |\n",
      "| 15| Dbar_s   |  -0.300   |   0.017   |            |            |  -0.3   |   0.3   |       |\n",
      "| 16| DDstar_s |  -0.300   |   0.022   |            |            |  -0.3   |   0.3   |       |\n",
      "| 17| p4160_p  |   -2.08   |    0.09   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 18| phi_p    |   0.78    |   0.17    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 19| p3770_p  |   3.63    |   0.11    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 20| p3770_s  |   2.66    |   0.23    |            |            |0.918861 | 4.08114 |       |\n",
      "| 21| bplus_0  |   0.498   |   0.022   |            |            |   -2    |    2    |       |\n",
      "| 22| bplus_1  |   -0.94   |    0.05   |            |            |   -2    |    2    |       |\n",
      "| 23| psi2s_p  |   1.91    |   0.03    |            |            |-6.28319 | 6.28319 |       |\n",
      "----------------------------------------------------------------------------------------------\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|          |  p4040_s  p4415_p   Dbar_p  omega_p    rho_p    phi_s  p4160_s   jpsi_p  bplus_2  p4040_p DDstar_p      Ctt  p4415_s    rho_s  omega_s   Dbar_s DDstar_s  p4160_p    phi_p  p3770_p  p3770_s  bplus_0  bplus_1  psi2s_p |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|  p4040_s |    1.000   -0.195   -0.135    0.004    0.065   -0.039    0.201   -0.050    0.121   -0.209   -0.141    0.306    0.195   -0.004    0.010    0.001    0.007   -0.524   -0.022   -0.123    0.083    0.025   -0.018   -0.072 |\n",
      "|  p4415_p |   -0.195    1.000   -0.108    0.005    0.052   -0.033   -0.205   -0.027    0.211    0.189   -0.049   -0.039   -0.158   -0.018    0.013    0.014    0.029    0.298   -0.019    0.053   -0.014    0.010   -0.123   -0.098 |\n",
      "|   Dbar_p |   -0.135   -0.108    1.000   -0.004    0.026   -0.007   -0.077    0.164   -0.091   -0.023   -0.114   -0.331    0.016    0.039   -0.012    0.023    0.005   -0.003   -0.002    0.272   -0.070    0.033    0.179   -0.056 |\n",
      "|  omega_p |    0.004    0.005   -0.004    1.000   -0.027    0.002    0.003   -0.022    0.024   -0.002   -0.012    0.005   -0.001   -0.033    0.525    0.000    0.000   -0.002   -0.039   -0.007   -0.001   -0.038    0.029   -0.002 |\n",
      "|    rho_p |    0.065    0.052    0.026   -0.027    1.000   -0.171    0.077   -0.098    0.275   -0.009   -0.006    0.110    0.022    0.141    0.232    0.001    0.000   -0.010   -0.282   -0.015    0.022    0.012    0.010    0.000 |\n",
      "|    phi_s |   -0.039   -0.033   -0.007    0.002   -0.171    1.000   -0.043    0.042   -0.147   -0.001    0.018   -0.052   -0.011   -0.019   -0.038   -0.000    0.001   -0.000    0.529    0.010   -0.019   -0.017    0.012   -0.003 |\n",
      "|  p4160_s |    0.201   -0.205   -0.077    0.003    0.077   -0.043    1.000   -0.034    0.138    0.212   -0.077    0.269    0.318    0.004    0.009    0.002    0.007   -0.193   -0.024   -0.063    0.014    0.040    0.001   -0.066 |\n",
      "|   jpsi_p |   -0.050   -0.027    0.164   -0.022   -0.098    0.042   -0.034    1.000    0.110   -0.078    0.129    0.234   -0.023    0.030   -0.043    0.049    0.061   -0.045    0.026    0.029   -0.054   -0.046    0.037   -0.027 |\n",
      "|  bplus_2 |    0.121    0.211   -0.091    0.024    0.275   -0.147    0.138    0.110    1.000   -0.089   -0.289    0.671   -0.063   -0.062    0.065    0.003    0.002   -0.058   -0.087   -0.101   -0.100   -0.028   -0.294    0.013 |\n",
      "|  p4040_p |   -0.209    0.189   -0.023   -0.002   -0.009   -0.001    0.212   -0.078   -0.089    1.000    0.171   -0.368   -0.052    0.004   -0.004    0.026    0.035    0.371   -0.001    0.213   -0.054    0.015    0.008   -0.200 |\n",
      "| DDstar_p |   -0.141   -0.049   -0.114   -0.012   -0.006    0.018   -0.077    0.129   -0.289    0.171    1.000   -0.100   -0.051    0.074   -0.029    0.001    0.035    0.202    0.011    0.238    0.142    0.031    0.366   -0.023 |\n",
      "|      Ctt |    0.306   -0.039   -0.331    0.005    0.110   -0.052    0.269    0.234    0.671   -0.368   -0.100    1.000    0.206   -0.021    0.019    0.002   -0.004   -0.391   -0.027   -0.222   -0.166   -0.006   -0.174    0.218 |\n",
      "|  p4415_s |    0.195   -0.158    0.016   -0.001    0.022   -0.011    0.318   -0.023   -0.063   -0.052   -0.051    0.206    1.000    0.017   -0.004   -0.000   -0.001   -0.074   -0.006   -0.070    0.007    0.023    0.098    0.017 |\n",
      "|    rho_s |   -0.004   -0.018    0.039   -0.033    0.141   -0.019    0.004    0.030   -0.062    0.004    0.074   -0.021    0.017    1.000   -0.402    0.001    0.001    0.003    0.074    0.030    0.012    0.245   -0.154    0.004 |\n",
      "|  omega_s |    0.010    0.013   -0.012    0.525    0.232   -0.038    0.009   -0.043    0.065   -0.004   -0.029    0.019   -0.004   -0.402    1.000    0.000   -0.000   -0.004   -0.143   -0.016   -0.003   -0.104    0.076   -0.004 |\n",
      "|   Dbar_s |    0.001    0.014    0.023    0.000    0.001   -0.000    0.002    0.049    0.003    0.026    0.001    0.002   -0.000    0.001    0.000    1.000   -0.001    0.031    0.001    0.032    0.027    0.001    0.001    0.026 |\n",
      "| DDstar_s |    0.007    0.029    0.005    0.000    0.000    0.001    0.007    0.061    0.002    0.035    0.035   -0.004   -0.001    0.001   -0.000   -0.001    1.000    0.051    0.001    0.025    0.027    0.001    0.003    0.026 |\n",
      "|  p4160_p |   -0.524    0.298   -0.003   -0.002   -0.010   -0.000   -0.193   -0.045   -0.058    0.371    0.202   -0.391   -0.074    0.003   -0.004    0.031    0.051    1.000   -0.000    0.213   -0.001    0.014   -0.009   -0.151 |\n",
      "|    phi_p |   -0.022   -0.019   -0.002   -0.039   -0.282    0.529   -0.024    0.026   -0.087   -0.001    0.011   -0.027   -0.006    0.074   -0.143    0.001    0.001   -0.000    1.000    0.008   -0.009    0.016   -0.019   -0.003 |\n",
      "|  p3770_p |   -0.123    0.053    0.272   -0.007   -0.015    0.010   -0.063    0.029   -0.101    0.213    0.238   -0.222   -0.070    0.030   -0.016    0.032    0.025    0.213    0.008    1.000   -0.231    0.033    0.102   -0.002 |\n",
      "|  p3770_s |    0.083   -0.014   -0.070   -0.001    0.022   -0.019    0.014   -0.054   -0.100   -0.054    0.142   -0.166    0.007    0.012   -0.003    0.027    0.027   -0.001   -0.009   -0.231    1.000    0.042    0.053   -0.433 |\n",
      "|  bplus_0 |    0.025    0.010    0.033   -0.038    0.012   -0.017    0.040   -0.046   -0.028    0.015    0.031   -0.006    0.023    0.245   -0.104    0.001    0.001    0.014    0.016    0.033    0.042    1.000   -0.829   -0.005 |\n",
      "|  bplus_1 |   -0.018   -0.123    0.179    0.029    0.010    0.012    0.001    0.037   -0.294    0.008    0.366   -0.174    0.098   -0.154    0.076    0.001    0.003   -0.009   -0.019    0.102    0.053   -0.829    1.000    0.012 |\n",
      "|  psi2s_p |   -0.072   -0.098   -0.056   -0.002    0.000   -0.003   -0.066   -0.027    0.013   -0.200   -0.023    0.218    0.017    0.004   -0.004    0.026    0.026   -0.151   -0.003   -0.002   -0.433   -0.005    0.012    1.000 |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "Hesse errors: OrderedDict([(<zfit.Parameter 'p4040_s' floating=True>, {'error': 0.16318456767014933}), (<zfit.Parameter 'p4415_p' floating=True>, {'error': 0.1822643273836846}), (<zfit.Parameter 'Dbar_p' floating=True>, {'error': 0.3070211990571754}), (<zfit.Parameter 'omega_p' floating=True>, {'error': 0.2913176329978828}), (<zfit.Parameter 'rho_p' floating=True>, {'error': 0.29599905439618723}), (<zfit.Parameter 'phi_s' floating=True>, {'error': 0.9471997999073114}), (<zfit.Parameter 'p4160_s' floating=True>, {'error': 0.16317245763222132}), (<zfit.Parameter 'jpsi_p' floating=True>, {'error': 0.02560832085393905}), (<zfit.Parameter 'bplus_2' floating=True>, {'error': 0.0924763541918232}), (<zfit.Parameter 'p4040_p' floating=True>, {'error': 0.14357093685400013}), (<zfit.Parameter 'DDstar_p' floating=True>, {'error': 0.32862109251096694}), (<zfit.Parameter 'Ctt' floating=True>, {'error': 0.20959508579513447}), (<zfit.Parameter 'p4415_s' floating=True>, {'error': 0.190668060825124}), (<zfit.Parameter 'rho_s' floating=True>, {'error': 0.3158592813488633}), (<zfit.Parameter 'omega_s' floating=True>, {'error': 1.1658279811327534}), (<zfit.Parameter 'Dbar_s' floating=True>, {'error': 0.017062263557001744}), (<zfit.Parameter 'DDstar_s' floating=True>, {'error': 0.021779927305698582}), (<zfit.Parameter 'p4160_p' floating=True>, {'error': 0.0910998023890568}), (<zfit.Parameter 'phi_p' floating=True>, {'error': 0.17019129306428482}), (<zfit.Parameter 'p3770_p' floating=True>, {'error': 0.11426046930408873}), (<zfit.Parameter 'p3770_s' floating=True>, {'error': 0.23022120441475646}), (<zfit.Parameter 'bplus_0' floating=True>, {'error': 0.02167037239063907}), (<zfit.Parameter 'bplus_1' floating=True>, {'error': 0.04559109834192554}), (<zfit.Parameter 'psi2s_p' floating=True>, {'error': 0.03190066934689373})])\n"
     ]
    },
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "Toy 16/50\n",
      "Time taken: 42 min, 55 s\n",
      "Projected time left: 1 h, 30 min\n",
      "Toy 16: Generating data...\n",
      "Directory  data/zfit_toys/toy_16  Created \n",
      "Toy 16: Data generation finished\n",
      "Toy 16: Loading data...\n",
      "Toy 16: Loading data finished\n",
      "Toy 16: Fitting pdf...\n",
      "------------------------------------------------------------------\n",
      "| FCN = 2.972E+05               |    Ncalls=1487 (1487 total)    |\n",
      "| EDM = 0.000197 (Goal: 5E-06)  |            up = 0.5            |\n",
      "------------------------------------------------------------------\n",
      "|  Valid Min.   | Valid Param.  | Above EDM | Reached call limit |\n",
      "------------------------------------------------------------------\n",
      "|     True      |     True      |   False   |       False        |\n",
      "------------------------------------------------------------------\n",
      "| Hesse failed  |   Has cov.    | Accurate  | Pos. def. | Forced |\n",
      "------------------------------------------------------------------\n",
      "|     False     |     True      |   False   |   False   |  True  |\n",
      "------------------------------------------------------------------\n",
      "Function minimum: 297238.96546407253\n",
      "----------------------------------------------------------------------------------------------\n",
      "|   | Name     |   Value   | Hesse Err | Minos Err- | Minos Err+ | Limit-  | Limit+  | Fixed |\n",
      "----------------------------------------------------------------------------------------------\n",
      "| 0 | p4040_s  |   1.11    |   0.17    |            |            |0.00501244| 2.01499 |       |\n",
      "| 1 | p4415_p  |   -2.33   |    0.16   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 2 | Dbar_p   |    2.9    |    0.4    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 3 | omega_p  |   0.87    |   0.21    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 4 | rho_p    |   -0.5    |    0.4    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 5 | phi_s    |   20.9    |    0.9    |            |            | 14.8182 | 23.5818 |       |\n",
      "| 6 | p4160_s  |   2.13    |   0.17    |            |            | 0.71676 | 3.68324 |       |\n",
      "| 7 | jpsi_p   |  -4.664   |   0.030   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 8 | bplus_2  |   0.20    |   0.09    |            |            |   -2    |    2    |       |\n",
      "| 9 | p4040_p  |   -2.76   |    0.18   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 10| DDstar_p |   -6.3    |    0.4    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 11| Ctt      |   0.05    |   0.18    |            |            |  -1.5   |   1.5   |       |\n",
      "| 12| p4415_s  |   1.36    |   0.19    |            |            |0.126447 | 2.35355 |       |\n",
      "| 13| rho_s    |    1.0    |    0.3    |            |            |0.0253049| 2.0747  |       |\n",
      "| 14| omega_s  |     9     |     4     |            |            | 4.19232 | 9.40768 |       |\n",
      "| 15| Dbar_s   |   0.30    |   0.05    |            |            |  -0.3   |   0.3   |       |\n",
      "| 16| DDstar_s |  -0.300   |   0.031   |            |            |  -0.3   |   0.3   |       |\n",
      "| 17| p4160_p  |   -2.30   |    0.12   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 18| phi_p    |   0.90    |   0.14    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 19| p3770_p  |   3.36    |   0.12    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 20| p3770_s  |   3.09    |   0.24    |            |            |0.918861 | 4.08114 |       |\n",
      "| 21| bplus_0  |   -0.48   |    0.04   |            |            |   -2    |    2    |       |\n",
      "| 22| bplus_1  |   0.98    |   0.07    |            |            |   -2    |    2    |       |\n",
      "| 23| psi2s_p  |   1.78    |   0.03    |            |            |-6.28319 | 6.28319 |       |\n",
      "----------------------------------------------------------------------------------------------\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|          |  p4040_s  p4415_p   Dbar_p  omega_p    rho_p    phi_s  p4160_s   jpsi_p  bplus_2  p4040_p DDstar_p      Ctt  p4415_s    rho_s  omega_s   Dbar_s DDstar_s  p4160_p    phi_p  p3770_p  p3770_s  bplus_0  bplus_1  psi2s_p |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|  p4040_s |    1.000   -0.276    0.210    0.011    0.041   -0.030    0.038   -0.153   -0.059   -0.283   -0.015    0.364    0.176    0.014    0.003    0.008   -0.016   -0.545   -0.014   -0.200    0.056   -0.036    0.001   -0.004 |\n",
      "|  p4415_p |   -0.276    1.000   -0.193    0.009    0.053   -0.038   -0.215    0.143   -0.112    0.193   -0.146   -0.112   -0.185    0.004    0.005   -0.050   -0.020    0.377   -0.014    0.209    0.067   -0.040    0.047   -0.020 |\n",
      "|   Dbar_p |    0.210   -0.193    1.000   -0.030   -0.011    0.015    0.126   -0.625   -0.244   -0.368   -0.129    0.222    0.059   -0.052    0.001    0.042    0.016   -0.472   -0.009   -0.622   -0.373    0.094    0.029   -0.302 |\n",
      "|  omega_p |    0.011    0.009   -0.030    1.000    0.079   -0.017    0.013    0.031    0.018    0.012    0.003    0.003    0.013    0.565   -0.482    0.005    0.006    0.004    0.041    0.003    0.012   -0.188    0.178    0.014 |\n",
      "|    rho_p |    0.041    0.053   -0.011    0.079    1.000   -0.160    0.066    0.007   -0.276    0.027    0.007    0.128    0.010    0.136   -0.007    0.008    0.003    0.004   -0.268   -0.001    0.030   -0.030    0.022    0.016 |\n",
      "|    phi_s |   -0.030   -0.038    0.015   -0.017   -0.160    1.000   -0.047   -0.040    0.145   -0.026   -0.007   -0.071   -0.012   -0.053   -0.010   -0.006   -0.003   -0.007    0.418   -0.000   -0.028    0.137   -0.131   -0.016 |\n",
      "|  p4160_s |    0.038   -0.215    0.126    0.013    0.066   -0.047    1.000   -0.129   -0.093    0.254   -0.030    0.268    0.330    0.012    0.005   -0.008   -0.013   -0.219   -0.021   -0.083   -0.012   -0.046    0.003   -0.072 |\n",
      "|   jpsi_p |   -0.153    0.143   -0.625    0.031    0.007   -0.040   -0.129    1.000    0.325    0.257   -0.131   -0.406   -0.074    0.063    0.008   -0.052   -0.016    0.363   -0.003    0.372    0.310   -0.152    0.034    0.212 |\n",
      "|  bplus_2 |   -0.059   -0.112   -0.244    0.018   -0.276    0.145   -0.093    0.325    1.000    0.069   -0.004   -0.668    0.106    0.096   -0.020    0.002    0.034    0.071    0.084    0.083    0.124   -0.104   -0.055    0.042 |\n",
      "|  p4040_p |   -0.283    0.193   -0.368    0.012    0.027   -0.026    0.254    0.257    0.069    1.000   -0.110   -0.267    0.022    0.015    0.003   -0.064   -0.004    0.281   -0.005    0.338    0.082   -0.049    0.007   -0.069 |\n",
      "| DDstar_p |   -0.015   -0.146   -0.129    0.003    0.007   -0.007   -0.030   -0.131   -0.004   -0.110    1.000    0.030    0.018    0.006    0.001   -0.020    0.015   -0.148   -0.005   -0.008   -0.057   -0.009   -0.009   -0.064 |\n",
      "|      Ctt |    0.364   -0.112    0.222    0.003    0.128   -0.071    0.268   -0.406   -0.668   -0.267    0.030    1.000    0.226   -0.029    0.009   -0.060   -0.005   -0.388   -0.033   -0.153   -0.179    0.026    0.042    0.184 |\n",
      "|  p4415_s |    0.176   -0.185    0.059    0.013    0.010   -0.012    0.330   -0.074    0.106    0.022    0.018    0.226    1.000    0.024    0.001    0.016   -0.001   -0.083   -0.003   -0.084    0.011   -0.034   -0.049    0.025 |\n",
      "|    rho_s |    0.014    0.004   -0.052    0.565    0.136   -0.053    0.012    0.063    0.096    0.015    0.006   -0.029    0.024    1.000   -0.025    0.009    0.013    0.004    0.083   -0.000    0.016   -0.361    0.339    0.023 |\n",
      "|  omega_s |    0.003    0.005    0.001   -0.482   -0.007   -0.010    0.005    0.008   -0.020    0.003    0.001    0.009    0.001   -0.025    1.000    0.001    0.000    0.001    0.027    0.000    0.003   -0.006    0.006    0.002 |\n",
      "|   Dbar_s |    0.008   -0.050    0.042    0.005    0.008   -0.006   -0.008   -0.052    0.002   -0.064   -0.020   -0.060    0.016    0.009    0.001    1.000   -0.004   -0.057   -0.003   -0.004   -0.060   -0.010   -0.016   -0.051 |\n",
      "| DDstar_s |   -0.016   -0.020    0.016    0.006    0.003   -0.003   -0.013   -0.016    0.034   -0.004    0.015   -0.005   -0.001    0.013    0.000   -0.004    1.000    0.001   -0.001    0.020    0.004   -0.014   -0.021   -0.013 |\n",
      "|  p4160_p |   -0.545    0.377   -0.472    0.004    0.004   -0.007   -0.219    0.363    0.071    0.281   -0.148   -0.388   -0.083    0.004    0.001   -0.057    0.001    1.000    0.003    0.405    0.138   -0.019    0.005    0.032 |\n",
      "|    phi_p |   -0.014   -0.014   -0.009    0.041   -0.268    0.418   -0.021   -0.003    0.084   -0.005   -0.005   -0.033   -0.003    0.083    0.027   -0.003   -0.001    0.003    1.000    0.008   -0.006    0.002    0.001   -0.001 |\n",
      "|  p3770_p |   -0.200    0.209   -0.622    0.003   -0.001   -0.000   -0.083    0.372    0.083    0.338   -0.008   -0.153   -0.084   -0.000    0.000   -0.004    0.020    0.405    0.008    1.000   -0.004    0.015   -0.068    0.229 |\n",
      "|  p3770_s |    0.056    0.067   -0.373    0.012    0.030   -0.028   -0.012    0.310    0.124    0.082   -0.057   -0.179    0.011    0.016    0.003   -0.060    0.004    0.138   -0.006   -0.004    1.000   -0.045   -0.029   -0.210 |\n",
      "|  bplus_0 |   -0.036   -0.040    0.094   -0.188   -0.030    0.137   -0.046   -0.152   -0.104   -0.049   -0.009    0.026   -0.034   -0.361   -0.006   -0.010   -0.014   -0.019    0.002    0.015   -0.045    1.000   -0.970   -0.040 |\n",
      "|  bplus_1 |    0.001    0.047    0.029    0.178    0.022   -0.131    0.003    0.034   -0.055    0.007   -0.009    0.042   -0.049    0.339    0.006   -0.016   -0.021    0.005    0.001   -0.068   -0.029   -0.970    1.000   -0.013 |\n",
      "|  psi2s_p |   -0.004   -0.020   -0.302    0.014    0.016   -0.016   -0.072    0.212    0.042   -0.069   -0.064    0.184    0.025    0.023    0.002   -0.051   -0.013    0.032   -0.001    0.229   -0.210   -0.040   -0.013    1.000 |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "Hesse errors: OrderedDict([(<zfit.Parameter 'p4040_s' floating=True>, {'error': 0.17430820803006797}), (<zfit.Parameter 'p4415_p' floating=True>, {'error': 0.15731301943835851}), (<zfit.Parameter 'Dbar_p' floating=True>, {'error': 0.43951684155582615}), (<zfit.Parameter 'omega_p' floating=True>, {'error': 0.20926871426704352}), (<zfit.Parameter 'rho_p' floating=True>, {'error': 0.39944685019919834}), (<zfit.Parameter 'phi_s' floating=True>, {'error': 0.9461245894719816}), (<zfit.Parameter 'p4160_s' floating=True>, {'error': 0.1670845935115738}), (<zfit.Parameter 'jpsi_p' floating=True>, {'error': 0.030455117149485122}), (<zfit.Parameter 'bplus_2' floating=True>, {'error': 0.08975199058885597}), (<zfit.Parameter 'p4040_p' floating=True>, {'error': 0.1758794775612309}), (<zfit.Parameter 'DDstar_p' floating=True>, {'error': 0.38283657380449654}), (<zfit.Parameter 'Ctt' floating=True>, {'error': 0.17637216637869146}), (<zfit.Parameter 'p4415_s' floating=True>, {'error': 0.18691649633417118}), (<zfit.Parameter 'rho_s' floating=True>, {'error': 0.3344355797558454}), (<zfit.Parameter 'omega_s' floating=True>, {'error': 4.128708351746706}), (<zfit.Parameter 'Dbar_s' floating=True>, {'error': 0.04765942709239651}), (<zfit.Parameter 'DDstar_s' floating=True>, {'error': 0.03132781754942093}), (<zfit.Parameter 'p4160_p' floating=True>, {'error': 0.11757275432382297}), (<zfit.Parameter 'phi_p' floating=True>, {'error': 0.13596704650602476}), (<zfit.Parameter 'p3770_p' floating=True>, {'error': 0.1186323530299731}), (<zfit.Parameter 'p3770_s' floating=True>, {'error': 0.2405529677953937}), (<zfit.Parameter 'bplus_0' floating=True>, {'error': 0.03515880268056426}), (<zfit.Parameter 'bplus_1' floating=True>, {'error': 0.07078527051706063}), (<zfit.Parameter 'psi2s_p' floating=True>, {'error': 0.033081770055762405})])\n"
     ]
    },
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "Toy 17/50\n",
      "Time taken: 47 min, 2 s\n",
      "Projected time left: 1 h, 31 min\n",
      "Toy 17: Generating data...\n",
      "Directory  data/zfit_toys/toy_17  Created \n",
      "Toy 17: Data generation finished\n",
      "Toy 17: Loading data...\n",
      "Toy 17: Loading data finished\n",
      "Toy 17: Fitting pdf...\n",
      "------------------------------------------------------------------\n",
      "| FCN = 2.974E+05               |    Ncalls=1271 (1271 total)    |\n",
      "| EDM = 2.68E-05 (Goal: 5E-06)  |            up = 0.5            |\n",
      "------------------------------------------------------------------\n",
      "|  Valid Min.   | Valid Param.  | Above EDM | Reached call limit |\n",
      "------------------------------------------------------------------\n",
      "|     True      |     True      |   False   |       False        |\n",
      "------------------------------------------------------------------\n",
      "| Hesse failed  |   Has cov.    | Accurate  | Pos. def. | Forced |\n",
      "------------------------------------------------------------------\n",
      "|     False     |     True      |   True    |   True    | False  |\n",
      "------------------------------------------------------------------\n",
      "Function minimum: 297354.44215484225\n",
      "----------------------------------------------------------------------------------------------\n",
      "|   | Name     |   Value   | Hesse Err | Minos Err- | Minos Err+ | Limit-  | Limit+  | Fixed |\n",
      "----------------------------------------------------------------------------------------------\n",
      "| 0 | p4040_s  |   0.83    |   0.16    |            |            |0.00501244| 2.01499 |       |\n",
      "| 1 | p4415_p  |   -6.28   |    0.17   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 2 | Dbar_p   |   -0.51   |    0.25   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 3 | omega_p  |   0.11    |   0.34    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 4 | rho_p    |   -0.9    |    0.6    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 5 | phi_s    |   16.1    |    1.0    |            |            | 14.8182 | 23.5818 |       |\n",
      "| 6 | p4160_s  |   0.717   |   0.013   |            |            | 0.71676 | 3.68324 |       |\n",
      "| 7 | jpsi_p   |  -1.536   |   0.030   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 8 | bplus_2  |   -0.45   |    0.06   |            |            |   -2    |    2    |       |\n",
      "| 9 | p4040_p  |   -3.13   |    0.18   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 10| DDstar_p |   6.00    |   0.23    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 11| Ctt      |   -1.5    |    0.3    |            |            |  -1.5   |   1.5   |       |\n",
      "| 12| p4415_s  |   0.29    |   0.19    |            |            |0.126447 | 2.35355 |       |\n",
      "| 13| rho_s    |    0.7    |    0.3    |            |            |0.0253049| 2.0747  |       |\n",
      "| 14| omega_s  |    7.4    |    1.5    |            |            | 4.19232 | 9.40768 |       |\n",
      "| 15| Dbar_s   |   0.300   |   0.012   |            |            |  -0.3   |   0.3   |       |\n",
      "| 16| DDstar_s |   0.300   |   0.010   |            |            |  -0.3   |   0.3   |       |\n",
      "| 17| p4160_p  |  -6.283   |   0.009   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 18| phi_p    |   5.86    |   0.21    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 19| p3770_p  |   -2.44   |    0.10   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 20| p3770_s  |   3.38    |   0.23    |            |            |0.918861 | 4.08114 |       |\n",
      "| 21| bplus_0  |   0.434   |   0.017   |            |            |   -2    |    2    |       |\n",
      "| 22| bplus_1  |  -0.812   |   0.031   |            |            |   -2    |    2    |       |\n",
      "| 23| psi2s_p  |   1.97    |   0.03    |            |            |-6.28319 | 6.28319 |       |\n",
      "----------------------------------------------------------------------------------------------\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|          |  p4040_s  p4415_p   Dbar_p  omega_p    rho_p    phi_s  p4160_s   jpsi_p  bplus_2  p4040_p DDstar_p      Ctt  p4415_s    rho_s  omega_s   Dbar_s DDstar_s  p4160_p    phi_p  p3770_p  p3770_s  bplus_0  bplus_1  psi2s_p |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|  p4040_s |    1.000    0.029    0.004   -0.001   -0.001    0.003   -0.010   -0.063   -0.119   -0.214   -0.099    0.227   -0.226    0.010   -0.003   -0.010   -0.001    0.008    0.001   -0.152    0.099    0.006    0.071    0.080 |\n",
      "|  p4415_p |    0.029    1.000    0.010   -0.002   -0.012    0.003   -0.001    0.007   -0.030   -0.010    0.001   -0.018   -0.134    0.004   -0.002   -0.001   -0.002   -0.000   -0.001    0.001   -0.002   -0.002    0.001    0.020 |\n",
      "|   Dbar_p |    0.004    0.010    1.000    0.006    0.069   -0.018    0.004    0.437    0.080   -0.014   -0.066   -0.054   -0.084    0.009   -0.002    0.011    0.003    0.001    0.010    0.427    0.110    0.029    0.139    0.129 |\n",
      "|  omega_p |   -0.001   -0.002    0.006    1.000    0.043    0.042    0.000   -0.035    0.064    0.008    0.001    0.004    0.013   -0.088    0.750    0.000    0.001   -0.000    0.007   -0.005    0.004   -0.058    0.062   -0.003 |\n",
      "|    rho_p |   -0.001   -0.012    0.069    0.043    1.000    0.122    0.001   -0.085    0.282    0.065    0.022    0.048    0.077   -0.041    0.117   -0.000    0.000   -0.001    0.126    0.013    0.053    0.048   -0.002    0.006 |\n",
      "|    phi_s |    0.003    0.003   -0.018    0.042    0.122    1.000   -0.001    0.003   -0.063   -0.020   -0.005   -0.016   -0.021   -0.046    0.061   -0.000   -0.000    0.000    0.565   -0.009   -0.019   -0.031    0.029   -0.002 |\n",
      "|  p4160_s |   -0.010   -0.001    0.004    0.000    0.001   -0.001    1.000    0.007    0.007   -0.007    0.011   -0.007    0.009   -0.001    0.000    0.001    0.000   -0.002    0.000    0.009    0.002    0.000   -0.002   -0.001 |\n",
      "|   jpsi_p |   -0.063    0.007    0.437   -0.035   -0.085    0.003    0.007    1.000    0.026    0.038    0.355    0.129   -0.009    0.072   -0.051    0.016    0.011    0.001   -0.023    0.242    0.119   -0.048    0.084    0.050 |\n",
      "|  bplus_2 |   -0.119   -0.030    0.080    0.064    0.282   -0.063    0.007    0.026    1.000    0.114   -0.033    0.524    0.311   -0.188    0.095    0.002    0.017   -0.001    0.030    0.017    0.033   -0.187    0.001   -0.137 |\n",
      "|  p4040_p |   -0.214   -0.010   -0.014    0.008    0.065   -0.020   -0.007    0.038    0.114    1.000    0.193   -0.103   -0.002   -0.017    0.008    0.021    0.015   -0.002    0.006    0.122    0.084    0.014    0.018   -0.204 |\n",
      "| DDstar_p |   -0.099    0.001   -0.066    0.001    0.022   -0.005    0.011    0.355   -0.033    0.193    1.000    0.008    0.019    0.014   -0.005   -0.001    0.006   -0.001    0.005    0.210    0.192    0.013    0.102    0.138 |\n",
      "|      Ctt |    0.227   -0.018   -0.054    0.004    0.048   -0.016   -0.007    0.129    0.524   -0.103    0.008    1.000    0.050   -0.019    0.005    0.012    0.004    0.000   -0.001   -0.114   -0.191   -0.032   -0.087    0.041 |\n",
      "|  p4415_s |   -0.226   -0.134   -0.084    0.013    0.077   -0.021    0.009   -0.009    0.311   -0.002    0.019    0.050    1.000   -0.036    0.017    0.008    0.011    0.003    0.007    0.029    0.006    0.011   -0.091   -0.129 |\n",
      "|    rho_s |    0.010    0.004    0.009   -0.088   -0.041   -0.046   -0.001    0.072   -0.188   -0.017    0.014   -0.019   -0.036    1.000   -0.443   -0.002   -0.003    0.000   -0.012    0.019   -0.005    0.311   -0.290    0.015 |\n",
      "|  omega_s |   -0.003   -0.002   -0.002    0.750    0.117    0.061    0.000   -0.051    0.095    0.008   -0.005    0.005    0.017   -0.443    1.000    0.001    0.001   -0.000   -0.003   -0.012    0.001   -0.140    0.138   -0.007 |\n",
      "|   Dbar_s |   -0.010   -0.001    0.011    0.000   -0.000   -0.000    0.001    0.016    0.002    0.021   -0.001    0.012    0.008   -0.002    0.001    1.000   -0.001   -0.000    0.000    0.012    0.021    0.002   -0.010    0.017 |\n",
      "| DDstar_s |   -0.001   -0.002    0.003    0.001    0.000   -0.000    0.000    0.011    0.017    0.015    0.006    0.004    0.011   -0.003    0.001   -0.001    1.000   -0.000    0.000    0.000    0.004    0.001   -0.020    0.011 |\n",
      "|  p4160_p |    0.008   -0.000    0.001   -0.000   -0.001    0.000   -0.002    0.001   -0.001   -0.002   -0.001    0.000    0.003    0.000   -0.000   -0.000   -0.000    1.000   -0.000   -0.001   -0.000   -0.000   -0.000    0.003 |\n",
      "|    phi_p |    0.001   -0.001    0.010    0.007    0.126    0.565    0.000   -0.023    0.030    0.006    0.005   -0.001    0.007   -0.012   -0.003    0.000    0.000   -0.000    1.000   -0.000    0.005    0.010    0.002    0.001 |\n",
      "|  p3770_p |   -0.152    0.001    0.427   -0.005    0.013   -0.009    0.009    0.242    0.017    0.122    0.210   -0.114    0.029    0.019   -0.012    0.012    0.000   -0.001   -0.000    1.000   -0.153    0.028    0.049    0.140 |\n",
      "|  p3770_s |    0.099   -0.002    0.110    0.004    0.053   -0.019    0.002    0.119    0.033    0.084    0.192   -0.191    0.006   -0.005    0.001    0.021    0.004   -0.000    0.005   -0.153    1.000    0.038    0.035   -0.397 |\n",
      "|  bplus_0 |    0.006   -0.002    0.029   -0.058    0.048   -0.031    0.000   -0.048   -0.187    0.014    0.013   -0.032    0.011    0.311   -0.140    0.002    0.001   -0.000    0.010    0.028    0.038    1.000   -0.929   -0.004 |\n",
      "|  bplus_1 |    0.071    0.001    0.139    0.062   -0.002    0.029   -0.002    0.084    0.001    0.018    0.102   -0.087   -0.091   -0.290    0.138   -0.010   -0.020   -0.000    0.002    0.049    0.035   -0.929    1.000    0.108 |\n",
      "|  psi2s_p |    0.080    0.020    0.129   -0.003    0.006   -0.002   -0.001    0.050   -0.137   -0.204    0.138    0.041   -0.129    0.015   -0.007    0.017    0.011    0.003    0.001    0.140   -0.397   -0.004    0.108    1.000 |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "Hesse errors: OrderedDict([(<zfit.Parameter 'p4040_s' floating=True>, {'error': 0.15806685694249056}), (<zfit.Parameter 'p4415_p' floating=True>, {'error': 0.17118665495538865}), (<zfit.Parameter 'Dbar_p' floating=True>, {'error': 0.25325885557375605}), (<zfit.Parameter 'omega_p' floating=True>, {'error': 0.33725779600927286}), (<zfit.Parameter 'rho_p' floating=True>, {'error': 0.6033445707091709}), (<zfit.Parameter 'phi_s' floating=True>, {'error': 0.9940272611261509}), (<zfit.Parameter 'p4160_s' floating=True>, {'error': 0.012946672651428126}), (<zfit.Parameter 'jpsi_p' floating=True>, {'error': 0.030480066915408166}), (<zfit.Parameter 'bplus_2' floating=True>, {'error': 0.05854416017804431}), (<zfit.Parameter 'p4040_p' floating=True>, {'error': 0.17539009383843385}), (<zfit.Parameter 'DDstar_p' floating=True>, {'error': 0.22682453945096626}), (<zfit.Parameter 'Ctt' floating=True>, {'error': 0.3246551915820227}), (<zfit.Parameter 'p4415_s' floating=True>, {'error': 0.19170396814698937}), (<zfit.Parameter 'rho_s' floating=True>, {'error': 0.335146380930466}), (<zfit.Parameter 'omega_s' floating=True>, {'error': 1.4698024989053584}), (<zfit.Parameter 'Dbar_s' floating=True>, {'error': 0.012073266877985822}), (<zfit.Parameter 'DDstar_s' floating=True>, {'error': 0.009733584847225196}), (<zfit.Parameter 'p4160_p' floating=True>, {'error': 0.009024268583097239}), (<zfit.Parameter 'phi_p' floating=True>, {'error': 0.20995873916598828}), (<zfit.Parameter 'p3770_p' floating=True>, {'error': 0.09979100053255152}), (<zfit.Parameter 'p3770_s' floating=True>, {'error': 0.22535027094648497}), (<zfit.Parameter 'bplus_0' floating=True>, {'error': 0.016892541771285075}), (<zfit.Parameter 'bplus_1' floating=True>, {'error': 0.03148137751423363}), (<zfit.Parameter 'psi2s_p' floating=True>, {'error': 0.032267329614538376})])\n"
     ]
    },
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "Toy 18/50\n",
      "Time taken: 51 min, 3 s\n",
      "Projected time left: 1 h, 30 min\n",
      "Toy 18: Generating data...\n",
      "Directory  data/zfit_toys/toy_18  Created \n",
      "Toy 18: Data generation finished\n",
      "Toy 18: Loading data...\n",
      "Toy 18: Loading data finished\n",
      "Toy 18: Fitting pdf...\n",
      "------------------------------------------------------------------\n",
      "| FCN = 2.972E+05               |    Ncalls=1354 (1354 total)    |\n",
      "| EDM = 0.00136 (Goal: 5E-06)   |            up = 0.5            |\n",
      "------------------------------------------------------------------\n",
      "|  Valid Min.   | Valid Param.  | Above EDM | Reached call limit |\n",
      "------------------------------------------------------------------\n",
      "|     False     |     True      |   True    |       False        |\n",
      "------------------------------------------------------------------\n",
      "| Hesse failed  |   Has cov.    | Accurate  | Pos. def. | Forced |\n",
      "------------------------------------------------------------------\n",
      "|     False     |     True      |   False   |   False   |  True  |\n",
      "------------------------------------------------------------------\n",
      "Function minimum: 297161.31125962397\n",
      "----------------------------------------------------------------------------------------------\n",
      "|   | Name     |   Value   | Hesse Err | Minos Err- | Minos Err+ | Limit-  | Limit+  | Fixed |\n",
      "----------------------------------------------------------------------------------------------\n",
      "| 0 | p4040_s  |   1.12    |   0.17    |            |            |0.00501244| 2.01499 |       |\n",
      "| 1 | p4415_p  |   -2.14   |    0.15   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 2 | Dbar_p   |   5.07    |   0.28    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 3 | omega_p  |    0.8    |    0.5    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 4 | rho_p    |   -0.3    |    0.4    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 5 | phi_s    |   17.2    |    0.9    |            |            | 14.8182 | 23.5818 |       |\n",
      "| 6 | p4160_s  |   2.45    |   0.17    |            |            | 0.71676 | 3.68324 |       |\n",
      "| 7 | jpsi_p   |  -1.577   |   0.026   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 8 | bplus_2  |   -0.17   |    0.09   |            |            |   -2    |    2    |       |\n",
      "| 9 | p4040_p  |   3.88    |   0.16    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 10| DDstar_p |   1.85    |   0.31    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 11| Ctt      |   -0.12   |    0.20   |            |            |  -1.5   |   1.5   |       |\n",
      "| 12| p4415_s  |   1.42    |   0.19    |            |            |0.126447 | 2.35355 |       |\n",
      "| 13| rho_s    |    1.1    |    0.3    |            |            |0.0253049| 2.0747  |       |\n",
      "| 14| omega_s  |    8.1    |    1.9    |            |            | 4.19232 | 9.40768 |       |\n",
      "| 15| Dbar_s   |   0.300   |   0.015   |            |            |  -0.3   |   0.3   |       |\n",
      "| 16| DDstar_s |  -0.300   |   0.018   |            |            |  -0.3   |   0.3   |       |\n",
      "| 17| p4160_p  |   4.19    |   0.09    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 18| phi_p    |    6.3    |    0.5    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 19| p3770_p  |   3.68    |   0.11    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 20| p3770_s  |   2.87    |   0.23    |            |            |0.918861 | 4.08114 |       |\n",
      "| 21| bplus_0  |   0.466   |   0.020   |            |            |   -2    |    2    |       |\n",
      "| 22| bplus_1  |   -0.88   |    0.04   |            |            |   -2    |    2    |       |\n",
      "| 23| psi2s_p  |   1.93    |   0.03    |            |            |-6.28319 | 6.28319 |       |\n",
      "----------------------------------------------------------------------------------------------\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|          |  p4040_s  p4415_p   Dbar_p  omega_p    rho_p    phi_s  p4160_s   jpsi_p  bplus_2  p4040_p DDstar_p      Ctt  p4415_s    rho_s  omega_s   Dbar_s DDstar_s  p4160_p    phi_p  p3770_p  p3770_s  bplus_0  bplus_1  psi2s_p |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|  p4040_s |    1.000   -0.239   -0.078   -0.002    0.053   -0.021    0.063   -0.022    0.096   -0.233   -0.123    0.338    0.172    0.015   -0.006   -0.000    0.004   -0.554   -0.001   -0.142    0.105    0.023    0.016   -0.008 |\n",
      "|  p4415_p |   -0.239    1.000   -0.073   -0.009    0.052   -0.023   -0.193   -0.029    0.193    0.148   -0.021   -0.057   -0.150   -0.001   -0.010    0.015    0.029    0.305   -0.000    0.071   -0.011    0.020   -0.103   -0.109 |\n",
      "|   Dbar_p |   -0.078   -0.073    1.000    0.008    0.019   -0.007   -0.069    0.198   -0.082   -0.038   -0.084   -0.298    0.021    0.039   -0.000    0.017    0.004    0.034   -0.000    0.283   -0.023    0.024    0.181   -0.015 |\n",
      "|  omega_p |   -0.002   -0.009    0.008    1.000    0.054    0.056   -0.002   -0.021   -0.023   -0.005    0.017   -0.008    0.004    0.422    0.878    0.000    0.001   -0.004   -0.003    0.004   -0.002    0.067   -0.044   -0.004 |\n",
      "|    rho_p |    0.053    0.052    0.019    0.054    1.000    0.076    0.072   -0.103    0.267    0.009   -0.011    0.110    0.019    0.258    0.080    0.001   -0.000   -0.007   -0.032   -0.017    0.023    0.001    0.015    0.000 |\n",
      "|    phi_s |   -0.021   -0.023   -0.007    0.056    0.076    1.000   -0.029    0.019   -0.098   -0.008    0.009   -0.041   -0.007    0.007    0.073   -0.000   -0.000   -0.002   -0.361    0.003   -0.015   -0.028    0.026   -0.003 |\n",
      "|  p4160_s |    0.063   -0.193   -0.069   -0.002    0.072   -0.029    1.000   -0.041    0.134    0.288   -0.070    0.255    0.317    0.021   -0.008    0.002    0.007   -0.172   -0.001   -0.056    0.017    0.040    0.010   -0.071 |\n",
      "|   jpsi_p |   -0.022   -0.029    0.198   -0.021   -0.103    0.019   -0.041    1.000    0.098   -0.091    0.133    0.221   -0.023   -0.004   -0.025    0.040    0.050   -0.035    0.012    0.038   -0.046   -0.063    0.055   -0.024 |\n",
      "|  bplus_2 |    0.096    0.193   -0.082   -0.023    0.267   -0.098    0.134    0.098    1.000   -0.043   -0.270    0.678   -0.073    0.013   -0.029    0.003    0.004   -0.048   -0.005   -0.089   -0.093    0.013   -0.319    0.009 |\n",
      "|  p4040_p |   -0.233    0.148   -0.038   -0.005    0.009   -0.008    0.288   -0.091   -0.043    1.000    0.110   -0.288    0.010    0.002   -0.006    0.021    0.026    0.224    0.001    0.176   -0.041    0.022   -0.004   -0.224 |\n",
      "| DDstar_p |   -0.123   -0.021   -0.084    0.017   -0.011    0.009   -0.070    0.133   -0.270    0.110    1.000   -0.111   -0.030    0.063    0.004    0.002    0.027    0.202    0.001    0.231    0.150    0.013    0.372   -0.010 |\n",
      "|      Ctt |    0.338   -0.057   -0.298   -0.008    0.110   -0.041    0.255    0.221    0.678   -0.288   -0.111    1.000    0.202    0.007   -0.011    0.005   -0.002   -0.390   -0.001   -0.213   -0.178   -0.009   -0.161    0.212 |\n",
      "|  p4415_s |    0.172   -0.150    0.021    0.004    0.019   -0.007    0.317   -0.023   -0.073    0.010   -0.030    0.202    1.000    0.023   -0.001   -0.001   -0.000   -0.066   -0.000   -0.065    0.017    0.021    0.116    0.021 |\n",
      "|    rho_s |    0.015   -0.001    0.039    0.422    0.258    0.007    0.021   -0.004    0.013    0.002    0.063    0.007    0.023    1.000    0.162    0.000    0.000    0.001   -0.005    0.021    0.018    0.240   -0.152    0.005 |\n",
      "|  omega_s |   -0.006   -0.010   -0.000    0.878    0.080    0.073   -0.008   -0.025   -0.029   -0.006    0.004   -0.011   -0.001    0.162    1.000    0.000    0.000   -0.005    0.005   -0.001   -0.007    0.011   -0.007   -0.006 |\n",
      "|   Dbar_s |   -0.000    0.015    0.017    0.000    0.001   -0.000    0.002    0.040    0.003    0.021    0.002    0.005   -0.001    0.000    0.000    1.000   -0.001    0.026   -0.000    0.025    0.023    0.001   -0.001    0.022 |\n",
      "| DDstar_s |    0.004    0.029    0.004    0.001   -0.000   -0.000    0.007    0.050    0.004    0.026    0.027   -0.002   -0.000    0.000    0.000   -0.001    1.000    0.040   -0.000    0.018    0.022    0.000   -0.001    0.022 |\n",
      "|  p4160_p |   -0.554    0.305    0.034   -0.004   -0.007   -0.002   -0.172   -0.035   -0.048    0.224    0.202   -0.390   -0.066    0.001   -0.005    0.026    0.040    1.000    0.001    0.218   -0.003    0.018   -0.009   -0.149 |\n",
      "|    phi_p |   -0.001   -0.000   -0.000   -0.003   -0.032   -0.361   -0.001    0.012   -0.005    0.001    0.001   -0.001   -0.000   -0.005    0.005   -0.000   -0.000    0.001    1.000    0.002    0.001    0.001   -0.002    0.002 |\n",
      "|  p3770_p |   -0.142    0.071    0.283    0.004   -0.017    0.003   -0.056    0.038   -0.089    0.176    0.231   -0.213   -0.065    0.021   -0.001    0.025    0.018    0.218    0.002    1.000   -0.211    0.026    0.097    0.028 |\n",
      "|  p3770_s |    0.105   -0.011   -0.023   -0.002    0.023   -0.015    0.017   -0.046   -0.093   -0.041    0.150   -0.178    0.017    0.018   -0.007    0.023    0.022   -0.003    0.001   -0.211    1.000    0.047    0.063   -0.440 |\n",
      "|  bplus_0 |    0.023    0.020    0.024    0.067    0.001   -0.028    0.040   -0.063    0.013    0.022    0.013   -0.009    0.021    0.240    0.011    0.001    0.000    0.018    0.001    0.026    0.047    1.000   -0.834   -0.004 |\n",
      "|  bplus_1 |    0.016   -0.103    0.181   -0.044    0.015    0.026    0.010    0.055   -0.319   -0.004    0.372   -0.161    0.116   -0.152   -0.007   -0.001   -0.001   -0.009   -0.002    0.097    0.063   -0.834    1.000    0.029 |\n",
      "|  psi2s_p |   -0.008   -0.109   -0.015   -0.004    0.000   -0.003   -0.071   -0.024    0.009   -0.224   -0.010    0.212    0.021    0.005   -0.006    0.022    0.022   -0.149    0.002    0.028   -0.440   -0.004    0.029    1.000 |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "Hesse errors: OrderedDict([(<zfit.Parameter 'p4040_s' floating=True>, {'error': 0.17111091336461137}), (<zfit.Parameter 'p4415_p' floating=True>, {'error': 0.15204650363736683}), (<zfit.Parameter 'Dbar_p' floating=True>, {'error': 0.2797532159163332}), (<zfit.Parameter 'omega_p' floating=True>, {'error': 0.4645165119698529}), (<zfit.Parameter 'rho_p' floating=True>, {'error': 0.3632875414988437}), (<zfit.Parameter 'phi_s' floating=True>, {'error': 0.8521581558293079}), (<zfit.Parameter 'p4160_s' floating=True>, {'error': 0.16522507104400064}), (<zfit.Parameter 'jpsi_p' floating=True>, {'error': 0.025535831860558744}), (<zfit.Parameter 'bplus_2' floating=True>, {'error': 0.08603425473932125}), (<zfit.Parameter 'p4040_p' floating=True>, {'error': 0.16305832732585746}), (<zfit.Parameter 'DDstar_p' floating=True>, {'error': 0.30544728915279906}), (<zfit.Parameter 'Ctt' floating=True>, {'error': 0.20428352972994634}), (<zfit.Parameter 'p4415_s' floating=True>, {'error': 0.18729706331578377}), (<zfit.Parameter 'rho_s' floating=True>, {'error': 0.34226861717862594}), (<zfit.Parameter 'omega_s' floating=True>, {'error': 1.860146500732768}), (<zfit.Parameter 'Dbar_s' floating=True>, {'error': 0.014613063609172083}), (<zfit.Parameter 'DDstar_s' floating=True>, {'error': 0.018174394872927158}), (<zfit.Parameter 'p4160_p' floating=True>, {'error': 0.09340911314056566}), (<zfit.Parameter 'phi_p' floating=True>, {'error': 0.4692473225313849}), (<zfit.Parameter 'p3770_p' floating=True>, {'error': 0.10620391480689051}), (<zfit.Parameter 'p3770_s' floating=True>, {'error': 0.22901040893948466}), (<zfit.Parameter 'bplus_0' floating=True>, {'error': 0.019539336572540478}), (<zfit.Parameter 'bplus_1' floating=True>, {'error': 0.04106629561058517}), (<zfit.Parameter 'psi2s_p' floating=True>, {'error': 0.03171084419079051})])\n"
     ]
    },
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "Toy 19/50\n",
      "Time taken: 55 min, 18 s\n",
      "Projected time left: 1 h, 29 min\n",
      "Toy 19: Generating data...\n",
      "Directory  data/zfit_toys/toy_19  Created \n",
      "Toy 19: Data generation finished\n",
      "Toy 19: Loading data...\n",
      "Toy 19: Loading data finished\n",
      "Toy 19: Fitting pdf...\n",
      "------------------------------------------------------------------\n",
      "| FCN = 2.97E+05                |    Ncalls=1271 (1271 total)    |\n",
      "| EDM = 9.2E-05 (Goal: 5E-06)   |            up = 0.5            |\n",
      "------------------------------------------------------------------\n",
      "|  Valid Min.   | Valid Param.  | Above EDM | Reached call limit |\n",
      "------------------------------------------------------------------\n",
      "|     True      |     True      |   False   |       False        |\n",
      "------------------------------------------------------------------\n",
      "| Hesse failed  |   Has cov.    | Accurate  | Pos. def. | Forced |\n",
      "------------------------------------------------------------------\n",
      "|     False     |     True      |   True    |   True    | False  |\n",
      "------------------------------------------------------------------\n",
      "Function minimum: 296964.9611040995\n",
      "----------------------------------------------------------------------------------------------\n",
      "|   | Name     |   Value   | Hesse Err | Minos Err- | Minos Err+ | Limit-  | Limit+  | Fixed |\n",
      "----------------------------------------------------------------------------------------------\n",
      "| 0 | p4040_s  |   1.06    |   0.17    |            |            |0.00501244| 2.01499 |       |\n",
      "| 1 | p4415_p  |   -2.32   |    0.19   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 2 | Dbar_p   |   -1.54   |    0.32   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 3 | omega_p  |   0.63    |   0.27    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 4 | rho_p    |   -6.28   |    0.08   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 5 | phi_s    |   21.8    |    1.3    |            |            | 14.8182 | 23.5818 |       |\n",
      "| 6 | p4160_s  |   2.17    |   0.17    |            |            | 0.71676 | 3.68324 |       |\n",
      "| 7 | jpsi_p   |  -1.638   |   0.024   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 8 | bplus_2  |   0.29    |   0.09    |            |            |   -2    |    2    |       |\n",
      "| 9 | p4040_p  |   4.09    |   0.18    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 10| DDstar_p |   -5.1    |    0.3    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 11| Ctt      |   -0.60   |    0.20   |            |            |  -1.5   |   1.5   |       |\n",
      "| 12| p4415_s  |   1.15    |   0.19    |            |            |0.126447 | 2.35355 |       |\n",
      "| 13| rho_s    |    1.5    |    0.4    |            |            |0.0253049| 2.0747  |       |\n",
      "| 14| omega_s  |     9     |     4     |            |            | 4.19232 | 9.40768 |       |\n",
      "| 15| Dbar_s   |   0.300   |   0.019   |            |            |  -0.3   |   0.3   |       |\n",
      "| 16| DDstar_s |  -0.300   |   0.023   |            |            |  -0.3   |   0.3   |       |\n",
      "| 17| p4160_p  |   4.27    |   0.10    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 18| phi_p    |   0.46    |   0.26    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 19| p3770_p  |   -2.78   |    0.09   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 20| p3770_s  |   3.49    |   0.23    |            |            |0.918861 | 4.08114 |       |\n",
      "| 21| bplus_0  |   -0.46   |    0.03   |            |            |   -2    |    2    |       |\n",
      "| 22| bplus_1  |   0.88    |   0.06    |            |            |   -2    |    2    |       |\n",
      "| 23| psi2s_p  |   1.90    |   0.03    |            |            |-6.28319 | 6.28319 |       |\n",
      "----------------------------------------------------------------------------------------------\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|          |  p4040_s  p4415_p   Dbar_p  omega_p    rho_p    phi_s  p4160_s   jpsi_p  bplus_2  p4040_p DDstar_p      Ctt  p4415_s    rho_s  omega_s   Dbar_s DDstar_s  p4160_p    phi_p  p3770_p  p3770_s  bplus_0  bplus_1  psi2s_p |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|  p4040_s |    1.000   -0.126   -0.082    0.017    0.006   -0.026    0.118    0.043   -0.111   -0.173   -0.178    0.318    0.210    0.015    0.004   -0.006   -0.008   -0.480   -0.001   -0.118    0.121   -0.048    0.055    0.011 |\n",
      "|  p4415_p |   -0.126    1.000   -0.105    0.003    0.007   -0.019   -0.096    0.050   -0.242    0.183   -0.226    0.030   -0.168   -0.016    0.003    0.006    0.009    0.315   -0.002    0.023    0.002   -0.009    0.123   -0.029 |\n",
      "|   Dbar_p |   -0.082   -0.105    1.000    0.022   -0.000   -0.021   -0.069    0.100    0.059   -0.123   -0.238   -0.344    0.057    0.042    0.004    0.026   -0.005   -0.071   -0.002    0.201   -0.141   -0.059   -0.052   -0.104 |\n",
      "|  omega_p |    0.017    0.003    0.022    1.000   -0.025    0.006    0.019   -0.047   -0.023   -0.008    0.032    0.020    0.012    0.493   -0.527    0.002    0.003   -0.016    0.027   -0.009    0.002   -0.154    0.133   -0.005 |\n",
      "|    rho_p |    0.006    0.007   -0.000   -0.025    1.000   -0.013    0.007   -0.007   -0.038    0.001   -0.008    0.013   -0.002    0.006   -0.014    0.000   -0.000    0.001   -0.024   -0.001    0.003    0.027   -0.024    0.000 |\n",
      "|    phi_s |   -0.026   -0.019   -0.021    0.006   -0.013    1.000   -0.031    0.019    0.072   -0.003   -0.022   -0.031   -0.009   -0.068   -0.008   -0.001   -0.001    0.004    0.751    0.003   -0.016    0.125   -0.107   -0.004 |\n",
      "|  p4160_s |    0.118   -0.096   -0.069    0.019    0.007   -0.031    1.000    0.020   -0.130    0.297   -0.117    0.249    0.332    0.016    0.005   -0.003   -0.003   -0.129   -0.002   -0.057    0.034   -0.045    0.041   -0.034 |\n",
      "|   jpsi_p |    0.043    0.050    0.100   -0.047   -0.007    0.019    0.020    1.000   -0.274   -0.078   -0.233    0.294   -0.017   -0.061    0.006    0.047    0.042   -0.039   -0.018   -0.066   -0.045    0.141   -0.018    0.017 |\n",
      "|  bplus_2 |   -0.111   -0.242    0.059   -0.023   -0.038    0.072   -0.130   -0.274    1.000   -0.008    0.300   -0.642    0.129    0.056   -0.014    0.004    0.020   -0.057   -0.002    0.050    0.030   -0.136   -0.105   -0.069 |\n",
      "|  p4040_p |   -0.173    0.183   -0.123   -0.008    0.001   -0.003    0.297   -0.078   -0.008    1.000   -0.047   -0.255   -0.039   -0.017    0.001    0.017    0.024    0.250   -0.005    0.126   -0.079    0.005    0.051   -0.178 |\n",
      "| DDstar_p |   -0.178   -0.226   -0.238    0.032   -0.008   -0.022   -0.117   -0.233    0.300   -0.047    1.000   -0.009   -0.010    0.090    0.004    0.006    0.043   -0.086   -0.010    0.093    0.005   -0.111   -0.159   -0.181 |\n",
      "|      Ctt |    0.318    0.030   -0.344    0.020    0.013   -0.031    0.249    0.294   -0.642   -0.255   -0.009    1.000    0.179   -0.006    0.006   -0.007   -0.006   -0.307    0.008   -0.203   -0.067    0.016    0.095    0.244 |\n",
      "|  p4415_s |    0.210   -0.168    0.057    0.012   -0.002   -0.009    0.332   -0.017    0.129   -0.039   -0.010    0.179    1.000    0.027    0.001    0.000   -0.003   -0.117   -0.001   -0.073    0.025   -0.034   -0.067    0.033 |\n",
      "|    rho_s |    0.015   -0.016    0.042    0.493    0.006   -0.068    0.016   -0.061    0.056   -0.017    0.090   -0.006    0.027    1.000   -0.015    0.002    0.006   -0.032   -0.015   -0.012   -0.003   -0.345    0.288   -0.010 |\n",
      "|  omega_s |    0.004    0.003    0.004   -0.527   -0.014   -0.008    0.005    0.006   -0.014    0.001    0.004    0.006    0.001   -0.015    1.000    0.000    0.000    0.000    0.018    0.001    0.003   -0.011    0.009    0.002 |\n",
      "|   Dbar_s |   -0.006    0.006    0.026    0.002    0.000   -0.001   -0.003    0.047    0.004    0.017    0.006   -0.007    0.000    0.002    0.000    1.000   -0.001    0.023    0.001    0.049    0.019   -0.002   -0.006    0.021 |\n",
      "| DDstar_s |   -0.008    0.009   -0.005    0.003   -0.000   -0.001   -0.003    0.042    0.020    0.024    0.043   -0.006   -0.003    0.006    0.000   -0.001    1.000    0.035    0.000    0.039    0.023   -0.006   -0.015    0.013 |\n",
      "|  p4160_p |   -0.480    0.315   -0.071   -0.016    0.001    0.004   -0.129   -0.039   -0.057    0.250   -0.086   -0.307   -0.117   -0.032    0.000    0.023    0.035    1.000   -0.003    0.132   -0.046    0.035    0.058   -0.107 |\n",
      "|    phi_p |   -0.001   -0.002   -0.002    0.027   -0.024    0.751   -0.002   -0.018   -0.002   -0.005   -0.010    0.008   -0.001   -0.015    0.018    0.001    0.000   -0.003    1.000   -0.004   -0.005    0.021   -0.013   -0.004 |\n",
      "|  p3770_p |   -0.118    0.023    0.201   -0.009   -0.001    0.003   -0.057   -0.066    0.050    0.126    0.093   -0.203   -0.073   -0.012    0.001    0.049    0.039    0.132   -0.004    1.000   -0.339    0.047   -0.088   -0.065 |\n",
      "|  p3770_s |    0.121    0.002   -0.141    0.002    0.003   -0.016    0.034   -0.045    0.030   -0.079    0.005   -0.067    0.025   -0.003    0.003    0.019    0.023   -0.046   -0.005   -0.339    1.000   -0.010    0.002   -0.362 |\n",
      "|  bplus_0 |   -0.048   -0.009   -0.059   -0.154    0.027    0.125   -0.045    0.141   -0.136    0.005   -0.111    0.016   -0.034   -0.345   -0.011   -0.002   -0.006    0.035    0.021    0.047   -0.010    1.000   -0.924    0.002 |\n",
      "|  bplus_1 |    0.055    0.123   -0.052    0.133   -0.024   -0.107    0.041   -0.018   -0.105    0.051   -0.159    0.095   -0.067    0.288    0.009   -0.006   -0.015    0.058   -0.013   -0.088    0.002   -0.924    1.000    0.051 |\n",
      "|  psi2s_p |    0.011   -0.029   -0.104   -0.005    0.000   -0.004   -0.034    0.017   -0.069   -0.178   -0.181    0.244    0.033   -0.010    0.002    0.021    0.013   -0.107   -0.004   -0.065   -0.362    0.002    0.051    1.000 |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "Hesse errors: OrderedDict([(<zfit.Parameter 'p4040_s' floating=True>, {'error': 0.16874136314205113}), (<zfit.Parameter 'p4415_p' floating=True>, {'error': 0.18737074972684709}), (<zfit.Parameter 'Dbar_p' floating=True>, {'error': 0.3158365116098829}), (<zfit.Parameter 'omega_p' floating=True>, {'error': 0.26898025551419336}), (<zfit.Parameter 'rho_p' floating=True>, {'error': 0.08206400496874222}), (<zfit.Parameter 'phi_s' floating=True>, {'error': 1.2737645086619445}), (<zfit.Parameter 'p4160_s' floating=True>, {'error': 0.16746395694073013}), (<zfit.Parameter 'jpsi_p' floating=True>, {'error': 0.024014895892006116}), (<zfit.Parameter 'bplus_2' floating=True>, {'error': 0.08529514619817813}), (<zfit.Parameter 'p4040_p' floating=True>, {'error': 0.17577365004128964}), (<zfit.Parameter 'DDstar_p' floating=True>, {'error': 0.3463434171952491}), (<zfit.Parameter 'Ctt' floating=True>, {'error': 0.19900334255450314}), (<zfit.Parameter 'p4415_s' floating=True>, {'error': 0.1936031487054159}), (<zfit.Parameter 'rho_s' floating=True>, {'error': 0.36641839312524105}), (<zfit.Parameter 'omega_s' floating=True>, {'error': 3.720323650978406}), (<zfit.Parameter 'Dbar_s' floating=True>, {'error': 0.01946933392434652}), (<zfit.Parameter 'DDstar_s' floating=True>, {'error': 0.02332027007291007}), (<zfit.Parameter 'p4160_p' floating=True>, {'error': 0.10067157559977158}), (<zfit.Parameter 'phi_p' floating=True>, {'error': 0.25865055636073553}), (<zfit.Parameter 'p3770_p' floating=True>, {'error': 0.08604456695974894}), (<zfit.Parameter 'p3770_s' floating=True>, {'error': 0.2319599019403662}), (<zfit.Parameter 'bplus_0' floating=True>, {'error': 0.03303292811712222}), (<zfit.Parameter 'bplus_1' floating=True>, {'error': 0.06396754505512359}), (<zfit.Parameter 'psi2s_p' floating=True>, {'error': 0.03187016023902167})])\n"
     ]
    },
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "Toy 20/50\n",
      "Time taken: 59 min, 41 s\n",
      "Projected time left: 1 h, 29 min\n",
      "Toy 20: Generating data...\n",
      "Directory  data/zfit_toys/toy_20  Created \n",
      "Toy 20: Data generation finished\n",
      "Toy 20: Loading data...\n",
      "Toy 20: Loading data finished\n",
      "Toy 20: Fitting pdf...\n",
      "------------------------------------------------------------------\n",
      "| FCN = 2.974E+05               |    Ncalls=1237 (1237 total)    |\n",
      "| EDM = 1.47E-05 (Goal: 5E-06)  |            up = 0.5            |\n",
      "------------------------------------------------------------------\n",
      "|  Valid Min.   | Valid Param.  | Above EDM | Reached call limit |\n",
      "------------------------------------------------------------------\n",
      "|     True      |     True      |   False   |       False        |\n",
      "------------------------------------------------------------------\n",
      "| Hesse failed  |   Has cov.    | Accurate  | Pos. def. | Forced |\n",
      "------------------------------------------------------------------\n",
      "|     False     |     True      |   False   |   False   |  True  |\n",
      "------------------------------------------------------------------\n",
      "Function minimum: 297403.19130533433\n",
      "----------------------------------------------------------------------------------------------\n",
      "|   | Name     |   Value   | Hesse Err | Minos Err- | Minos Err+ | Limit-  | Limit+  | Fixed |\n",
      "----------------------------------------------------------------------------------------------\n",
      "| 0 | p4040_s  |   0.99    |   0.18    |            |            |0.00501244| 2.01499 |       |\n",
      "| 1 | p4415_p  |   3.65    |   0.18    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 2 | Dbar_p   |    2.3    |    0.3    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 3 | omega_p  |   0.76    |   0.28    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 4 | rho_p    |   -0.4    |    0.3    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 5 | phi_s    |   16.7    |    1.1    |            |            | 14.8182 | 23.5818 |       |\n",
      "| 6 | p4160_s  |   1.91    |   0.18    |            |            | 0.71676 | 3.68324 |       |\n",
      "| 7 | jpsi_p   |   1.521   |   0.025   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 8 | bplus_2  |   0.12    |   0.08    |            |            |   -2    |    2    |       |\n",
      "| 9 | p4040_p  |   -2.93   |    0.18   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 10| DDstar_p |   -2.0    |    0.4    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 11| Ctt      |   0.028   |   0.169   |            |            |  -1.5   |   1.5   |       |\n",
      "| 12| p4415_s  |   1.18    |   0.20    |            |            |0.126447 | 2.35355 |       |\n",
      "| 13| rho_s    |    1.2    |    0.4    |            |            |0.0253049| 2.0747  |       |\n",
      "| 14| omega_s  |    8.9    |    1.3    |            |            | 4.19232 | 9.40768 |       |\n",
      "| 15| Dbar_s   |  -0.300   |   0.018   |            |            |  -0.3   |   0.3   |       |\n",
      "| 16| DDstar_s |   0.30    |   0.04    |            |            |  -0.3   |   0.3   |       |\n",
      "| 17| p4160_p  |   3.91    |   0.11    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 18| phi_p    |   6.00    |   0.23    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 19| p3770_p  |  -6.283   |   0.027   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 20| p3770_s  |   0.919   |   0.010   |            |            |0.918861 | 4.08114 |       |\n",
      "| 21| bplus_0  |  -0.392   |   0.030   |            |            |   -2    |    2    |       |\n",
      "| 22| bplus_1  |   0.75    |   0.06    |            |            |   -2    |    2    |       |\n",
      "| 23| psi2s_p  |   1.896   |   0.029   |            |            |-6.28319 | 6.28319 |       |\n",
      "----------------------------------------------------------------------------------------------\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|          |  p4040_s  p4415_p   Dbar_p  omega_p    rho_p    phi_s  p4160_s   jpsi_p  bplus_2  p4040_p DDstar_p      Ctt  p4415_s    rho_s  omega_s   Dbar_s DDstar_s  p4160_p    phi_p  p3770_p  p3770_s  bplus_0  bplus_1  psi2s_p |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|  p4040_s |    1.000   -0.179   -0.077    0.008    0.031   -0.012   -0.039   -0.026   -0.049   -0.168   -0.099    0.360    0.158    0.018   -0.003   -0.012   -0.016   -0.484    0.005    0.002   -0.003   -0.028    0.008    0.134 |\n",
      "|  p4415_p |   -0.179    1.000    0.019    0.003    0.062   -0.023   -0.111    0.026   -0.249    0.097   -0.219    0.022   -0.147    0.005   -0.007    0.013    0.020    0.281    0.007   -0.002    0.000   -0.045    0.124   -0.053 |\n",
      "|   Dbar_p |   -0.077    0.019    1.000    0.011    0.005   -0.004   -0.076    0.436    0.114    0.055   -0.094   -0.271    0.016    0.027   -0.001    0.012   -0.008    0.178    0.005   -0.018    0.003   -0.006   -0.095    0.216 |\n",
      "|  omega_p |    0.008    0.003    0.011    1.000    0.040   -0.008    0.010    0.002   -0.012    0.002    0.023    0.012    0.006    0.449    0.692   -0.000    0.002   -0.007    0.001    0.000   -0.000   -0.154    0.131   -0.001 |\n",
      "|    rho_p |    0.031    0.062    0.005    0.040    1.000    0.109    0.065    0.006   -0.276    0.043    0.002    0.126   -0.006    0.215    0.021   -0.003   -0.003    0.018    0.104    0.000   -0.000    0.027   -0.035    0.030 |\n",
      "|    phi_s |   -0.012   -0.023   -0.004   -0.008    0.109    1.000   -0.025   -0.031    0.081   -0.019   -0.010   -0.048    0.000   -0.026    0.013    0.001    0.001   -0.007    0.614    0.000    0.000    0.102   -0.094   -0.015 |\n",
      "|  p4160_s |   -0.039   -0.111   -0.076    0.010    0.065   -0.025    1.000   -0.060   -0.121    0.366   -0.089    0.259    0.324    0.023   -0.007   -0.001   -0.003   -0.147    0.009    0.001   -0.001   -0.039    0.018   -0.023 |\n",
      "|   jpsi_p |   -0.026    0.026    0.436    0.002    0.006   -0.031   -0.060    1.000    0.116    0.032   -0.210   -0.347   -0.023    0.027   -0.018    0.030    0.052    0.100   -0.006   -0.007   -0.000   -0.089    0.055    0.125 |\n",
      "|  bplus_2 |   -0.049   -0.249    0.114   -0.012   -0.276    0.081   -0.121    0.116    1.000   -0.098    0.294   -0.648    0.170   -0.018    0.022    0.006    0.031   -0.093   -0.034   -0.004   -0.000    0.056   -0.262   -0.064 |\n",
      "|  p4040_p |   -0.168    0.097    0.055    0.002    0.043   -0.019    0.366    0.032   -0.098    1.000   -0.120   -0.118    0.083    0.006   -0.007    0.023    0.033   -0.009    0.004   -0.005    0.001   -0.032    0.056   -0.185 |\n",
      "| DDstar_p |   -0.099   -0.219   -0.094    0.023    0.002   -0.010   -0.089   -0.210    0.294   -0.120    1.000   -0.062    0.049    0.075   -0.005    0.014    0.062   -0.055   -0.001   -0.004    0.003    0.007   -0.313   -0.114 |\n",
      "|      Ctt |    0.360    0.022   -0.271    0.012    0.126   -0.048    0.259   -0.347   -0.648   -0.118   -0.062    1.000    0.172    0.022   -0.011    0.019   -0.021   -0.292    0.011    0.013    0.001   -0.025    0.097    0.200 |\n",
      "|  p4415_s |    0.158   -0.147    0.016    0.006   -0.006    0.000    0.324   -0.023    0.170    0.083    0.049    0.172    1.000    0.017    0.000   -0.007   -0.005   -0.063    0.001    0.002   -0.001    0.006   -0.112    0.068 |\n",
      "|    rho_s |    0.018    0.005    0.027    0.449    0.215   -0.026    0.023    0.027   -0.018    0.006    0.075    0.022    0.017    1.000    0.013   -0.001    0.005   -0.016    0.020    0.000   -0.000   -0.413    0.345    0.001 |\n",
      "|  omega_s |   -0.003   -0.007   -0.001    0.692    0.021    0.013   -0.007   -0.018    0.022   -0.007   -0.005   -0.011    0.000    0.013    1.000    0.000    0.000   -0.003   -0.029    0.000    0.000    0.030   -0.026   -0.006 |\n",
      "|   Dbar_s |   -0.012    0.013    0.012   -0.000   -0.003    0.001   -0.001    0.030    0.006    0.023    0.014    0.019   -0.007   -0.001    0.000    1.000   -0.001    0.025    0.000   -0.001   -0.000    0.001    0.002    0.035 |\n",
      "| DDstar_s |   -0.016    0.020   -0.008    0.002   -0.003    0.001   -0.003    0.052    0.031    0.033    0.062   -0.021   -0.005    0.005    0.000   -0.001    1.000    0.054    0.000   -0.002    0.000    0.004   -0.028    0.036 |\n",
      "|  p4160_p |   -0.484    0.281    0.178   -0.007    0.018   -0.007   -0.147    0.100   -0.093   -0.009   -0.055   -0.292   -0.063   -0.016   -0.003    0.025    0.054    1.000   -0.000   -0.007    0.002    0.013    0.034   -0.111 |\n",
      "|    phi_p |    0.005    0.007    0.005    0.001    0.104    0.614    0.009   -0.006   -0.034    0.004   -0.001    0.011    0.001    0.020   -0.029    0.000    0.000   -0.000    1.000    0.000   -0.000   -0.021    0.015    0.001 |\n",
      "|  p3770_p |    0.002   -0.002   -0.018    0.000    0.000    0.000    0.001   -0.007   -0.004   -0.005   -0.004    0.013    0.002    0.000    0.000   -0.001   -0.002   -0.007    0.000    1.000   -0.001   -0.002    0.005    0.007 |\n",
      "|  p3770_s |   -0.003    0.000    0.003   -0.000   -0.000    0.000   -0.001   -0.000   -0.000    0.001    0.003    0.001   -0.001   -0.000    0.000   -0.000    0.000    0.002   -0.000   -0.001    1.000    0.001   -0.002    0.006 |\n",
      "|  bplus_0 |   -0.028   -0.045   -0.006   -0.154    0.027    0.102   -0.039   -0.089    0.056   -0.032    0.007   -0.025    0.006   -0.413    0.030    0.001    0.004    0.013   -0.021   -0.002    0.001    1.000   -0.924    0.010 |\n",
      "|  bplus_1 |    0.008    0.124   -0.095    0.131   -0.035   -0.094    0.018    0.055   -0.262    0.056   -0.313    0.097   -0.112    0.345   -0.026    0.002   -0.028    0.034    0.015    0.005   -0.002   -0.924    1.000   -0.029 |\n",
      "|  psi2s_p |    0.134   -0.053    0.216   -0.001    0.030   -0.015   -0.023    0.125   -0.064   -0.185   -0.114    0.200    0.068    0.001   -0.006    0.035    0.036   -0.111    0.001    0.007    0.006    0.010   -0.029    1.000 |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "Hesse errors: OrderedDict([(<zfit.Parameter 'p4040_s' floating=True>, {'error': 0.17523436479984889}), (<zfit.Parameter 'p4415_p' floating=True>, {'error': 0.18124664676116442}), (<zfit.Parameter 'Dbar_p' floating=True>, {'error': 0.32405670937096787}), (<zfit.Parameter 'omega_p' floating=True>, {'error': 0.2810958501344194}), (<zfit.Parameter 'rho_p' floating=True>, {'error': 0.34933911074258717}), (<zfit.Parameter 'phi_s' floating=True>, {'error': 1.096973557794466}), (<zfit.Parameter 'p4160_s' floating=True>, {'error': 0.17573226640420614}), (<zfit.Parameter 'jpsi_p' floating=True>, {'error': 0.025024440630635247}), (<zfit.Parameter 'bplus_2' floating=True>, {'error': 0.07684025673174211}), (<zfit.Parameter 'p4040_p' floating=True>, {'error': 0.17529316034893117}), (<zfit.Parameter 'DDstar_p' floating=True>, {'error': 0.37133721731741787}), (<zfit.Parameter 'Ctt' floating=True>, {'error': 0.16936983884637435}), (<zfit.Parameter 'p4415_s' floating=True>, {'error': 0.19737440116973054}), (<zfit.Parameter 'rho_s' floating=True>, {'error': 0.3617300121172741}), (<zfit.Parameter 'omega_s' floating=True>, {'error': 1.2638611329940694}), (<zfit.Parameter 'Dbar_s' floating=True>, {'error': 0.018465892134564843}), (<zfit.Parameter 'DDstar_s' floating=True>, {'error': 0.03575747529259493}), (<zfit.Parameter 'p4160_p' floating=True>, {'error': 0.10998402143754671}), (<zfit.Parameter 'phi_p' floating=True>, {'error': 0.22665219241157608}), (<zfit.Parameter 'p3770_p' floating=True>, {'error': 0.027488968700036587}), (<zfit.Parameter 'p3770_s' floating=True>, {'error': 0.010377082536154936}), (<zfit.Parameter 'bplus_0' floating=True>, {'error': 0.029819516695614112}), (<zfit.Parameter 'bplus_1' floating=True>, {'error': 0.06064943105218412}), (<zfit.Parameter 'psi2s_p' floating=True>, {'error': 0.02870454489118668})])\n"
     ]
    },
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "Toy 21/50\n",
      "Time taken: 1 h, 4 min\n",
      "Projected time left: 1 h, 28 min\n",
      "Toy 21: Generating data...\n",
      "Directory  data/zfit_toys/toy_21  Created \n",
      "Toy 21: Data generation finished\n",
      "Toy 21: Loading data...\n",
      "Toy 21: Loading data finished\n",
      "Toy 21: Fitting pdf...\n",
      "------------------------------------------------------------------\n",
      "| FCN = 2.976E+05               |    Ncalls=1301 (1301 total)    |\n",
      "| EDM = 8.75E-05 (Goal: 5E-06)  |            up = 0.5            |\n",
      "------------------------------------------------------------------\n",
      "|  Valid Min.   | Valid Param.  | Above EDM | Reached call limit |\n",
      "------------------------------------------------------------------\n",
      "|     True      |     True      |   False   |       False        |\n",
      "------------------------------------------------------------------\n",
      "| Hesse failed  |   Has cov.    | Accurate  | Pos. def. | Forced |\n",
      "------------------------------------------------------------------\n",
      "|     False     |     True      |   False   |   False   |  True  |\n",
      "------------------------------------------------------------------\n",
      "Function minimum: 297559.50015241385\n",
      "----------------------------------------------------------------------------------------------\n",
      "|   | Name     |   Value   | Hesse Err | Minos Err- | Minos Err+ | Limit-  | Limit+  | Fixed |\n",
      "----------------------------------------------------------------------------------------------\n",
      "| 0 | p4040_s  |   1.03    |   0.15    |            |            |0.00501244| 2.01499 |       |\n",
      "| 1 | p4415_p  |   -1.4    |    0.5    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 2 | Dbar_p   |   2.69    |   0.30    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 3 | omega_p  |   0.61    |   0.20    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 4 | rho_p    |   -1.2    |    0.4    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 5 | phi_s    |   16.1    |    1.0    |            |            | 14.8182 | 23.5818 |       |\n",
      "| 6 | p4160_s  |   0.717   |   0.016   |            |            | 0.71676 | 3.68324 |       |\n",
      "| 7 | jpsi_p   |   4.68    |   0.03    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 8 | bplus_2  |   -0.39   |    0.06   |            |            |   -2    |    2    |       |\n",
      "| 9 | p4040_p  |   3.44    |   0.15    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 10| DDstar_p |   2.97    |   0.29    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 11| Ctt      |   -1.50   |    0.23   |            |            |  -1.5   |   1.5   |       |\n",
      "| 12| p4415_s  |   0.40    |   0.18    |            |            |0.126447 | 2.35355 |       |\n",
      "| 13| rho_s    |   1.02    |   0.29    |            |            |0.0253049| 2.0747  |       |\n",
      "| 14| omega_s  |     9     |     4     |            |            | 4.19232 | 9.40768 |       |\n",
      "| 15| Dbar_s   |  -0.300   |   0.019   |            |            |  -0.3   |   0.3   |       |\n",
      "| 16| DDstar_s |  -0.300   |   0.015   |            |            |  -0.3   |   0.3   |       |\n",
      "| 17| p4160_p  |  -6.283   |   0.008   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 18| phi_p    |   -6.3    |    0.4    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 19| p3770_p  |   -2.28   |    0.11   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 20| p3770_s  |   3.24    |   0.23    |            |            |0.918861 | 4.08114 |       |\n",
      "| 21| bplus_0  |   0.493   |   0.020   |            |            |   -2    |    2    |       |\n",
      "| 22| bplus_1  |   -0.91   |    0.04   |            |            |   -2    |    2    |       |\n",
      "| 23| psi2s_p  |   1.94    |   0.03    |            |            |-6.28319 | 6.28319 |       |\n",
      "----------------------------------------------------------------------------------------------\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|          |  p4040_s  p4415_p   Dbar_p  omega_p    rho_p    phi_s  p4160_s   jpsi_p  bplus_2  p4040_p DDstar_p      Ctt  p4415_s    rho_s  omega_s   Dbar_s DDstar_s  p4160_p    phi_p  p3770_p  p3770_s  bplus_0  bplus_1  psi2s_p |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|  p4040_s |    1.000   -0.225   -0.024    0.005    0.021   -0.003   -0.015   -0.103   -0.138   -0.232   -0.083    0.183    0.028   -0.004    0.001   -0.012    0.005    0.007    0.002   -0.151    0.122    0.019    0.078   -0.011 |\n",
      "|  p4415_p |   -0.225    1.000   -0.089    0.003    0.045   -0.016    0.008    0.021    0.334    0.025    0.054   -0.001   -0.102   -0.049    0.003    0.011    0.012    0.004    0.002    0.044    0.003    0.004   -0.121   -0.091 |\n",
      "|   Dbar_p |   -0.024   -0.089    1.000    0.019    0.083   -0.021    0.005    0.452    0.110    0.028   -0.125   -0.036    0.043   -0.032    0.004    0.018    0.004    0.001    0.002    0.442    0.151    0.053    0.125    0.156 |\n",
      "|  omega_p |    0.005    0.003    0.019    1.000    0.242    0.018    0.000   -0.002    0.014    0.009    0.009    0.004    0.007    0.379   -0.532   -0.001   -0.001   -0.000    0.032    0.008    0.011    0.077   -0.061    0.005 |\n",
      "|    rho_p |    0.021    0.045    0.083    0.242    1.000    0.089    0.002   -0.048    0.227    0.058    0.022    0.035    0.029   -0.105    0.018   -0.003   -0.003   -0.001    0.078    0.022    0.059    0.146   -0.087    0.018 |\n",
      "|    phi_s |   -0.003   -0.016   -0.021    0.018    0.089    1.000   -0.001   -0.000   -0.067   -0.021   -0.007   -0.010   -0.005   -0.071   -0.024    0.000   -0.000    0.000    0.558   -0.009   -0.022   -0.021    0.015   -0.006 |\n",
      "|  p4160_s |   -0.015    0.008    0.005    0.000    0.002   -0.001    1.000    0.014    0.010    0.000    0.018   -0.007    0.005   -0.001    0.000    0.001    0.001   -0.002   -0.000    0.012    0.005    0.001   -0.001    0.002 |\n",
      "|   jpsi_p |   -0.103    0.021    0.452   -0.002   -0.048   -0.000    0.014    1.000    0.032    0.157    0.425    0.089   -0.024    0.067    0.005    0.020    0.012    0.001   -0.017    0.308    0.206   -0.024    0.083    0.125 |\n",
      "|  bplus_2 |   -0.138    0.334    0.110    0.014    0.227   -0.067    0.010    0.032    1.000    0.152   -0.031    0.411   -0.140   -0.238    0.012   -0.007    0.023   -0.001    0.015    0.064    0.081   -0.125   -0.058   -0.127 |\n",
      "|  p4040_p |   -0.232    0.025    0.028    0.009    0.058   -0.021    0.000    0.157    0.152    1.000    0.314   -0.107    0.119   -0.039    0.005    0.035    0.020   -0.004    0.000    0.199    0.111    0.022    0.013   -0.135 |\n",
      "| DDstar_p |   -0.083    0.054   -0.125    0.009    0.022   -0.007    0.018    0.425   -0.031    0.314    1.000    0.004    0.011   -0.001    0.000   -0.008    0.009   -0.001    0.001    0.203    0.258    0.022    0.072    0.201 |\n",
      "|      Ctt |    0.183   -0.001   -0.036    0.004    0.035   -0.010   -0.007    0.089    0.411   -0.107    0.004    1.000    0.093   -0.029    0.002    0.012    0.003   -0.000   -0.001   -0.074   -0.146   -0.008   -0.065    0.039 |\n",
      "|  p4415_s |    0.028   -0.102    0.043    0.007    0.029   -0.005    0.005   -0.024   -0.140    0.119    0.011    0.093    1.000   -0.003    0.002    0.000    0.008   -0.003    0.001   -0.011    0.047    0.022    0.114   -0.025 |\n",
      "|    rho_s |   -0.004   -0.049   -0.032    0.379   -0.105   -0.071   -0.001    0.067   -0.238   -0.039   -0.001   -0.029   -0.003    1.000    0.001   -0.000   -0.003    0.000   -0.041    0.000   -0.033    0.153   -0.159    0.004 |\n",
      "|  omega_s |    0.001    0.003    0.004   -0.532    0.018   -0.024    0.000    0.005    0.012    0.005    0.000    0.002    0.002    0.001    1.000   -0.000   -0.000   -0.000   -0.003    0.002    0.005    0.009   -0.008    0.002 |\n",
      "|   Dbar_s |   -0.012    0.011    0.018   -0.001   -0.003    0.000    0.001    0.020   -0.007    0.035   -0.008    0.012    0.000   -0.000   -0.000    1.000   -0.001   -0.000    0.000    0.013    0.036    0.001   -0.014    0.026 |\n",
      "| DDstar_s |    0.005    0.012    0.004   -0.001   -0.003   -0.000    0.001    0.012    0.023    0.020    0.009    0.003    0.008   -0.003   -0.000   -0.001    1.000   -0.000    0.000   -0.004    0.006   -0.001   -0.028    0.016 |\n",
      "|  p4160_p |    0.007    0.004    0.001   -0.000   -0.001    0.000   -0.002    0.001   -0.001   -0.004   -0.001   -0.000   -0.003    0.000   -0.000   -0.000   -0.000    1.000   -0.000   -0.000   -0.001   -0.000   -0.001    0.002 |\n",
      "|    phi_p |    0.002    0.002    0.002    0.032    0.078    0.558   -0.000   -0.017    0.015    0.000    0.001   -0.001    0.001   -0.041   -0.003    0.000    0.000   -0.000    1.000   -0.002   -0.000   -0.006    0.010   -0.002 |\n",
      "|  p3770_p |   -0.151    0.044    0.442    0.008    0.022   -0.009    0.012    0.308    0.064    0.199    0.203   -0.074   -0.011    0.000    0.002    0.013   -0.004   -0.000   -0.002    1.000   -0.072    0.034    0.036    0.212 |\n",
      "|  p3770_s |    0.122    0.003    0.151    0.011    0.059   -0.022    0.005    0.206    0.081    0.111    0.258   -0.146    0.047   -0.033    0.005    0.036    0.006   -0.001   -0.000   -0.072    1.000    0.045    0.035   -0.366 |\n",
      "|  bplus_0 |    0.019    0.004    0.053    0.077    0.146   -0.021    0.001   -0.024   -0.125    0.022    0.022   -0.008    0.022    0.153    0.009    0.001   -0.001   -0.000   -0.006    0.034    0.045    1.000   -0.924    0.007 |\n",
      "|  bplus_1 |    0.078   -0.121    0.125   -0.061   -0.087    0.015   -0.001    0.083   -0.058    0.013    0.072   -0.065    0.114   -0.159   -0.008   -0.014   -0.028   -0.001    0.010    0.036    0.035   -0.924    1.000    0.103 |\n",
      "|  psi2s_p |   -0.011   -0.091    0.156    0.005    0.018   -0.006    0.002    0.125   -0.127   -0.135    0.201    0.039   -0.025    0.004    0.002    0.026    0.016    0.002   -0.002    0.212   -0.366    0.007    0.103    1.000 |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "Hesse errors: OrderedDict([(<zfit.Parameter 'p4040_s' floating=True>, {'error': 0.15183688503122544}), (<zfit.Parameter 'p4415_p' floating=True>, {'error': 0.48158237567880136}), (<zfit.Parameter 'Dbar_p' floating=True>, {'error': 0.2980638092326755}), (<zfit.Parameter 'omega_p' floating=True>, {'error': 0.19517013142154171}), (<zfit.Parameter 'rho_p' floating=True>, {'error': 0.38919288056407497}), (<zfit.Parameter 'phi_s' floating=True>, {'error': 0.9850474411498187}), (<zfit.Parameter 'p4160_s' floating=True>, {'error': 0.01588657005254185}), (<zfit.Parameter 'jpsi_p' floating=True>, {'error': 0.03241111792311102}), (<zfit.Parameter 'bplus_2' floating=True>, {'error': 0.0633998807667352}), (<zfit.Parameter 'p4040_p' floating=True>, {'error': 0.15421526644876415}), (<zfit.Parameter 'DDstar_p' floating=True>, {'error': 0.2918265084075333}), (<zfit.Parameter 'Ctt' floating=True>, {'error': 0.2287289194109159}), (<zfit.Parameter 'p4415_s' floating=True>, {'error': 0.17957262606743024}), (<zfit.Parameter 'rho_s' floating=True>, {'error': 0.28956186288688635}), (<zfit.Parameter 'omega_s' floating=True>, {'error': 3.7421516709521425}), (<zfit.Parameter 'Dbar_s' floating=True>, {'error': 0.01931532258576671}), (<zfit.Parameter 'DDstar_s' floating=True>, {'error': 0.01500545461899383}), (<zfit.Parameter 'p4160_p' floating=True>, {'error': 0.008263114654898818}), (<zfit.Parameter 'phi_p' floating=True>, {'error': 0.4092854941671442}), (<zfit.Parameter 'p3770_p' floating=True>, {'error': 0.1089678458087886}), (<zfit.Parameter 'p3770_s' floating=True>, {'error': 0.22958593465720556}), (<zfit.Parameter 'bplus_0' floating=True>, {'error': 0.020415215223263727}), (<zfit.Parameter 'bplus_1' floating=True>, {'error': 0.037694124021681485}), (<zfit.Parameter 'psi2s_p' floating=True>, {'error': 0.03275188674380658})])\n"
     ]
    },
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "Toy 22/50\n",
      "Time taken: 1 h, 9 min\n",
      "Projected time left: 1 h, 27 min\n",
      "Toy 22: Generating data...\n",
      "Directory  data/zfit_toys/toy_22  Created \n",
      "Toy 22: Data generation finished\n",
      "Toy 22: Loading data...\n",
      "Toy 22: Loading data finished\n",
      "Toy 22: Fitting pdf...\n",
      "------------------------------------------------------------------\n",
      "| FCN = 2.971E+05               |    Ncalls=1458 (1458 total)    |\n",
      "| EDM = 0.000732 (Goal: 5E-06)  |            up = 0.5            |\n",
      "------------------------------------------------------------------\n",
      "|  Valid Min.   | Valid Param.  | Above EDM | Reached call limit |\n",
      "------------------------------------------------------------------\n",
      "|     True      |     True      |   False   |       False        |\n",
      "------------------------------------------------------------------\n",
      "| Hesse failed  |   Has cov.    | Accurate  | Pos. def. | Forced |\n",
      "------------------------------------------------------------------\n",
      "|     False     |     True      |   False   |   False   |  True  |\n",
      "------------------------------------------------------------------\n",
      "Function minimum: 297145.9430240814\n",
      "----------------------------------------------------------------------------------------------\n",
      "|   | Name     |   Value   | Hesse Err | Minos Err- | Minos Err+ | Limit-  | Limit+  | Fixed |\n",
      "----------------------------------------------------------------------------------------------\n",
      "| 0 | p4040_s  |   0.005   |   0.037   |            |            |0.00501244| 2.01499 |       |\n",
      "| 1 | p4415_p  |   4.72    |   0.20    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 2 | Dbar_p   |   5.34    |   0.27    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 3 | omega_p  |    0.8    |    0.4    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 4 | rho_p    |    6.0    |    0.5    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 5 | phi_s    |   17.6    |    1.4    |            |            | 14.8182 | 23.5818 |       |\n",
      "| 6 | p4160_s  |   2.16    |   0.15    |            |            | 0.71676 | 3.68324 |       |\n",
      "| 7 | jpsi_p   |  -1.652   |   0.028   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 8 | bplus_2  |   -0.31   |    0.08   |            |            |   -2    |    2    |       |\n",
      "| 9 | p4040_p  |    -6     |     8     |            |            |-6.28319 | 6.28319 |       |\n",
      "| 10| DDstar_p |   2.16    |   0.29    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 11| Ctt      |   -0.90   |    0.21   |            |            |  -1.5   |   1.5   |       |\n",
      "| 12| p4415_s  |   1.05    |   0.18    |            |            |0.126447 | 2.35355 |       |\n",
      "| 13| rho_s    |    0.8    |    0.4    |            |            |0.0253049| 2.0747  |       |\n",
      "| 14| omega_s  |    8.5    |    1.7    |            |            | 4.19232 | 9.40768 |       |\n",
      "| 15| Dbar_s   |   0.300   |   0.014   |            |            |  -0.3   |   0.3   |       |\n",
      "| 16| DDstar_s |  -0.300   |   0.015   |            |            |  -0.3   |   0.3   |       |\n",
      "| 17| p4160_p  |   -1.70   |    0.09   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 18| phi_p    |   -6.08   |    0.28   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 19| p3770_p  |   -2.68   |    0.10   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 20| p3770_s  |   3.43    |   0.23    |            |            |0.918861 | 4.08114 |       |\n",
      "| 21| bplus_0  |   0.441   |   0.018   |            |            |   -2    |    2    |       |\n",
      "| 22| bplus_1  |   -0.82   |    0.04   |            |            |   -2    |    2    |       |\n",
      "| 23| psi2s_p  |   1.915   |   0.031   |            |            |-6.28319 | 6.28319 |       |\n",
      "----------------------------------------------------------------------------------------------\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|          |  p4040_s  p4415_p   Dbar_p  omega_p    rho_p    phi_s  p4160_s   jpsi_p  bplus_2  p4040_p DDstar_p      Ctt  p4415_s    rho_s  omega_s   Dbar_s DDstar_s  p4160_p    phi_p  p3770_p  p3770_s  bplus_0  bplus_1  psi2s_p |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|  p4040_s |    1.000    0.013    0.005   -0.000   -0.001   -0.000    0.024   -0.001   -0.011   -0.437    0.016   -0.034    0.000    0.000   -0.000    0.001    0.001    0.027   -0.000    0.020   -0.000    0.002    0.003   -0.014 |\n",
      "|  p4415_p |    0.013    1.000   -0.059   -0.009    0.040   -0.020   -0.280    0.012    0.194   -0.002    0.024   -0.049   -0.089   -0.002   -0.011    0.012    0.021    0.222   -0.008    0.064    0.018    0.014   -0.107   -0.096 |\n",
      "|   Dbar_p |    0.005   -0.059    1.000    0.015    0.020   -0.006   -0.083    0.295   -0.087    0.001   -0.068   -0.272   -0.028    0.045    0.002    0.014    0.004    0.071    0.002    0.398    0.058    0.029    0.187    0.019 |\n",
      "|  omega_p |   -0.000   -0.009    0.015    1.000   -0.008    0.021   -0.001   -0.007   -0.033    0.000    0.024   -0.008    0.002    0.481    0.851    0.000   -0.000   -0.001   -0.003    0.012    0.003    0.113   -0.082   -0.003 |\n",
      "|    rho_p |   -0.001    0.040    0.020   -0.008    1.000   -0.038    0.062   -0.069    0.214   -0.001   -0.009    0.086    0.033    0.159    0.034    0.001    0.000    0.001   -0.080   -0.014    0.010   -0.033    0.036    0.002 |\n",
      "|    phi_s |   -0.000   -0.020   -0.006    0.021   -0.038    1.000   -0.028   -0.002   -0.085    0.001    0.008   -0.034   -0.015   -0.007   -0.003    0.000    0.000   -0.007    0.815    0.001   -0.012   -0.012    0.012   -0.009 |\n",
      "|  p4160_s |    0.024   -0.280   -0.083   -0.001    0.062   -0.028    1.000   -0.020    0.199   -0.019   -0.082    0.333    0.258    0.023   -0.010    0.004    0.009   -0.160   -0.009   -0.105   -0.004    0.031   -0.009   -0.070 |\n",
      "|   jpsi_p |   -0.001    0.012    0.295   -0.007   -0.069   -0.002   -0.020    1.000    0.120    0.004    0.283    0.218   -0.019    0.017   -0.013    0.035    0.040    0.029   -0.017    0.156    0.010   -0.057    0.105   -0.017 |\n",
      "|  bplus_2 |   -0.011    0.194   -0.087   -0.033    0.214   -0.085    0.199    0.120    1.000    0.005   -0.216    0.745    0.070   -0.005   -0.041    0.007    0.010   -0.089   -0.029   -0.126   -0.152   -0.064   -0.256   -0.045 |\n",
      "|  p4040_p |   -0.437   -0.002    0.001    0.000   -0.001    0.001   -0.019    0.004    0.005    1.000   -0.007    0.017   -0.003   -0.001    0.000   -0.001   -0.001   -0.001    0.000   -0.010   -0.001   -0.002   -0.002    0.015 |\n",
      "| DDstar_p |    0.016    0.024   -0.068    0.024   -0.009    0.008   -0.082    0.283   -0.216   -0.007    1.000   -0.076   -0.078    0.061    0.009    0.001    0.020    0.240    0.006    0.282    0.198    0.008    0.332    0.058 |\n",
      "|      Ctt |   -0.034   -0.049   -0.272   -0.008    0.086   -0.034    0.333    0.218    0.745    0.017   -0.076    1.000    0.246    0.008   -0.015    0.015    0.003   -0.352   -0.011   -0.221   -0.287   -0.026   -0.188    0.101 |\n",
      "|  p4415_s |    0.000   -0.089   -0.028    0.002    0.033   -0.015    0.258   -0.019    0.070   -0.003   -0.078    0.246    1.000    0.020   -0.004    0.002    0.004    0.027   -0.005   -0.078   -0.026    0.017    0.047   -0.020 |\n",
      "|    rho_s |    0.000   -0.002    0.045    0.481    0.159   -0.007    0.023    0.017   -0.005   -0.001    0.061    0.008    0.020    1.000    0.186   -0.000   -0.001    0.010    0.010    0.033    0.021    0.287   -0.201    0.012 |\n",
      "|  omega_s |   -0.000   -0.011    0.002    0.851    0.034   -0.003   -0.010   -0.013   -0.041    0.000    0.009   -0.015   -0.004    0.186    1.000    0.000    0.000   -0.005   -0.053    0.002   -0.004    0.036   -0.026   -0.007 |\n",
      "|   Dbar_s |    0.001    0.012    0.014    0.000    0.001    0.000    0.004    0.035    0.007   -0.001    0.001    0.015    0.002   -0.000    0.000    1.000   -0.001    0.023    0.001    0.022    0.021    0.001   -0.006    0.028 |\n",
      "| DDstar_s |    0.001    0.021    0.004   -0.000    0.000    0.000    0.009    0.040    0.010   -0.001    0.020    0.003    0.004   -0.001    0.000   -0.001    1.000    0.032    0.001    0.014    0.016    0.001   -0.011    0.026 |\n",
      "|  p4160_p |    0.027    0.222    0.071   -0.001    0.001   -0.007   -0.160    0.029   -0.089   -0.001    0.240   -0.352    0.027    0.010   -0.005    0.023    0.032    1.000   -0.004    0.230    0.094    0.022    0.038   -0.125 |\n",
      "|    phi_p |   -0.000   -0.008    0.002   -0.003   -0.080    0.815   -0.009   -0.017   -0.029    0.000    0.006   -0.011   -0.005    0.010   -0.053    0.001    0.001   -0.004    1.000    0.001   -0.005    0.008   -0.005   -0.007 |\n",
      "|  p3770_p |    0.020    0.064    0.398    0.012   -0.014    0.001   -0.105    0.156   -0.126   -0.010    0.282   -0.221   -0.078    0.033    0.002    0.022    0.014    0.230    0.001    1.000   -0.161    0.034    0.139    0.068 |\n",
      "|  p3770_s |   -0.000    0.018    0.058    0.003    0.010   -0.012   -0.004    0.010   -0.152   -0.001    0.198   -0.287   -0.026    0.021   -0.004    0.021    0.016    0.094   -0.005   -0.161    1.000    0.047    0.089   -0.426 |\n",
      "|  bplus_0 |    0.002    0.014    0.029    0.113   -0.033   -0.012    0.031   -0.057   -0.064   -0.002    0.008   -0.026    0.017    0.287    0.036    0.001    0.001    0.022    0.008    0.034    0.047    1.000   -0.849   -0.005 |\n",
      "|  bplus_1 |    0.003   -0.107    0.187   -0.082    0.036    0.012   -0.009    0.105   -0.256   -0.002    0.332   -0.188    0.047   -0.201   -0.026   -0.006   -0.011    0.038   -0.005    0.139    0.089   -0.849    1.000    0.074 |\n",
      "|  psi2s_p |   -0.014   -0.096    0.019   -0.003    0.002   -0.009   -0.070   -0.017   -0.045    0.015    0.058    0.101   -0.020    0.012   -0.007    0.028    0.026   -0.125   -0.007    0.068   -0.426   -0.005    0.074    1.000 |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "Hesse errors: OrderedDict([(<zfit.Parameter 'p4040_s' floating=True>, {'error': 0.03652848340749065}), (<zfit.Parameter 'p4415_p' floating=True>, {'error': 0.1962622218870509}), (<zfit.Parameter 'Dbar_p' floating=True>, {'error': 0.27283861597836}), (<zfit.Parameter 'omega_p' floating=True>, {'error': 0.4226938141665917}), (<zfit.Parameter 'rho_p' floating=True>, {'error': 0.4516108817959257}), (<zfit.Parameter 'phi_s' floating=True>, {'error': 1.3693715386217047}), (<zfit.Parameter 'p4160_s' floating=True>, {'error': 0.15065150840872765}), (<zfit.Parameter 'jpsi_p' floating=True>, {'error': 0.028272893414345912}), (<zfit.Parameter 'bplus_2' floating=True>, {'error': 0.08087579095297048}), (<zfit.Parameter 'p4040_p' floating=True>, {'error': 8.22922959825789}), (<zfit.Parameter 'DDstar_p' floating=True>, {'error': 0.2856856890161872}), (<zfit.Parameter 'Ctt' floating=True>, {'error': 0.20628759303792837}), (<zfit.Parameter 'p4415_s' floating=True>, {'error': 0.18373324148866876}), (<zfit.Parameter 'rho_s' floating=True>, {'error': 0.35877481635856556}), (<zfit.Parameter 'omega_s' floating=True>, {'error': 1.6534031800519098}), (<zfit.Parameter 'Dbar_s' floating=True>, {'error': 0.014448585267252012}), (<zfit.Parameter 'DDstar_s' floating=True>, {'error': 0.015121086335055295}), (<zfit.Parameter 'p4160_p' floating=True>, {'error': 0.0923456803219973}), (<zfit.Parameter 'phi_p' floating=True>, {'error': 0.284108874835467}), (<zfit.Parameter 'p3770_p' floating=True>, {'error': 0.0972376640164141}), (<zfit.Parameter 'p3770_s' floating=True>, {'error': 0.23073343392101053}), (<zfit.Parameter 'bplus_0' floating=True>, {'error': 0.017885725349738202}), (<zfit.Parameter 'bplus_1' floating=True>, {'error': 0.03603929817167928}), (<zfit.Parameter 'psi2s_p' floating=True>, {'error': 0.030624552165984475})])\n"
     ]
    },
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "Toy 23/50\n",
      "Time taken: 1 h, 14 min\n",
      "Projected time left: 1 h, 26 min\n",
      "Toy 23: Generating data...\n",
      "Directory  data/zfit_toys/toy_23  Created \n",
      "Toy 23: Data generation finished\n",
      "Toy 23: Loading data...\n",
      "Toy 23: Loading data finished\n",
      "Toy 23: Fitting pdf...\n",
      "------------------------------------------------------------------\n",
      "| FCN = 2.974E+05               |     Ncalls=295 (295 total)     |\n",
      "| EDM = 4.43E-05 (Goal: 5E-06)  |            up = 0.5            |\n",
      "------------------------------------------------------------------\n",
      "|  Valid Min.   | Valid Param.  | Above EDM | Reached call limit |\n",
      "------------------------------------------------------------------\n",
      "|     True      |     True      |   False   |       False        |\n",
      "------------------------------------------------------------------\n",
      "| Hesse failed  |   Has cov.    | Accurate  | Pos. def. | Forced |\n",
      "------------------------------------------------------------------\n",
      "|     False     |     True      |   True    |   True    | False  |\n",
      "------------------------------------------------------------------\n",
      "Function minimum: 297440.61502180726\n",
      "----------------------------------------------------------------------------------------------\n",
      "|   | Name     |   Value   | Hesse Err | Minos Err- | Minos Err+ | Limit-  | Limit+  | Fixed |\n",
      "----------------------------------------------------------------------------------------------\n",
      "| 0 | p4040_s  |  0.50E-2  |  0.10E-2  |            |            |0.00501244| 2.01499 |       |\n",
      "| 1 | p4415_p  |    1.0    |    9.1    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 2 | Dbar_p   |   -3.69   |    0.24   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 3 | omega_p  |   6.03    |   0.07    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 4 | rho_p    |   6.276   |   0.016   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 5 | phi_s    |   20.12   |   0.19    |            |            | 14.8182 | 23.5818 |       |\n",
      "| 6 | p4160_s  |   1.91    |   0.21    |            |            | 0.71676 | 3.68324 |       |\n",
      "| 7 | jpsi_p   |  -1.620   |   0.015   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 8 | bplus_2  |   -0.30   |    0.12   |            |            |   -2    |    2    |       |\n",
      "| 9 | p4040_p  |   0.08    |   0.31    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 10| DDstar_p |   -0.45   |    0.11   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 11| Ctt      |   -1.28   |    0.04   |            |            |  -1.5   |   1.5   |       |\n",
      "| 12| p4415_s  |   0.127   |   0.005   |            |            |0.126447 | 2.35355 |       |\n",
      "| 13| rho_s    |   2.037   |   0.013   |            |            |0.0253049| 2.0747  |       |\n",
      "| 14| omega_s  |   5.30    |   0.10    |            |            | 4.19232 | 9.40768 |       |\n",
      "| 15| Dbar_s   | -3.000E-1 |  0.003E-1 |            |            |  -0.3   |   0.3   |       |\n",
      "| 16| DDstar_s | 3.000E-1  | 0.003E-1  |            |            |  -0.3   |   0.3   |       |\n",
      "| 17| p4160_p  |    4.6    |    0.3    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 18| phi_p    |   0.82    |   0.08    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 19| p3770_p  |   4.00    |   0.09    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 20| p3770_s  |   3.40    |   0.05    |            |            |0.918861 | 4.08114 |       |\n",
      "| 21| bplus_0  |   0.474   |   0.010   |            |            |   -2    |    2    |       |\n",
      "| 22| bplus_1  |  -0.869   |   0.018   |            |            |   -2    |    2    |       |\n",
      "| 23| psi2s_p  |   1.94    |   0.05    |            |            |-6.28319 | 6.28319 |       |\n",
      "----------------------------------------------------------------------------------------------\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|          |  p4040_s  p4415_p   Dbar_p  omega_p    rho_p    phi_s  p4160_s   jpsi_p  bplus_2  p4040_p DDstar_p      Ctt  p4415_s    rho_s  omega_s   Dbar_s DDstar_s  p4160_p    phi_p  p3770_p  p3770_s  bplus_0  bplus_1  psi2s_p |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|  p4040_s |    1.000   -0.159   -0.150   -0.003   -0.001   -0.002   -0.154    0.085    0.157   -0.010   -0.102    0.087    0.143   -0.001   -0.002    0.022    0.035    0.158    0.010    0.135    0.016    0.155    0.155   -0.153 |\n",
      "|  p4415_p |   -0.159    1.000    0.943    0.016    0.009    0.016    0.970   -0.532   -0.985   -0.026    0.647   -0.555   -0.899    0.004    0.010   -0.138   -0.221   -0.991   -0.061   -0.847   -0.103   -0.975   -0.974    0.958 |\n",
      "|   Dbar_p |   -0.150    0.943    1.000    0.015    0.008    0.016    0.913   -0.465   -0.924   -0.024    0.581   -0.529   -0.848    0.004    0.010   -0.130   -0.208   -0.934   -0.057   -0.781   -0.092   -0.911   -0.910    0.906 |\n",
      "|  omega_p |   -0.003    0.016    0.015    1.000   -0.001    0.001    0.016   -0.011   -0.015   -0.000    0.010   -0.010   -0.015    0.000    0.016   -0.002   -0.004   -0.016   -0.007   -0.014   -0.002   -0.015   -0.015    0.016 |\n",
      "|    rho_p |   -0.001    0.009    0.008   -0.001    1.000    0.000    0.009   -0.006   -0.008   -0.000    0.006   -0.006   -0.008    0.000    0.002   -0.001   -0.002   -0.009   -0.005   -0.008   -0.001   -0.008   -0.008    0.009 |\n",
      "|    phi_s |   -0.002    0.016    0.016    0.001    0.000    1.000    0.015   -0.006   -0.019   -0.000    0.012   -0.005   -0.014   -0.000   -0.000   -0.002   -0.004   -0.016    0.068   -0.013   -0.002   -0.017   -0.017    0.015 |\n",
      "|  p4160_s |   -0.154    0.970    0.913    0.016    0.009    0.015    1.000   -0.517   -0.955   -0.025    0.623   -0.533   -0.872    0.004    0.010   -0.134   -0.214   -0.961   -0.059   -0.821   -0.098   -0.943   -0.942    0.928 |\n",
      "|   jpsi_p |    0.085   -0.532   -0.465   -0.011   -0.006   -0.006   -0.517    1.000    0.517    0.014   -0.267    0.331    0.478   -0.002   -0.004    0.074    0.118    0.530    0.026    0.452    0.066    0.509    0.509   -0.510 |\n",
      "|  bplus_2 |    0.157   -0.985   -0.924   -0.015   -0.008   -0.019   -0.955    0.517    1.000    0.025   -0.633    0.564    0.886   -0.004   -0.011    0.135    0.218    0.977    0.063    0.835    0.107    0.956    0.954   -0.943 |\n",
      "|  p4040_p |   -0.010   -0.026   -0.024   -0.000   -0.000   -0.000   -0.025    0.014    0.025    1.000   -0.017    0.015    0.023   -0.000   -0.000    0.004    0.006    0.026    0.002    0.022    0.003    0.025    0.025   -0.024 |\n",
      "| DDstar_p |   -0.102    0.647    0.581    0.010    0.006    0.012    0.623   -0.267   -0.633   -0.017    1.000   -0.345   -0.581    0.003    0.007   -0.090   -0.141   -0.632   -0.037   -0.521   -0.041   -0.611   -0.609    0.629 |\n",
      "|      Ctt |    0.087   -0.555   -0.529   -0.010   -0.006   -0.005   -0.533    0.331    0.564    0.015   -0.345    1.000    0.498   -0.002   -0.005    0.078    0.122    0.541    0.033    0.461    0.031    0.541    0.540   -0.531 |\n",
      "|  p4415_s |    0.143   -0.899   -0.848   -0.015   -0.008   -0.014   -0.872    0.478    0.886    0.023   -0.581    0.498    1.000   -0.004   -0.009    0.124    0.199    0.890    0.055    0.761    0.092    0.876    0.875   -0.861 |\n",
      "|    rho_s |   -0.001    0.004    0.004    0.000    0.000   -0.000    0.004   -0.002   -0.004   -0.000    0.003   -0.002   -0.004    1.000   -0.002   -0.001   -0.001   -0.004    0.001   -0.004   -0.001   -0.004   -0.004    0.004 |\n",
      "|  omega_s |   -0.002    0.010    0.010    0.016    0.002   -0.000    0.010   -0.004   -0.011   -0.000    0.007   -0.005   -0.009   -0.002    1.000   -0.001   -0.002   -0.010   -0.000   -0.008   -0.001   -0.010   -0.010    0.010 |\n",
      "|   Dbar_s |    0.022   -0.138   -0.130   -0.002   -0.001   -0.002   -0.134    0.074    0.135    0.004   -0.090    0.078    0.124   -0.001   -0.001    1.000    0.030    0.137    0.009    0.117    0.016    0.134    0.134   -0.131 |\n",
      "| DDstar_s |    0.035   -0.221   -0.208   -0.004   -0.002   -0.004   -0.214    0.118    0.218    0.006   -0.141    0.122    0.199   -0.001   -0.002    0.030    1.000    0.219    0.014    0.187    0.024    0.215    0.214   -0.211 |\n",
      "|  p4160_p |    0.158   -0.991   -0.934   -0.016   -0.009   -0.016   -0.961    0.530    0.977    0.026   -0.632    0.541    0.890   -0.004   -0.010    0.137    0.219    1.000    0.061    0.841    0.100    0.965    0.964   -0.950 |\n",
      "|    phi_p |    0.010   -0.061   -0.057   -0.007   -0.005    0.068   -0.059    0.026    0.063    0.002   -0.037    0.033    0.055    0.001   -0.000    0.009    0.014    0.061    1.000    0.052    0.007    0.061    0.061   -0.059 |\n",
      "|  p3770_p |    0.135   -0.847   -0.781   -0.014   -0.008   -0.013   -0.821    0.452    0.835    0.022   -0.521    0.461    0.761   -0.004   -0.008    0.117    0.187    0.841    0.052    1.000    0.071    0.824    0.823   -0.807 |\n",
      "|  p3770_s |    0.016   -0.103   -0.092   -0.002   -0.001   -0.002   -0.098    0.066    0.107    0.003   -0.041    0.031    0.092   -0.001   -0.001    0.016    0.024    0.100    0.007    0.071    1.000    0.105    0.105   -0.121 |\n",
      "|  bplus_0 |    0.155   -0.975   -0.911   -0.015   -0.008   -0.017   -0.943    0.509    0.956    0.025   -0.611    0.541    0.876   -0.004   -0.010    0.134    0.215    0.965    0.061    0.824    0.105    1.000    0.937   -0.930 |\n",
      "|  bplus_1 |    0.155   -0.974   -0.910   -0.015   -0.008   -0.017   -0.942    0.509    0.954    0.025   -0.609    0.540    0.875   -0.004   -0.010    0.134    0.214    0.964    0.061    0.823    0.105    0.937    1.000   -0.929 |\n",
      "|  psi2s_p |   -0.153    0.958    0.906    0.016    0.009    0.015    0.928   -0.510   -0.943   -0.024    0.629   -0.531   -0.861    0.004    0.010   -0.131   -0.211   -0.950   -0.059   -0.807   -0.121   -0.930   -0.929    1.000 |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "Hesse errors: OrderedDict([(<zfit.Parameter 'p4040_s' floating=True>, {'error': 0.001049103278606597}), (<zfit.Parameter 'p4415_p' floating=True>, {'error': 9.065476060221437}), (<zfit.Parameter 'Dbar_p' floating=True>, {'error': 0.23904771599466135}), (<zfit.Parameter 'omega_p' floating=True>, {'error': 0.06827869627454053}), (<zfit.Parameter 'rho_p' floating=True>, {'error': 0.015827150313900695}), (<zfit.Parameter 'phi_s' floating=True>, {'error': 0.18840957754613008}), (<zfit.Parameter 'p4160_s' floating=True>, {'error': 0.20706626321602928}), (<zfit.Parameter 'jpsi_p' floating=True>, {'error': 0.014992591639167774}), (<zfit.Parameter 'bplus_2' floating=True>, {'error': 0.11522056893035726}), (<zfit.Parameter 'p4040_p' floating=True>, {'error': 0.3054631491863229}), (<zfit.Parameter 'DDstar_p' floating=True>, {'error': 0.11161677494538802}), (<zfit.Parameter 'Ctt' floating=True>, {'error': 0.037534628456528774}), (<zfit.Parameter 'p4415_s' floating=True>, {'error': 0.005314140534944459}), (<zfit.Parameter 'rho_s' floating=True>, {'error': 0.013320079951504527}), (<zfit.Parameter 'omega_s' floating=True>, {'error': 0.09956034585776763}), (<zfit.Parameter 'Dbar_s' floating=True>, {'error': 0.0003230717807493344}), (<zfit.Parameter 'DDstar_s' floating=True>, {'error': 0.0003339314378788538}), (<zfit.Parameter 'p4160_p' floating=True>, {'error': 0.3400934008991472}), (<zfit.Parameter 'phi_p' floating=True>, {'error': 0.07627702049046636}), (<zfit.Parameter 'p3770_p' floating=True>, {'error': 0.09046847221389331}), (<zfit.Parameter 'p3770_s' floating=True>, {'error': 0.0535530277670353}), (<zfit.Parameter 'bplus_0' floating=True>, {'error': 0.010133833110520074}), (<zfit.Parameter 'bplus_1' floating=True>, {'error': 0.017793780388059344}), (<zfit.Parameter 'psi2s_p' floating=True>, {'error': 0.051076400378943454})])\n"
     ]
    },
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "Toy 24/50\n",
      "Time taken: 1 h, 18 min\n",
      "Projected time left: 1 h, 24 min\n",
      "Toy 24: Generating data...\n",
      "Directory  data/zfit_toys/toy_24  Created \n",
      "Toy 24: Data generation finished\n",
      "Toy 24: Loading data...\n",
      "Toy 24: Loading data finished\n",
      "Toy 24: Fitting pdf...\n",
      "------------------------------------------------------------------\n",
      "| FCN = 2.971E+05               |    Ncalls=1503 (1503 total)    |\n",
      "| EDM = 0.000162 (Goal: 5E-06)  |            up = 0.5            |\n",
      "------------------------------------------------------------------\n",
      "|  Valid Min.   | Valid Param.  | Above EDM | Reached call limit |\n",
      "------------------------------------------------------------------\n",
      "|     True      |     True      |   False   |       False        |\n",
      "------------------------------------------------------------------\n",
      "| Hesse failed  |   Has cov.    | Accurate  | Pos. def. | Forced |\n",
      "------------------------------------------------------------------\n",
      "|     False     |     True      |   False   |   False   |  True  |\n",
      "------------------------------------------------------------------\n",
      "Function minimum: 297145.20896892704\n",
      "----------------------------------------------------------------------------------------------\n",
      "|   | Name     |   Value   | Hesse Err | Minos Err- | Minos Err+ | Limit-  | Limit+  | Fixed |\n",
      "----------------------------------------------------------------------------------------------\n",
      "| 0 | p4040_s  |   1.28    |   0.16    |            |            |0.00501244| 2.01499 |       |\n",
      "| 1 | p4415_p  |   -2.07   |    0.15   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 2 | Dbar_p   |   5.06    |   0.26    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 3 | omega_p  |   -5.59   |    0.23   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 4 | rho_p    |   -0.5    |    0.5    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 5 | phi_s    |   17.3    |    1.0    |            |            | 14.8182 | 23.5818 |       |\n",
      "| 6 | p4160_s  |   2.15    |   0.16    |            |            | 0.71676 | 3.68324 |       |\n",
      "| 7 | jpsi_p   |  -1.619   |   0.023   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 8 | bplus_2  |   0.33    |   0.09    |            |            |   -2    |    2    |       |\n",
      "| 9 | p4040_p  |   -2.12   |    0.14   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 10| DDstar_p |   6.28    |   0.13    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 11| Ctt      |   -0.86   |    0.18   |            |            |  -1.5   |   1.5   |       |\n",
      "| 12| p4415_s  |   1.37    |   0.18    |            |            |0.126447 | 2.35355 |       |\n",
      "| 13| rho_s    |    0.7    |    0.4    |            |            |0.0253049| 2.0747  |       |\n",
      "| 14| omega_s  |     9     |     4     |            |            | 4.19232 | 9.40768 |       |\n",
      "| 15| Dbar_s   |   0.300   |   0.018   |            |            |  -0.3   |   0.3   |       |\n",
      "| 16| DDstar_s |   -0.17   |    0.12   |            |            |  -0.3   |   0.3   |       |\n",
      "| 17| p4160_p  |   -2.07   |    0.09   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 18| phi_p    |   5.91    |   0.19    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 19| p3770_p  |   3.75    |   0.09    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 20| p3770_s  |   3.65    |   0.21    |            |            |0.918861 | 4.08114 |       |\n",
      "| 21| bplus_0  |  -0.396   |   0.031   |            |            |   -2    |    2    |       |\n",
      "| 22| bplus_1  |   0.75    |   0.04    |            |            |   -2    |    2    |       |\n",
      "| 23| psi2s_p  |   1.901   |   0.029   |            |            |-6.28319 | 6.28319 |       |\n",
      "----------------------------------------------------------------------------------------------\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|          |  p4040_s  p4415_p   Dbar_p  omega_p    rho_p    phi_s  p4160_s   jpsi_p  bplus_2  p4040_p DDstar_p      Ctt  p4415_s    rho_s  omega_s   Dbar_s DDstar_s  p4160_p    phi_p  p3770_p  p3770_s  bplus_0  bplus_1  psi2s_p |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|  p4040_s |    1.000   -0.119   -0.041   -0.015    0.052   -0.009    0.162   -0.017   -0.097   -0.172   -0.023    0.262    0.166   -0.030   -0.001   -0.002   -0.207   -0.454    0.005   -0.134    0.076    0.048   -0.029   -0.029 |\n",
      "|  p4415_p |   -0.119    1.000   -0.055   -0.067    0.100    0.006   -0.144    0.027   -0.272    0.134   -0.008    0.060   -0.125   -0.122   -0.001    0.010   -0.229    0.249    0.002    0.010   -0.022    0.210   -0.130   -0.062 |\n",
      "|   Dbar_p |   -0.041   -0.055    1.000    0.029    0.004   -0.020   -0.024    0.186    0.011   -0.067   -0.032   -0.245    0.047    0.048   -0.001    0.016   -0.238   -0.044    0.005    0.221   -0.059   -0.073    0.026    0.003 |\n",
      "|  omega_p |   -0.015   -0.067    0.029    1.000   -0.123   -0.036   -0.008   -0.059    0.223   -0.001    0.029   -0.122    0.048    0.573    0.434    0.002    0.198   -0.026    0.010    0.035    0.031   -0.300    0.266   -0.004 |\n",
      "|    rho_p |    0.052    0.100    0.004   -0.123    1.000    0.106    0.052   -0.040   -0.363    0.006   -0.024    0.170   -0.036   -0.031    0.017   -0.000   -0.171    0.030    0.068   -0.041   -0.007    0.274   -0.271   -0.002 |\n",
      "|    phi_s |   -0.009    0.006   -0.020   -0.036    0.106    1.000   -0.015    0.030   -0.020   -0.005   -0.010    0.014   -0.019   -0.042    0.005   -0.001   -0.067    0.003    0.510   -0.014   -0.023    0.095   -0.081    0.000 |\n",
      "|  p4160_s |    0.162   -0.144   -0.024   -0.008    0.052   -0.015    1.000   -0.016   -0.099    0.249   -0.018    0.234    0.273   -0.018   -0.001   -0.002   -0.153   -0.152    0.005   -0.085    0.011    0.033   -0.034   -0.041 |\n",
      "|   jpsi_p |   -0.017    0.027    0.186   -0.059   -0.040    0.030   -0.016    1.000   -0.223   -0.073    0.036    0.271   -0.041   -0.096   -0.006    0.043   -0.105   -0.028   -0.029   -0.003   -0.066    0.217   -0.181   -0.039 |\n",
      "|  bplus_2 |   -0.097   -0.272    0.011    0.223   -0.363   -0.020   -0.099   -0.223    1.000    0.019    0.072   -0.675    0.146    0.411    0.002    0.004    0.499   -0.072   -0.011    0.086    0.097   -0.773    0.630    0.005 |\n",
      "|  p4040_p |   -0.172    0.134   -0.067   -0.001    0.006   -0.005    0.249   -0.073    0.019    1.000    0.033   -0.266   -0.006    0.000   -0.002    0.023    0.031    0.229    0.000    0.148   -0.057   -0.011    0.027   -0.188 |\n",
      "| DDstar_p |   -0.023   -0.008   -0.032    0.029   -0.024   -0.010   -0.018    0.036    0.072    0.033    1.000   -0.027   -0.004    0.051   -0.000   -0.001    0.138    0.036    0.001    0.051    0.038   -0.083    0.047    0.010 |\n",
      "|      Ctt |    0.262    0.060   -0.245   -0.122    0.170    0.014    0.234    0.271   -0.675   -0.266   -0.027    1.000    0.121   -0.229   -0.000    0.003   -0.186   -0.238   -0.003   -0.190   -0.169    0.455   -0.389    0.137 |\n",
      "|  p4415_s |    0.166   -0.125    0.047    0.048   -0.036   -0.019    0.273   -0.041    0.146   -0.006   -0.004    0.121    1.000    0.085   -0.001   -0.001   -0.014   -0.008    0.002   -0.068    0.016   -0.149    0.090    0.024 |\n",
      "|    rho_s |   -0.030   -0.122    0.048    0.573   -0.031   -0.042   -0.018   -0.096    0.411    0.000    0.051   -0.229    0.085    1.000    0.012    0.003    0.357   -0.045    0.011    0.063    0.054   -0.539    0.476   -0.004 |\n",
      "|  omega_s |   -0.001   -0.001   -0.001    0.434    0.017    0.005   -0.001   -0.006    0.002   -0.002   -0.000   -0.000   -0.001    0.012    1.000    0.000   -0.003   -0.001   -0.017   -0.002   -0.003    0.003   -0.002   -0.002 |\n",
      "|   Dbar_s |   -0.002    0.010    0.016    0.002   -0.000   -0.001   -0.002    0.043    0.004    0.023   -0.001    0.003   -0.001    0.003    0.000    1.000    0.006    0.025    0.001    0.037    0.028   -0.006    0.002    0.027 |\n",
      "| DDstar_s |   -0.207   -0.229   -0.238    0.198   -0.171   -0.067   -0.153   -0.105    0.499    0.031    0.138   -0.186   -0.014    0.357   -0.003    0.006    1.000   -0.018    0.004    0.194    0.093   -0.579    0.334   -0.117 |\n",
      "|  p4160_p |   -0.454    0.249   -0.044   -0.026    0.030    0.003   -0.152   -0.028   -0.072    0.229    0.036   -0.238   -0.008   -0.045   -0.001    0.025   -0.018    1.000   -0.001    0.133   -0.024    0.070   -0.030   -0.125 |\n",
      "|    phi_p |    0.005    0.002    0.005    0.010    0.068    0.510    0.005   -0.029   -0.011    0.000    0.001   -0.003    0.002    0.011   -0.017    0.001    0.004   -0.001    1.000   -0.004    0.003   -0.012    0.007   -0.002 |\n",
      "|  p3770_p |   -0.134    0.010    0.221    0.035   -0.041   -0.014   -0.085   -0.003    0.086    0.148    0.051   -0.190   -0.068    0.063   -0.002    0.037    0.194    0.133   -0.004    1.000   -0.233   -0.095    0.028   -0.009 |\n",
      "|  p3770_s |    0.076   -0.022   -0.059    0.031   -0.007   -0.023    0.011   -0.066    0.097   -0.057    0.038   -0.169    0.016    0.054   -0.003    0.028    0.093   -0.024    0.003   -0.233    1.000   -0.104    0.068   -0.413 |\n",
      "|  bplus_0 |    0.048    0.210   -0.073   -0.300    0.274    0.095    0.033    0.217   -0.773   -0.011   -0.083    0.455   -0.149   -0.539    0.003   -0.006   -0.579    0.070   -0.012   -0.095   -0.104    1.000   -0.932    0.002 |\n",
      "|  bplus_1 |   -0.029   -0.130    0.026    0.266   -0.271   -0.081   -0.034   -0.181    0.630    0.027    0.047   -0.389    0.090    0.476   -0.002    0.002    0.334   -0.030    0.007    0.028    0.068   -0.932    1.000    0.018 |\n",
      "|  psi2s_p |   -0.029   -0.062    0.003   -0.004   -0.002    0.000   -0.041   -0.039    0.005   -0.188    0.010    0.137    0.024   -0.004   -0.002    0.027   -0.117   -0.125   -0.002   -0.009   -0.413    0.002    0.018    1.000 |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "Hesse errors: OrderedDict([(<zfit.Parameter 'p4040_s' floating=True>, {'error': 0.15666665998709572}), (<zfit.Parameter 'p4415_p' floating=True>, {'error': 0.1505344574077654}), (<zfit.Parameter 'Dbar_p' floating=True>, {'error': 0.2560712866304016}), (<zfit.Parameter 'omega_p' floating=True>, {'error': 0.22854015635690272}), (<zfit.Parameter 'rho_p' floating=True>, {'error': 0.540105650914223}), (<zfit.Parameter 'phi_s' floating=True>, {'error': 0.9844708726916949}), (<zfit.Parameter 'p4160_s' floating=True>, {'error': 0.16015258128091991}), (<zfit.Parameter 'jpsi_p' floating=True>, {'error': 0.023284035162606465}), (<zfit.Parameter 'bplus_2' floating=True>, {'error': 0.09226387381246726}), (<zfit.Parameter 'p4040_p' floating=True>, {'error': 0.1370126642800309}), (<zfit.Parameter 'DDstar_p' floating=True>, {'error': 0.13363603224638076}), (<zfit.Parameter 'Ctt' floating=True>, {'error': 0.1828254261099599}), (<zfit.Parameter 'p4415_s' floating=True>, {'error': 0.17985816941362487}), (<zfit.Parameter 'rho_s' floating=True>, {'error': 0.3836162257340136}), (<zfit.Parameter 'omega_s' floating=True>, {'error': 3.6037116963844467}), (<zfit.Parameter 'Dbar_s' floating=True>, {'error': 0.017887380932409935}), (<zfit.Parameter 'DDstar_s' floating=True>, {'error': 0.11675276942288665}), (<zfit.Parameter 'p4160_p' floating=True>, {'error': 0.09183537214652437}), (<zfit.Parameter 'phi_p' floating=True>, {'error': 0.1931174857274387}), (<zfit.Parameter 'p3770_p' floating=True>, {'error': 0.08597623093529894}), (<zfit.Parameter 'p3770_s' floating=True>, {'error': 0.21127364228533407}), (<zfit.Parameter 'bplus_0' floating=True>, {'error': 0.03141219527495642}), (<zfit.Parameter 'bplus_1' floating=True>, {'error': 0.0441355341884877}), (<zfit.Parameter 'psi2s_p' floating=True>, {'error': 0.029313926507510857})])\n"
     ]
    },
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "Toy 25/50\n",
      "Time taken: 1 h, 24 min\n",
      "Projected time left: 1 h, 23 min\n",
      "Toy 25: Generating data...\n",
      "Directory  data/zfit_toys/toy_25  Created \n",
      "Toy 25: Data generation finished\n",
      "Toy 25: Loading data...\n",
      "Toy 25: Loading data finished\n",
      "Toy 25: Fitting pdf...\n",
      "------------------------------------------------------------------\n",
      "| FCN = 2.971E+05               |    Ncalls=1308 (1308 total)    |\n",
      "| EDM = 0.000487 (Goal: 5E-06)  |            up = 0.5            |\n",
      "------------------------------------------------------------------\n",
      "|  Valid Min.   | Valid Param.  | Above EDM | Reached call limit |\n",
      "------------------------------------------------------------------\n",
      "|     True      |     True      |   False   |       False        |\n",
      "------------------------------------------------------------------\n",
      "| Hesse failed  |   Has cov.    | Accurate  | Pos. def. | Forced |\n",
      "------------------------------------------------------------------\n",
      "|     False     |     True      |   True    |   True    | False  |\n",
      "------------------------------------------------------------------\n",
      "Function minimum: 297054.61647233367\n",
      "----------------------------------------------------------------------------------------------\n",
      "|   | Name     |   Value   | Hesse Err | Minos Err- | Minos Err+ | Limit-  | Limit+  | Fixed |\n",
      "----------------------------------------------------------------------------------------------\n",
      "| 0 | p4040_s  |   1.25    |   0.17    |            |            |0.00501244| 2.01499 |       |\n",
      "| 1 | p4415_p  |   3.86    |   0.22    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 2 | Dbar_p   |   -5.3    |    0.8    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 3 | omega_p  |   0.17    |   0.33    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 4 | rho_p    |   0.04    |   0.21    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 5 | phi_s    |   18.9    |    1.1    |            |            | 14.8182 | 23.5818 |       |\n",
      "| 6 | p4160_s  |   2.38    |   0.17    |            |            | 0.71676 | 3.68324 |       |\n",
      "| 7 | jpsi_p   |   1.55    |   0.03    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 8 | bplus_2  |   0.09    |   0.09    |            |            |   -2    |    2    |       |\n",
      "| 9 | p4040_p  |   -2.72   |    0.17   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 10| DDstar_p |   -3.1    |    0.7    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 11| Ctt      |   0.07    |   0.24    |            |            |  -1.5   |   1.5   |       |\n",
      "| 12| p4415_s  |   1.07    |   0.19    |            |            |0.126447 | 2.35355 |       |\n",
      "| 13| rho_s    |    1.8    |    0.3    |            |            |0.0253049| 2.0747  |       |\n",
      "| 14| omega_s  |    7.1    |    1.3    |            |            | 4.19232 | 9.40768 |       |\n",
      "| 15| Dbar_s   |   -0.30   |    0.38   |            |            |  -0.3   |   0.3   |       |\n",
      "| 16| DDstar_s |   0.30    |   0.05    |            |            |  -0.3   |   0.3   |       |\n",
      "| 17| p4160_p  |   3.84    |   0.12    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 18| phi_p    |   -0.27   |    0.23   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 19| p3770_p  |   -3.03   |    0.12   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 20| p3770_s  |   2.53    |   0.25    |            |            |0.918861 | 4.08114 |       |\n",
      "| 21| bplus_0  |   -0.49   |    0.03   |            |            |   -2    |    2    |       |\n",
      "| 22| bplus_1  |   1.00    |   0.07    |            |            |   -2    |    2    |       |\n",
      "| 23| psi2s_p  |   1.80    |   0.03    |            |            |-6.28319 | 6.28319 |       |\n",
      "----------------------------------------------------------------------------------------------\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|          |  p4040_s  p4415_p   Dbar_p  omega_p    rho_p    phi_s  p4160_s   jpsi_p  bplus_2  p4040_p DDstar_p      Ctt  p4415_s    rho_s  omega_s   Dbar_s DDstar_s  p4160_p    phi_p  p3770_p  p3770_s  bplus_0  bplus_1  psi2s_p |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|  p4040_s |    1.000   -0.166    0.012    0.002    0.028   -0.018    0.101    0.038   -0.010   -0.141   -0.075    0.206    0.175    0.031   -0.005   -0.072   -0.033   -0.357    0.009   -0.040    0.151   -0.062   -0.000    0.047 |\n",
      "|  p4415_p |   -0.166    1.000   -0.049    0.013    0.044   -0.003   -0.141    0.298   -0.171    0.337   -0.326   -0.056   -0.184   -0.009    0.019   -0.036   -0.039    0.492    0.006    0.164    0.136    0.033    0.074    0.092 |\n",
      "|   Dbar_p |    0.012   -0.049    1.000   -0.017   -0.010   -0.035   -0.011    0.118    0.100   -0.171   -0.655   -0.679    0.095    0.079   -0.043    0.375   -0.109    0.038    0.008    0.228   -0.319   -0.143   -0.138   -0.201 |\n",
      "|  omega_p |    0.002    0.013   -0.017    1.000    0.166    0.042    0.006   -0.009   -0.052    0.011    0.001    0.023   -0.008   -0.028    0.695   -0.011   -0.004    0.009    0.006   -0.000    0.011    0.067   -0.059    0.005 |\n",
      "|    rho_p |    0.028    0.044   -0.010    0.166    1.000    0.124    0.045   -0.020   -0.282    0.018    0.008    0.093   -0.010    0.246    0.410   -0.013   -0.009    0.010    0.111    0.006    0.027    0.158   -0.154    0.008 |\n",
      "|    phi_s |   -0.018   -0.003   -0.035    0.042    0.124    1.000   -0.023   -0.013    0.079    0.009    0.002   -0.014   -0.013    0.041    0.058   -0.018   -0.001    0.013    0.633   -0.005    0.004    0.083   -0.071    0.006 |\n",
      "|  p4160_s |    0.101   -0.141   -0.011    0.006    0.045   -0.023    1.000    0.023   -0.055    0.306   -0.074    0.177    0.309    0.031    0.000   -0.056   -0.021   -0.085    0.010    0.010    0.074   -0.050   -0.002    0.010 |\n",
      "|   jpsi_p |    0.038    0.298    0.118   -0.009   -0.020   -0.013    0.023    1.000    0.148    0.322   -0.577   -0.324   -0.061   -0.003   -0.016    0.167   -0.056    0.461   -0.004    0.173    0.229   -0.048    0.051    0.213 |\n",
      "|  bplus_2 |   -0.010   -0.171    0.100   -0.052   -0.282    0.079   -0.055    0.148    1.000   -0.048   -0.048   -0.529    0.143   -0.070   -0.061    0.125    0.047   -0.054   -0.032   -0.040   -0.012   -0.044   -0.134   -0.068 |\n",
      "|  p4040_p |   -0.141    0.337   -0.171    0.011    0.018    0.009    0.306    0.322   -0.048    1.000   -0.260   -0.085   -0.031   -0.031    0.020    0.001    0.002    0.432    0.001    0.203    0.127    0.062    0.056    0.044 |\n",
      "| DDstar_p |   -0.075   -0.326   -0.655    0.001    0.008    0.002   -0.074   -0.577   -0.048   -0.260    1.000    0.520   -0.007   -0.022    0.011   -0.165    0.129   -0.499   -0.010   -0.297   -0.022    0.041    0.039   -0.118 |\n",
      "|      Ctt |    0.206   -0.056   -0.679    0.023    0.093   -0.014    0.177   -0.324   -0.529   -0.085    0.520    1.000    0.096   -0.019    0.037   -0.330    0.067   -0.276    0.002   -0.210    0.129    0.089    0.118    0.292 |\n",
      "|  p4415_s |    0.175   -0.184    0.095   -0.008   -0.010   -0.013    0.309   -0.061    0.143   -0.031   -0.007    0.096    1.000    0.032   -0.018    0.027   -0.012   -0.081    0.004   -0.042   -0.012   -0.075   -0.062    0.000 |\n",
      "|    rho_s |    0.031   -0.009    0.079   -0.028    0.246    0.041    0.031   -0.003   -0.070   -0.031   -0.022   -0.019    0.032    1.000   -0.186    0.048    0.007   -0.032    0.064   -0.006   -0.026   -0.205    0.160   -0.019 |\n",
      "|  omega_s |   -0.005    0.019   -0.043    0.695    0.410    0.058    0.000   -0.016   -0.061    0.020    0.011    0.037   -0.018   -0.186    1.000   -0.027   -0.006    0.017   -0.013    0.000    0.020    0.155   -0.135    0.010 |\n",
      "|   Dbar_s |   -0.072   -0.036    0.375   -0.011   -0.013   -0.018   -0.056    0.167    0.125    0.001   -0.165   -0.330    0.027    0.048   -0.027    1.000   -0.043    0.093    0.007    0.306   -0.061   -0.099   -0.083   -0.023 |\n",
      "| DDstar_s |   -0.033   -0.039   -0.109   -0.004   -0.009   -0.001   -0.021   -0.056    0.047    0.002    0.129    0.067   -0.012    0.007   -0.006   -0.043    1.000   -0.023   -0.001    0.007    0.030   -0.018   -0.017   -0.005 |\n",
      "|  p4160_p |   -0.357    0.492    0.038    0.009    0.010    0.013   -0.085    0.461   -0.054    0.432   -0.499   -0.276   -0.081   -0.032    0.017    0.093   -0.023    1.000    0.001    0.266    0.130    0.071    0.038    0.104 |\n",
      "|    phi_p |    0.009    0.006    0.008    0.006    0.111    0.633    0.010   -0.004   -0.032    0.001   -0.010    0.002    0.004    0.064   -0.013    0.007   -0.001    0.001    1.000   -0.003    0.002   -0.028    0.021   -0.000 |\n",
      "|  p3770_p |   -0.040    0.164    0.228   -0.000    0.006   -0.005    0.010    0.173   -0.040    0.203   -0.297   -0.210   -0.042   -0.006    0.000    0.306    0.007    0.266   -0.003    1.000   -0.227    0.043   -0.070    0.047 |\n",
      "|  p3770_s |    0.151    0.136   -0.319    0.011    0.027    0.004    0.074    0.229   -0.012    0.127   -0.022    0.129   -0.012   -0.026    0.020   -0.061    0.030    0.130    0.002   -0.227    1.000    0.053    0.040   -0.109 |\n",
      "|  bplus_0 |   -0.062    0.033   -0.143    0.067    0.158    0.083   -0.050   -0.048   -0.044    0.062    0.041    0.089   -0.075   -0.205    0.155   -0.099   -0.018    0.071   -0.028    0.043    0.053    1.000   -0.921    0.040 |\n",
      "|  bplus_1 |   -0.000    0.074   -0.138   -0.059   -0.154   -0.071   -0.002    0.051   -0.134    0.056    0.039    0.118   -0.062    0.160   -0.135   -0.083   -0.017    0.038    0.021   -0.070    0.040   -0.921    1.000    0.037 |\n",
      "|  psi2s_p |    0.047    0.092   -0.201    0.005    0.008    0.006    0.010    0.213   -0.068    0.044   -0.118    0.292    0.000   -0.019    0.010   -0.023   -0.005    0.104   -0.000    0.047   -0.109    0.040    0.037    1.000 |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "Hesse errors: OrderedDict([(<zfit.Parameter 'p4040_s' floating=True>, {'error': 0.16771738142309323}), (<zfit.Parameter 'p4415_p' floating=True>, {'error': 0.21999302579139535}), (<zfit.Parameter 'Dbar_p' floating=True>, {'error': 0.7672931731968915}), (<zfit.Parameter 'omega_p' floating=True>, {'error': 0.32663754373975884}), (<zfit.Parameter 'rho_p' floating=True>, {'error': 0.20917894511480783}), (<zfit.Parameter 'phi_s' floating=True>, {'error': 1.0837203788296392}), (<zfit.Parameter 'p4160_s' floating=True>, {'error': 0.1675360023923398}), (<zfit.Parameter 'jpsi_p' floating=True>, {'error': 0.031780195864382854}), (<zfit.Parameter 'bplus_2' floating=True>, {'error': 0.08918044702776995}), (<zfit.Parameter 'p4040_p' floating=True>, {'error': 0.16952170077749917}), (<zfit.Parameter 'DDstar_p' floating=True>, {'error': 0.6793802527947768}), (<zfit.Parameter 'Ctt' floating=True>, {'error': 0.23574487131360178}), (<zfit.Parameter 'p4415_s' floating=True>, {'error': 0.19128648201890341}), (<zfit.Parameter 'rho_s' floating=True>, {'error': 0.31822746644232347}), (<zfit.Parameter 'omega_s' floating=True>, {'error': 1.3007859079244644}), (<zfit.Parameter 'Dbar_s' floating=True>, {'error': 0.3791453540363033}), (<zfit.Parameter 'DDstar_s' floating=True>, {'error': 0.04940775505280437}), (<zfit.Parameter 'p4160_p' floating=True>, {'error': 0.11855960362161255}), (<zfit.Parameter 'phi_p' floating=True>, {'error': 0.22500003191195717}), (<zfit.Parameter 'p3770_p' floating=True>, {'error': 0.11527903394876415}), (<zfit.Parameter 'p3770_s' floating=True>, {'error': 0.2516484317194796}), (<zfit.Parameter 'bplus_0' floating=True>, {'error': 0.033028548537061386}), (<zfit.Parameter 'bplus_1' floating=True>, {'error': 0.06646685652717887}), (<zfit.Parameter 'psi2s_p' floating=True>, {'error': 0.03464938768994408})])\n"
     ]
    },
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "Toy 26/50\n",
      "Time taken: 1 h, 29 min\n",
      "Projected time left: 1 h, 22 min\n",
      "Toy 26: Generating data...\n",
      "Directory  data/zfit_toys/toy_26  Created \n",
      "Toy 26: Data generation finished\n",
      "Toy 26: Loading data...\n",
      "Toy 26: Loading data finished\n",
      "Toy 26: Fitting pdf...\n",
      "------------------------------------------------------------------\n",
      "| FCN = 2.989E+05               |     Ncalls=517 (528 total)     |\n",
      "| EDM = 4.33E+08 (Goal: 5E-06)  |            up = 0.5            |\n",
      "------------------------------------------------------------------\n",
      "|  Valid Min.   | Valid Param.  | Above EDM | Reached call limit |\n",
      "------------------------------------------------------------------\n",
      "|     False     |     True      |   True    |       False        |\n",
      "------------------------------------------------------------------\n",
      "| Hesse failed  |   Has cov.    | Accurate  | Pos. def. | Forced |\n",
      "------------------------------------------------------------------\n",
      "|     False     |     True      |   False   |   False   |  True  |\n",
      "------------------------------------------------------------------\n",
      "Function minimum: 298934.9775567229\n",
      "----------------------------------------------------------------------------------------------\n",
      "|   | Name     |   Value   | Hesse Err | Minos Err- | Minos Err+ | Limit-  | Limit+  | Fixed |\n",
      "----------------------------------------------------------------------------------------------\n",
      "| 0 | p4040_s  | 2.864E-1  | 0.005E-1  |            |            |0.00501244| 2.01499 |       |\n",
      "| 1 | p4415_p  |  -0.197   |   0.009   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 2 | Dbar_p   |   3.76    |   0.04    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 3 | omega_p  |   1.022   |   0.004   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 4 | rho_p    |   0.060   |   0.004   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 5 | phi_s    |  2.229E1  |  0.000E1  |            |            | 14.8182 | 23.5818 |       |\n",
      "| 6 | p4160_s  |   1.979   |   0.001   |            |            | 0.71676 | 3.68324 |       |\n",
      "| 7 | jpsi_p   |  -1.267   |   0.012   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 8 | bplus_2  |   1.153   |   0.001   |            |            |   -2    |    2    |       |\n",
      "| 9 | p4040_p  |   0.485   |   0.005   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 10| DDstar_p |   -2.59   |    0.04   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 11| Ctt      |  -1.375   |   0.001   |            |            |  -1.5   |   1.5   |       |\n",
      "| 12| p4415_s  |   2.026   |   0.001   |            |            |0.126447 | 2.35355 |       |\n",
      "| 13| rho_s    |   1.013   |   0.001   |            |            |0.0253049| 2.0747  |       |\n",
      "| 14| omega_s  |  0.864E1  |  0.000E1  |            |            | 4.19232 | 9.40768 |       |\n",
      "| 15| Dbar_s   | -3.000E-1 |  0.000E-1 |            |            |  -0.3   |   0.3   |       |\n",
      "| 16| DDstar_s | -2.995E-1 |  0.000E-1 |            |            |  -0.3   |   0.3   |       |\n",
      "| 17| p4160_p  |  -0.540   |   0.012   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 18| phi_p    |  -0.450   |   0.004   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 19| p3770_p  |   5.19    |   0.03    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 20| p3770_s  |  0.388E1  |  0.000E1  |            |            |0.918861 | 4.08114 |       |\n",
      "| 21| bplus_0  |  -1.130   |   0.005   |            |            |   -2    |    2    |       |\n",
      "| 22| bplus_1  |   1.995   |   0.000   |            |            |   -2    |    2    |       |\n",
      "| 23| psi2s_p  |    0.6    |    7.9    |            |            |-6.28319 | 6.28319 |       |\n",
      "----------------------------------------------------------------------------------------------\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|          |  p4040_s  p4415_p   Dbar_p  omega_p    rho_p    phi_s  p4160_s   jpsi_p  bplus_2  p4040_p DDstar_p      Ctt  p4415_s    rho_s  omega_s   Dbar_s DDstar_s  p4160_p    phi_p  p3770_p  p3770_s  bplus_0  bplus_1  psi2s_p |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|  p4040_s |    1.000    0.113    0.129   -0.020   -0.031    0.000    0.006   -0.128    0.060    0.047    0.129   -0.112    0.005    0.004   -0.000   -0.002   -0.005    0.122   -0.014    0.130    0.054    0.128    0.047   -0.130 |\n",
      "|  p4415_p |    0.113    1.000    0.869   -0.136   -0.210    0.002    0.038   -0.858    0.404    0.320    0.868   -0.750    0.035    0.027   -0.003   -0.012   -0.035    0.823   -0.097    0.870    0.361    0.861    0.317   -0.873 |\n",
      "|   Dbar_p |    0.129    0.869    1.000   -0.156   -0.239    0.002    0.043   -0.980    0.461    0.365    0.990   -0.857    0.040    0.031   -0.003   -0.013   -0.040    0.939   -0.111    0.993    0.412    0.983    0.362   -0.996 |\n",
      "|  omega_p |   -0.020   -0.136   -0.156    1.000    0.037   -0.000   -0.007    0.154   -0.072   -0.057   -0.155    0.134   -0.006   -0.005    0.000    0.002    0.006   -0.147    0.017   -0.156   -0.065   -0.154   -0.057    0.156 |\n",
      "|    rho_p |   -0.031   -0.210   -0.239    0.037    1.000   -0.000   -0.010    0.236   -0.111   -0.088   -0.239    0.207   -0.010   -0.008    0.001    0.003    0.010   -0.227    0.027   -0.240   -0.099   -0.237   -0.087    0.240 |\n",
      "|    phi_s |    0.000    0.002    0.002   -0.000   -0.000    1.000    0.000   -0.002    0.001    0.001    0.002   -0.002    0.000    0.000   -0.000   -0.000   -0.000    0.002   -0.000    0.002    0.001    0.002    0.001   -0.002 |\n",
      "|  p4160_s |    0.006    0.038    0.043   -0.007   -0.010    0.000    1.000   -0.043    0.020    0.016    0.043   -0.037    0.002    0.001   -0.000   -0.001   -0.002    0.041   -0.005    0.043    0.018    0.043    0.016   -0.044 |\n",
      "|   jpsi_p |   -0.128   -0.858   -0.980    0.154    0.236   -0.002   -0.043    1.000   -0.455   -0.361   -0.978    0.846   -0.039   -0.031    0.003    0.013    0.040   -0.928    0.109   -0.981   -0.407   -0.971   -0.357    0.984 |\n",
      "|  bplus_2 |    0.060    0.404    0.461   -0.072   -0.111    0.001    0.020   -0.455    1.000    0.170    0.460   -0.398    0.018    0.015   -0.001   -0.006   -0.019    0.437   -0.052    0.462    0.191    0.457    0.168   -0.463 |\n",
      "|  p4040_p |    0.047    0.320    0.365   -0.057   -0.088    0.001    0.016   -0.361    0.170    1.000    0.365   -0.315    0.015    0.012   -0.001   -0.005   -0.015    0.346   -0.041    0.366    0.152    0.362    0.133   -0.367 |\n",
      "| DDstar_p |    0.129    0.868    0.990   -0.155   -0.239    0.002    0.043   -0.978    0.460    0.365    1.000   -0.855    0.040    0.031   -0.003   -0.013   -0.040    0.938   -0.111    0.992    0.411    0.981    0.361   -0.994 |\n",
      "|      Ctt |   -0.112   -0.750   -0.857    0.134    0.207   -0.002   -0.037    0.846   -0.398   -0.315   -0.855    1.000   -0.034   -0.027    0.003    0.012    0.035   -0.811    0.096   -0.858   -0.356   -0.849   -0.312    0.860 |\n",
      "|  p4415_s |    0.005    0.035    0.040   -0.006   -0.010    0.000    0.002   -0.039    0.018    0.015    0.040   -0.034    1.000    0.001   -0.000   -0.001   -0.002    0.038   -0.004    0.040    0.017    0.039    0.014   -0.040 |\n",
      "|    rho_s |    0.004    0.027    0.031   -0.005   -0.008    0.000    0.001   -0.031    0.015    0.012    0.031   -0.027    0.001    1.000   -0.000   -0.000   -0.001    0.030   -0.003    0.031    0.013    0.031    0.011   -0.031 |\n",
      "|  omega_s |   -0.000   -0.003   -0.003    0.000    0.001   -0.000   -0.000    0.003   -0.001   -0.001   -0.003    0.003   -0.000   -0.000    1.000    0.000    0.000   -0.003    0.000   -0.003   -0.001   -0.003   -0.001    0.003 |\n",
      "|   Dbar_s |   -0.002   -0.012   -0.013    0.002    0.003   -0.000   -0.001    0.013   -0.006   -0.005   -0.013    0.012   -0.001   -0.000    0.000    1.000    0.001   -0.013    0.002   -0.013   -0.006   -0.013   -0.005    0.014 |\n",
      "| DDstar_s |   -0.005   -0.035   -0.040    0.006    0.010   -0.000   -0.002    0.040   -0.019   -0.015   -0.040    0.035   -0.002   -0.001    0.000    0.001    1.000   -0.038    0.004   -0.040   -0.017   -0.040   -0.015    0.040 |\n",
      "|  p4160_p |    0.122    0.823    0.939   -0.147   -0.227    0.002    0.041   -0.928    0.437    0.346    0.938   -0.811    0.038    0.030   -0.003   -0.013   -0.038    1.000   -0.105    0.941    0.390    0.931    0.343   -0.943 |\n",
      "|    phi_p |   -0.014   -0.097   -0.111    0.017    0.027   -0.000   -0.005    0.109   -0.052   -0.041   -0.111    0.096   -0.004   -0.003    0.000    0.002    0.004   -0.105    1.000   -0.111   -0.046   -0.110   -0.040    0.111 |\n",
      "|  p3770_p |    0.130    0.870    0.993   -0.156   -0.240    0.002    0.043   -0.981    0.462    0.366    0.992   -0.858    0.040    0.031   -0.003   -0.013   -0.040    0.941   -0.111    1.000    0.413    0.984    0.362   -0.998 |\n",
      "|  p3770_s |    0.054    0.361    0.412   -0.065   -0.099    0.001    0.018   -0.407    0.191    0.152    0.411   -0.356    0.017    0.013   -0.001   -0.006   -0.017    0.390   -0.046    0.413    1.000    0.408    0.150   -0.414 |\n",
      "|  bplus_0 |    0.128    0.861    0.983   -0.154   -0.237    0.002    0.043   -0.971    0.457    0.362    0.981   -0.849    0.039    0.031   -0.003   -0.013   -0.040    0.931   -0.110    0.984    0.408    1.000    0.358   -0.987 |\n",
      "|  bplus_1 |    0.047    0.317    0.362   -0.057   -0.087    0.001    0.016   -0.357    0.168    0.133    0.361   -0.312    0.014    0.011   -0.001   -0.005   -0.015    0.343   -0.040    0.362    0.150    0.358    1.000   -0.363 |\n",
      "|  psi2s_p |   -0.130   -0.873   -0.996    0.156    0.240   -0.002   -0.044    0.984   -0.463   -0.367   -0.994    0.860   -0.040   -0.031    0.003    0.014    0.040   -0.943    0.111   -0.998   -0.414   -0.987   -0.363    1.000 |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "Hesse errors: OrderedDict([(<zfit.Parameter 'p4040_s' floating=True>, {'error': 0.0004990884235211157}), (<zfit.Parameter 'p4415_p' floating=True>, {'error': 0.008555934941964605}), (<zfit.Parameter 'Dbar_p' floating=True>, {'error': 0.03739827590720424}), (<zfit.Parameter 'omega_p' floating=True>, {'error': 0.004335413852628367}), (<zfit.Parameter 'rho_p' floating=True>, {'error': 0.0044924111693003255}), (<zfit.Parameter 'phi_s' floating=True>, {'error': 0.002205779922098472}), (<zfit.Parameter 'p4160_s' floating=True>, {'error': 0.0010403889489063456}), (<zfit.Parameter 'jpsi_p' floating=True>, {'error': 0.011658089500610203}), (<zfit.Parameter 'bplus_2' floating=True>, {'error': 0.0012983039987082279}), (<zfit.Parameter 'p4040_p' floating=True>, {'error': 0.004774437241720886}), (<zfit.Parameter 'DDstar_p' floating=True>, {'error': 0.03590115852662956}), (<zfit.Parameter 'Ctt' floating=True>, {'error': 0.0008308262164724578}), (<zfit.Parameter 'p4415_s' floating=True>, {'error': 0.0005602318415793839}), (<zfit.Parameter 'rho_s' floating=True>, {'error': 0.0007270825749594589}), (<zfit.Parameter 'omega_s' floating=True>, {'error': 0.001310550952155154}), (<zfit.Parameter 'Dbar_s' floating=True>, {'error': 3.713610617406271e-06}), (<zfit.Parameter 'DDstar_s' floating=True>, {'error': 1.2801710511434194e-05}), (<zfit.Parameter 'p4160_p' floating=True>, {'error': 0.011777452964336632}), (<zfit.Parameter 'phi_p' floating=True>, {'error': 0.0043909674640447705}), (<zfit.Parameter 'p3770_p' floating=True>, {'error': 0.03477900403789569}), (<zfit.Parameter 'p3770_s' floating=True>, {'error': 0.0006012953893113071}), (<zfit.Parameter 'bplus_0' floating=True>, {'error': 0.005078134619127983}), (<zfit.Parameter 'bplus_1' floating=True>, {'error': 0.00010500183182360345}), (<zfit.Parameter 'psi2s_p' floating=True>, {'error': 7.8811611225658975})])\n"
     ]
    },
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "Toy 27/50\n",
      "Time taken: 1 h, 34 min\n",
      "Projected time left: 1 h, 20 min\n",
      "Toy 27: Generating data...\n",
      "Directory  data/zfit_toys/toy_27  Created \n",
      "Toy 27: Data generation finished\n",
      "Toy 27: Loading data...\n",
      "Toy 27: Loading data finished\n",
      "Toy 27: Fitting pdf...\n",
      "------------------------------------------------------------------\n",
      "| FCN = 2.971E+05               |    Ncalls=1375 (1375 total)    |\n",
      "| EDM = 1.74E-05 (Goal: 5E-06)  |            up = 0.5            |\n",
      "------------------------------------------------------------------\n",
      "|  Valid Min.   | Valid Param.  | Above EDM | Reached call limit |\n",
      "------------------------------------------------------------------\n",
      "|     True      |     True      |   False   |       False        |\n",
      "------------------------------------------------------------------\n",
      "| Hesse failed  |   Has cov.    | Accurate  | Pos. def. | Forced |\n",
      "------------------------------------------------------------------\n",
      "|     False     |     True      |   True    |   True    | False  |\n",
      "------------------------------------------------------------------\n",
      "Function minimum: 297065.5755823503\n",
      "----------------------------------------------------------------------------------------------\n",
      "|   | Name     |   Value   | Hesse Err | Minos Err- | Minos Err+ | Limit-  | Limit+  | Fixed |\n",
      "----------------------------------------------------------------------------------------------\n",
      "| 0 | p4040_s  |   1.06    |   0.17    |            |            |0.00501244| 2.01499 |       |\n",
      "| 1 | p4415_p  |   -1.87   |    0.16   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 2 | Dbar_p   |   -1.20   |    0.29   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 3 | omega_p  |   -5.42   |    0.25   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 4 | rho_p    |   -0.9    |    0.7    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 5 | phi_s    |   17.6    |    2.5    |            |            | 14.8182 | 23.5818 |       |\n",
      "| 6 | p4160_s  |   2.23    |   0.16    |            |            | 0.71676 | 3.68324 |       |\n",
      "| 7 | jpsi_p   |   4.663   |   0.026   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 8 | bplus_2  |   -0.23   |    0.09   |            |            |   -2    |    2    |       |\n",
      "| 9 | p4040_p  |   3.94    |   0.17    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 10| DDstar_p |   5.07    |   0.29    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 11| Ctt      |   -0.39   |    0.21   |            |            |  -1.5   |   1.5   |       |\n",
      "| 12| p4415_s  |   1.34    |   0.18    |            |            |0.126447 | 2.35355 |       |\n",
      "| 13| rho_s    |    0.6    |    0.3    |            |            |0.0253049| 2.0747  |       |\n",
      "| 14| omega_s  |     9     |     4     |            |            | 4.19232 | 9.40768 |       |\n",
      "| 15| Dbar_s   |   0.300   |   0.014   |            |            |  -0.3   |   0.3   |       |\n",
      "| 16| DDstar_s |   0.300   |   0.018   |            |            |  -0.3   |   0.3   |       |\n",
      "| 17| p4160_p  |   -2.13   |    0.10   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 18| phi_p    |   0.26    |   0.62    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 19| p3770_p  |   -2.65   |    0.11   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 20| p3770_s  |   2.90    |   0.23    |            |            |0.918861 | 4.08114 |       |\n",
      "| 21| bplus_0  |   0.478   |   0.020   |            |            |   -2    |    2    |       |\n",
      "| 22| bplus_1  |   -0.91   |    0.04   |            |            |   -2    |    2    |       |\n",
      "| 23| psi2s_p  |   1.92    |   0.03    |            |            |-6.28319 | 6.28319 |       |\n",
      "----------------------------------------------------------------------------------------------\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|          |  p4040_s  p4415_p   Dbar_p  omega_p    rho_p    phi_s  p4160_s   jpsi_p  bplus_2  p4040_p DDstar_p      Ctt  p4415_s    rho_s  omega_s   Dbar_s DDstar_s  p4160_p    phi_p  p3770_p  p3770_s  bplus_0  bplus_1  psi2s_p |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|  p4040_s |    1.000   -0.261   -0.097   -0.004    0.059   -0.022    0.105   -0.032    0.101   -0.232   -0.125    0.341    0.132   -0.021    0.004    0.000    0.006   -0.559   -0.016   -0.148    0.096    0.019    0.015   -0.023 |\n",
      "|  p4415_p |   -0.261    1.000   -0.076   -0.013    0.045   -0.025   -0.255   -0.015    0.192    0.152    0.015   -0.097   -0.129   -0.033    0.007    0.014    0.026    0.300   -0.020    0.086   -0.008    0.012   -0.110   -0.107 |\n",
      "|   Dbar_p |   -0.097   -0.076    1.000    0.018    0.033   -0.006   -0.076    0.212   -0.091   -0.036   -0.079   -0.307   -0.006    0.028   -0.003    0.017    0.005    0.026   -0.003    0.308   -0.023    0.027    0.190   -0.018 |\n",
      "|  omega_p |   -0.004   -0.013    0.018    1.000    0.094    0.147   -0.004    0.012   -0.052   -0.003    0.033   -0.015    0.005    0.633   -0.520    0.000    0.000   -0.001    0.162    0.015    0.003    0.139   -0.101    0.001 |\n",
      "|    rho_p |    0.059    0.045    0.033    0.094    1.000   -0.087    0.075   -0.086    0.269    0.007    0.005    0.111    0.039   -0.020   -0.022    0.001    0.000   -0.003   -0.105   -0.010    0.027    0.065   -0.029    0.002 |\n",
      "|    phi_s |   -0.022   -0.025   -0.006    0.147   -0.087    1.000   -0.028   -0.025   -0.100   -0.014    0.009   -0.036   -0.012    0.090   -0.015    0.000    0.001   -0.010    0.950   -0.000   -0.020    0.000   -0.002   -0.012 |\n",
      "|  p4160_s |    0.105   -0.255   -0.076   -0.004    0.075   -0.028    1.000   -0.042    0.129    0.271   -0.074    0.262    0.266   -0.024    0.005    0.003    0.007   -0.177   -0.021   -0.070    0.014    0.034    0.014   -0.072 |\n",
      "|   jpsi_p |   -0.032   -0.015    0.212    0.012   -0.086   -0.025   -0.042    1.000    0.094   -0.080    0.174    0.213   -0.028    0.065   -0.001    0.039    0.046   -0.024   -0.034    0.056   -0.037   -0.053    0.060   -0.021 |\n",
      "|  bplus_2 |    0.101    0.192   -0.091   -0.052    0.269   -0.100    0.129    0.094    1.000   -0.053   -0.254    0.679   -0.012   -0.165    0.029    0.004    0.007   -0.043   -0.074   -0.105   -0.096   -0.025   -0.275   -0.006 |\n",
      "|  p4040_p |   -0.232    0.152   -0.036   -0.003    0.007   -0.014    0.271   -0.080   -0.053    1.000    0.126   -0.304    0.021   -0.002    0.002    0.019    0.023    0.256   -0.012    0.181   -0.040    0.019   -0.002   -0.221 |\n",
      "| DDstar_p |   -0.125    0.015   -0.079    0.033    0.005    0.009   -0.074    0.174   -0.254    0.126    1.000   -0.108   -0.056    0.066   -0.009    0.001    0.023    0.204    0.007    0.242    0.152    0.016    0.334    0.006 |\n",
      "|      Ctt |    0.341   -0.097   -0.307   -0.015    0.111   -0.036    0.262    0.213    0.679   -0.304   -0.108    1.000    0.215   -0.061    0.009    0.006    0.000   -0.379   -0.025   -0.241   -0.180   -0.014   -0.160    0.194 |\n",
      "|  p4415_s |    0.132   -0.129   -0.006    0.005    0.039   -0.012    0.266   -0.028   -0.012    0.021   -0.056    0.215    1.000    0.001    0.001    0.001    0.002    0.003   -0.009   -0.066    0.005    0.022    0.085   -0.003 |\n",
      "|    rho_s |   -0.021   -0.033    0.028    0.633   -0.020    0.090   -0.024    0.065   -0.165   -0.002    0.066   -0.061    0.001    1.000   -0.129   -0.000   -0.000    0.004    0.115    0.034    0.003    0.250   -0.178    0.007 |\n",
      "|  omega_s |    0.004    0.007   -0.003   -0.520   -0.022   -0.015    0.005   -0.001    0.029    0.002   -0.009    0.009    0.001   -0.129    1.000   -0.000   -0.000    0.001   -0.009   -0.004    0.002   -0.035    0.026    0.001 |\n",
      "|   Dbar_s |    0.000    0.014    0.017    0.000    0.001    0.000    0.003    0.039    0.004    0.019    0.001    0.006    0.001   -0.000   -0.000    1.000   -0.001    0.023    0.001    0.026    0.022    0.001   -0.002    0.023 |\n",
      "| DDstar_s |    0.006    0.026    0.005    0.000    0.000    0.001    0.007    0.046    0.007    0.023    0.023    0.000    0.002   -0.000   -0.000   -0.001    1.000    0.034    0.001    0.017    0.019    0.000   -0.005    0.022 |\n",
      "|  p4160_p |   -0.559    0.300    0.026   -0.001   -0.003   -0.010   -0.177   -0.024   -0.043    0.256    0.204   -0.379    0.003    0.004    0.001    0.023    0.034    1.000   -0.010    0.219   -0.001    0.017   -0.012   -0.147 |\n",
      "|    phi_p |   -0.016   -0.020   -0.003    0.162   -0.105    0.950   -0.021   -0.034   -0.074   -0.012    0.007   -0.025   -0.009    0.115   -0.009    0.001    0.001   -0.010    1.000   -0.001   -0.016    0.011   -0.011   -0.012 |\n",
      "|  p3770_p |   -0.148    0.086    0.308    0.015   -0.010   -0.000   -0.070    0.056   -0.105    0.181    0.242   -0.241   -0.066    0.034   -0.004    0.026    0.017    0.219   -0.001    1.000   -0.200    0.031    0.100    0.006 |\n",
      "|  p3770_s |    0.096   -0.008   -0.023    0.003    0.027   -0.020    0.014   -0.037   -0.096   -0.040    0.152   -0.180    0.005    0.003    0.002    0.022    0.019   -0.001   -0.016   -0.200    1.000    0.044    0.061   -0.430 |\n",
      "|  bplus_0 |    0.019    0.012    0.027    0.139    0.065    0.000    0.034   -0.053   -0.025    0.019    0.016   -0.014    0.022    0.250   -0.035    0.001    0.000    0.017    0.011    0.031    0.044    1.000   -0.847   -0.005 |\n",
      "|  bplus_1 |    0.015   -0.110    0.190   -0.101   -0.029   -0.002    0.014    0.060   -0.275   -0.002    0.334   -0.160    0.085   -0.178    0.026   -0.002   -0.005   -0.012   -0.011    0.100    0.061   -0.847    1.000    0.037 |\n",
      "|  psi2s_p |   -0.023   -0.107   -0.018    0.001    0.002   -0.012   -0.072   -0.021   -0.006   -0.221    0.006    0.194   -0.003    0.007    0.001    0.023    0.022   -0.147   -0.012    0.006   -0.430   -0.005    0.037    1.000 |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "Hesse errors: OrderedDict([(<zfit.Parameter 'p4040_s' floating=True>, {'error': 0.17143908999781365}), (<zfit.Parameter 'p4415_p' floating=True>, {'error': 0.15952294522942223}), (<zfit.Parameter 'Dbar_p' floating=True>, {'error': 0.28724465704752866}), (<zfit.Parameter 'omega_p' floating=True>, {'error': 0.2457191142890669}), (<zfit.Parameter 'rho_p' floating=True>, {'error': 0.699828350217413}), (<zfit.Parameter 'phi_s' floating=True>, {'error': 2.454440352011132}), (<zfit.Parameter 'p4160_s' floating=True>, {'error': 0.16426490463002397}), (<zfit.Parameter 'jpsi_p' floating=True>, {'error': 0.02623766016603568}), (<zfit.Parameter 'bplus_2' floating=True>, {'error': 0.08813502252393368}), (<zfit.Parameter 'p4040_p' floating=True>, {'error': 0.17286737531860208}), (<zfit.Parameter 'DDstar_p' floating=True>, {'error': 0.29142164385909997}), (<zfit.Parameter 'Ctt' floating=True>, {'error': 0.2067798754018264}), (<zfit.Parameter 'p4415_s' floating=True>, {'error': 0.18449402590246322}), (<zfit.Parameter 'rho_s' floating=True>, {'error': 0.344168234745306}), (<zfit.Parameter 'omega_s' floating=True>, {'error': 3.6985246776556067}), (<zfit.Parameter 'Dbar_s' floating=True>, {'error': 0.014278551235697823}), (<zfit.Parameter 'DDstar_s' floating=True>, {'error': 0.017772857209093662}), (<zfit.Parameter 'p4160_p' floating=True>, {'error': 0.10153293769506266}), (<zfit.Parameter 'phi_p' floating=True>, {'error': 0.6215564237802562}), (<zfit.Parameter 'p3770_p' floating=True>, {'error': 0.10680239305764005}), (<zfit.Parameter 'p3770_s' floating=True>, {'error': 0.2280041742362977}), (<zfit.Parameter 'bplus_0' floating=True>, {'error': 0.020274936616705874}), (<zfit.Parameter 'bplus_1' floating=True>, {'error': 0.04215468915550835}), (<zfit.Parameter 'psi2s_p' floating=True>, {'error': 0.031684297381604054})])\n"
     ]
    },
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "Toy 28/50\n",
      "Time taken: 1 h, 40 min\n",
      "Projected time left: 1 h, 19 min\n",
      "Toy 28: Generating data...\n",
      "Directory  data/zfit_toys/toy_28  Created \n",
      "Toy 28: Data generation finished\n",
      "Toy 28: Loading data...\n",
      "Toy 28: Loading data finished\n",
      "Toy 28: Fitting pdf...\n",
      "------------------------------------------------------------------\n",
      "| FCN = 2.971E+05               |    Ncalls=1213 (1213 total)    |\n",
      "| EDM = 0.00417 (Goal: 5E-06)   |            up = 0.5            |\n",
      "------------------------------------------------------------------\n",
      "|  Valid Min.   | Valid Param.  | Above EDM | Reached call limit |\n",
      "------------------------------------------------------------------\n",
      "|     False     |     True      |   True    |       False        |\n",
      "------------------------------------------------------------------\n",
      "| Hesse failed  |   Has cov.    | Accurate  | Pos. def. | Forced |\n",
      "------------------------------------------------------------------\n",
      "|     False     |     True      |   False   |   False   |  True  |\n",
      "------------------------------------------------------------------\n",
      "Function minimum: 297051.6694682931\n",
      "----------------------------------------------------------------------------------------------\n",
      "|   | Name     |   Value   | Hesse Err | Minos Err- | Minos Err+ | Limit-  | Limit+  | Fixed |\n",
      "----------------------------------------------------------------------------------------------\n",
      "| 0 | p4040_s  |   1.03    |   0.19    |            |            |0.00501244| 2.01499 |       |\n",
      "| 1 | p4415_p  |   -2.56   |    0.16   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 2 | Dbar_p   |   -0.16   |    0.88   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 3 | omega_p  |   6.28    |   0.16    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 4 | rho_p    |   -0.07   |    0.20   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 5 | phi_s    |   20.3    |    1.0    |            |            | 14.8182 | 23.5818 |       |\n",
      "| 6 | p4160_s  |   2.07    |   0.17    |            |            | 0.71676 | 3.68324 |       |\n",
      "| 7 | jpsi_p   |   -4.65   |    0.04   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 8 | bplus_2  |   -0.41   |    0.09   |            |            |   -2    |    2    |       |\n",
      "| 9 | p4040_p  |   3.37    |   0.21    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 10| DDstar_p |    5.7    |    0.7    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 11| Ctt      |   -0.04   |    0.21   |            |            |  -1.5   |   1.5   |       |\n",
      "| 12| p4415_s  |   1.48    |   0.20    |            |            |0.126447 | 2.35355 |       |\n",
      "| 13| rho_s    |   1.88    |   0.30    |            |            |0.0253049| 2.0747  |       |\n",
      "| 14| omega_s  |    5.6    |    0.9    |            |            | 4.19232 | 9.40768 |       |\n",
      "| 15| Dbar_s   |   -0.30   |    0.54   |            |            |  -0.3   |   0.3   |       |\n",
      "| 16| DDstar_s |   0.29    |   0.05    |            |            |  -0.3   |   0.3   |       |\n",
      "| 17| p4160_p  |   4.05    |   0.15    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 18| phi_p    |   0.82    |   0.18    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 19| p3770_p  |   3.24    |   0.15    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 20| p3770_s  |   2.66    |   0.28    |            |            |0.918861 | 4.08114 |       |\n",
      "| 21| bplus_0  |   0.495   |   0.021   |            |            |   -2    |    2    |       |\n",
      "| 22| bplus_1  |   -0.91   |    0.04   |            |            |   -2    |    2    |       |\n",
      "| 23| psi2s_p  |   1.80    |   0.04    |            |            |-6.28319 | 6.28319 |       |\n",
      "----------------------------------------------------------------------------------------------\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|          |  p4040_s  p4415_p   Dbar_p  omega_p    rho_p    phi_s  p4160_s   jpsi_p  bplus_2  p4040_p DDstar_p      Ctt  p4415_s    rho_s  omega_s   Dbar_s DDstar_s  p4160_p    phi_p  p3770_p  p3770_s  bplus_0  bplus_1  psi2s_p |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|  p4040_s |    1.000   -0.320    0.265    0.000    0.042   -0.025   -0.053   -0.275    0.106   -0.360    0.052    0.326    0.214    0.025    0.002    0.095   -0.042   -0.556   -0.018   -0.286   -0.063    0.025    0.062   -0.092 |\n",
      "|  p4415_p |   -0.320    1.000   -0.208   -0.001    0.041   -0.024   -0.115    0.328    0.033    0.352    0.147   -0.061   -0.209    0.013    0.004   -0.202   -0.051    0.520   -0.007    0.326    0.224    0.027   -0.008    0.137 |\n",
      "|   Dbar_p |    0.265   -0.208    1.000    0.003   -0.008    0.002    0.083   -0.639    0.074   -0.431    0.683   -0.109    0.103    0.034   -0.012    0.463   -0.116   -0.393   -0.009   -0.614   -0.500    0.023    0.166   -0.471 |\n",
      "|  omega_p |    0.000   -0.001    0.003    1.000   -0.009    0.000   -0.000   -0.000   -0.005   -0.001    0.002   -0.002    0.001    0.029   -0.126    0.002    0.000   -0.001    0.011   -0.001   -0.001    0.006   -0.005   -0.001 |\n",
      "|    rho_p |    0.042    0.041   -0.008   -0.009    1.000   -0.161    0.072   -0.012    0.289    0.014   -0.023    0.123    0.005    0.258    0.390    0.009    0.000   -0.016   -0.293   -0.008    0.017   -0.054    0.057    0.007 |\n",
      "|    phi_s |   -0.025   -0.024    0.002    0.000   -0.161    1.000   -0.044   -0.010   -0.152   -0.011    0.018   -0.061   -0.004   -0.067   -0.048   -0.005   -0.000    0.009    0.548    0.005   -0.014   -0.019    0.012   -0.004 |\n",
      "|  p4160_s |   -0.053   -0.115    0.083   -0.000    0.072   -0.044    1.000   -0.117    0.141    0.227    0.026    0.244    0.348    0.028    0.006   -0.055   -0.032   -0.146   -0.025   -0.067   -0.023    0.047    0.019   -0.081 |\n",
      "|   jpsi_p |   -0.275    0.328   -0.639   -0.000   -0.012   -0.010   -0.117    1.000   -0.313    0.487   -0.064   -0.243   -0.131   -0.007   -0.006   -0.300    0.002    0.568    0.006    0.575    0.522    0.015    0.056    0.424 |\n",
      "|  bplus_2 |    0.106    0.033    0.074   -0.005    0.289   -0.152    0.141   -0.313    1.000   -0.112   -0.162    0.675   -0.093    0.033    0.052   -0.067   -0.037   -0.162   -0.095   -0.125   -0.141   -0.075   -0.196   -0.048 |\n",
      "|  p4040_p |   -0.360    0.352   -0.431   -0.001    0.014   -0.011    0.227    0.487   -0.112    1.000    0.004   -0.145   -0.042   -0.001    0.002   -0.307    0.003    0.440    0.003    0.480    0.305    0.019   -0.011    0.171 |\n",
      "| DDstar_p |    0.052    0.147    0.683    0.002   -0.023    0.018    0.026   -0.064   -0.162    0.004    1.000   -0.277    0.017    0.047   -0.018    0.371   -0.119    0.151    0.010   -0.121   -0.123    0.024    0.332   -0.153 |\n",
      "|      Ctt |    0.326   -0.061   -0.109   -0.002    0.123   -0.061    0.244   -0.243    0.675   -0.145   -0.277    1.000    0.184    0.012    0.019   -0.353    0.034   -0.311   -0.032   -0.091   -0.057    0.013   -0.228    0.241 |\n",
      "|  p4415_s |    0.214   -0.209    0.103    0.001    0.005   -0.004    0.348   -0.131   -0.093   -0.042    0.017    0.184    1.000    0.020   -0.004    0.104   -0.002   -0.177   -0.004   -0.123   -0.048    0.022    0.139   -0.024 |\n",
      "|    rho_s |    0.025    0.013    0.034    0.029    0.258   -0.067    0.028   -0.007    0.033   -0.001    0.047    0.012    0.020    1.000   -0.250    0.052    0.004   -0.005   -0.041   -0.005   -0.003    0.175   -0.107   -0.006 |\n",
      "|  omega_s |    0.002    0.004   -0.012   -0.126    0.390   -0.048    0.006   -0.006    0.052    0.002   -0.018    0.019   -0.004   -0.250    1.000   -0.013   -0.001   -0.003   -0.134   -0.002    0.003   -0.070    0.054    0.002 |\n",
      "|   Dbar_s |    0.095   -0.202    0.463    0.002    0.009   -0.005   -0.055   -0.300   -0.067   -0.307    0.371   -0.353    0.104    0.052   -0.013    1.000   -0.092   -0.213   -0.009   -0.147   -0.334    0.040    0.290   -0.326 |\n",
      "| DDstar_s |   -0.042   -0.051   -0.116    0.000    0.000   -0.000   -0.032    0.002   -0.037    0.003   -0.119    0.034   -0.002    0.004   -0.001   -0.092    1.000   -0.007   -0.001    0.062    0.036    0.002    0.037    0.014 |\n",
      "|  p4160_p |   -0.556    0.520   -0.393   -0.001   -0.016    0.009   -0.146    0.568   -0.162    0.440    0.151   -0.311   -0.177   -0.005   -0.003   -0.213   -0.007    1.000    0.015    0.525    0.331    0.007    0.011    0.235 |\n",
      "|    phi_p |   -0.018   -0.007   -0.009    0.011   -0.293    0.548   -0.025    0.006   -0.095    0.003    0.010   -0.032   -0.004   -0.041   -0.134   -0.009   -0.001    0.015    1.000    0.015    0.002    0.009   -0.016    0.005 |\n",
      "|  p3770_p |   -0.286    0.326   -0.614   -0.001   -0.008    0.005   -0.067    0.575   -0.125    0.480   -0.121   -0.091   -0.123   -0.005   -0.002   -0.147    0.062    0.525    0.015    1.000    0.230    0.019   -0.003    0.379 |\n",
      "|  p3770_s |   -0.063    0.224   -0.500   -0.001    0.017   -0.014   -0.023    0.522   -0.141    0.305   -0.123   -0.057   -0.048   -0.003    0.003   -0.334    0.036    0.331    0.002    0.230    1.000    0.025   -0.016    0.085 |\n",
      "|  bplus_0 |    0.025    0.027    0.023    0.006   -0.054   -0.019    0.047    0.015   -0.075    0.019    0.024    0.013    0.022    0.175   -0.070    0.040    0.002    0.007    0.009    0.019    0.025    1.000   -0.842   -0.004 |\n",
      "|  bplus_1 |    0.062   -0.008    0.166   -0.005    0.057    0.012    0.019    0.056   -0.196   -0.011    0.332   -0.228    0.139   -0.107    0.054    0.290    0.037    0.011   -0.016   -0.003   -0.016   -0.842    1.000   -0.022 |\n",
      "|  psi2s_p |   -0.092    0.137   -0.471   -0.001    0.007   -0.004   -0.081    0.424   -0.048    0.171   -0.153    0.241   -0.024   -0.006    0.002   -0.326    0.014    0.235    0.005    0.379    0.085   -0.004   -0.022    1.000 |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "Hesse errors: OrderedDict([(<zfit.Parameter 'p4040_s' floating=True>, {'error': 0.1866692578901183}), (<zfit.Parameter 'p4415_p' floating=True>, {'error': 0.16083086418243453}), (<zfit.Parameter 'Dbar_p' floating=True>, {'error': 0.8820009991741484}), (<zfit.Parameter 'omega_p' floating=True>, {'error': 0.15631645919392767}), (<zfit.Parameter 'rho_p' floating=True>, {'error': 0.2035102349822897}), (<zfit.Parameter 'phi_s' floating=True>, {'error': 0.9527116082743987}), (<zfit.Parameter 'p4160_s' floating=True>, {'error': 0.16817431316955578}), (<zfit.Parameter 'jpsi_p' floating=True>, {'error': 0.04211466463087499}), (<zfit.Parameter 'bplus_2' floating=True>, {'error': 0.08860877087337793}), (<zfit.Parameter 'p4040_p' floating=True>, {'error': 0.2145203321384015}), (<zfit.Parameter 'DDstar_p' floating=True>, {'error': 0.7241620164025244}), (<zfit.Parameter 'Ctt' floating=True>, {'error': 0.2063984335401745}), (<zfit.Parameter 'p4415_s' floating=True>, {'error': 0.19565210939205868}), (<zfit.Parameter 'rho_s' floating=True>, {'error': 0.3029886367019168}), (<zfit.Parameter 'omega_s' floating=True>, {'error': 0.9143653530619078}), (<zfit.Parameter 'Dbar_s' floating=True>, {'error': 0.5391342761117316}), (<zfit.Parameter 'DDstar_s' floating=True>, {'error': 0.05393198354893741}), (<zfit.Parameter 'p4160_p' floating=True>, {'error': 0.14587319560178091}), (<zfit.Parameter 'phi_p' floating=True>, {'error': 0.17910167850092806}), (<zfit.Parameter 'p3770_p' floating=True>, {'error': 0.15334509000104823}), (<zfit.Parameter 'p3770_s' floating=True>, {'error': 0.2814385771193795}), (<zfit.Parameter 'bplus_0' floating=True>, {'error': 0.021132598185333418}), (<zfit.Parameter 'bplus_1' floating=True>, {'error': 0.042921496646122215}), (<zfit.Parameter 'psi2s_p' floating=True>, {'error': 0.03850784577007005})])\n"
     ]
    },
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "Toy 29/50\n",
      "Time taken: 1 h, 47 min\n",
      "Projected time left: 1 h, 17 min\n",
      "Toy 29: Generating data...\n",
      "Directory  data/zfit_toys/toy_29  Created \n",
      "Toy 29: Data generation finished\n",
      "Toy 29: Loading data...\n",
      "Toy 29: Loading data finished\n",
      "Toy 29: Fitting pdf...\n",
      "------------------------------------------------------------------\n",
      "| FCN = 2.972E+05               |    Ncalls=1301 (1301 total)    |\n",
      "| EDM = 2.85E-05 (Goal: 5E-06)  |            up = 0.5            |\n",
      "------------------------------------------------------------------\n",
      "|  Valid Min.   | Valid Param.  | Above EDM | Reached call limit |\n",
      "------------------------------------------------------------------\n",
      "|     True      |     True      |   False   |       False        |\n",
      "------------------------------------------------------------------\n",
      "| Hesse failed  |   Has cov.    | Accurate  | Pos. def. | Forced |\n",
      "------------------------------------------------------------------\n",
      "|     False     |     True      |   False   |   False   |  True  |\n",
      "------------------------------------------------------------------\n",
      "Function minimum: 297165.99245313107\n",
      "----------------------------------------------------------------------------------------------\n",
      "|   | Name     |   Value   | Hesse Err | Minos Err- | Minos Err+ | Limit-  | Limit+  | Fixed |\n",
      "----------------------------------------------------------------------------------------------\n",
      "| 0 | p4040_s  |   0.80    |   0.17    |            |            |0.00501244| 2.01499 |       |\n",
      "| 1 | p4415_p  |   -6.28   |    0.12   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 2 | Dbar_p   |   -5.0    |    1.1    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 3 | omega_p  |   -5.6    |    0.4    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 4 | rho_p    |    5.7    |    0.4    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 5 | phi_s    |   15.2    |    1.1    |            |            | 14.8182 | 23.5818 |       |\n",
      "| 6 | p4160_s  |   1.78    |   0.16    |            |            | 0.71676 | 3.68324 |       |\n",
      "| 7 | jpsi_p   |   -4.58   |    0.07   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 8 | bplus_2  |   -0.42   |    0.08   |            |            |   -2    |    2    |       |\n",
      "| 9 | p4040_p  |   -2.43   |    0.26   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 10| DDstar_p |   -5.8    |    1.5    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 11| Ctt      |   -0.69   |    0.31   |            |            |  -1.5   |   1.5   |       |\n",
      "| 12| p4415_s  |   0.126   |   0.029   |            |            |0.126447 | 2.35355 |       |\n",
      "| 13| rho_s    |   0.94    |   0.30    |            |            |0.0253049| 2.0747  |       |\n",
      "| 14| omega_s  |    8.4    |    1.5    |            |            | 4.19232 | 9.40768 |       |\n",
      "| 15| Dbar_s   |   0.30    |   0.48    |            |            |  -0.3   |   0.3   |       |\n",
      "| 16| DDstar_s |   0.30    |   0.09    |            |            |  -0.3   |   0.3   |       |\n",
      "| 17| p4160_p  |   -2.08   |    0.17   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 18| phi_p    |   6.13    |   0.27    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 19| p3770_p  |   -2.61   |    0.17   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 20| p3770_s  |   2.82    |   0.24    |            |            |0.918861 | 4.08114 |       |\n",
      "| 21| bplus_0  |   0.514   |   0.013   |            |            |   -2    |    2    |       |\n",
      "| 22| bplus_1  |  -0.922   |   0.025   |            |            |   -2    |    2    |       |\n",
      "| 23| psi2s_p  |   1.80    |   0.04    |            |            |-6.28319 | 6.28319 |       |\n",
      "----------------------------------------------------------------------------------------------\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|          |  p4040_s  p4415_p   Dbar_p  omega_p    rho_p    phi_s  p4160_s   jpsi_p  bplus_2  p4040_p DDstar_p      Ctt  p4415_s    rho_s  omega_s   Dbar_s DDstar_s  p4160_p    phi_p  p3770_p  p3770_s  bplus_0  bplus_1  psi2s_p |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|  p4040_s |    1.000   -0.003   -0.001   -0.002    0.041   -0.015    0.025    0.034    0.147   -0.124    0.089    0.173   -0.007   -0.017   -0.003    0.134    0.060   -0.241    0.001   -0.086    0.132   -0.014   -0.055    0.078 |\n",
      "|  p4415_p |   -0.003    1.000    0.011   -0.000   -0.002    0.001   -0.008   -0.015   -0.002   -0.012   -0.017    0.008   -0.019    0.001    0.000    0.005   -0.008   -0.017   -0.000   -0.009   -0.006    0.001    0.003   -0.010 |\n",
      "|   Dbar_p |   -0.001    0.011    1.000   -0.013   -0.125    0.049    0.035   -0.768   -0.046   -0.230   -0.878    0.846   -0.040    0.012    0.002    0.584   -0.431   -0.576   -0.012   -0.731   -0.028   -0.144   -0.112   -0.337 |\n",
      "|  omega_p |   -0.002   -0.000   -0.013    1.000    0.065    0.027   -0.004    0.001   -0.012   -0.004    0.007   -0.012   -0.000    0.380    0.821   -0.016    0.001    0.001    0.005    0.010   -0.005    0.031   -0.009   -0.001 |\n",
      "|    rho_p |    0.041   -0.002   -0.125    0.065    1.000    0.117    0.050    0.087    0.224    0.024    0.090   -0.061    0.006    0.176    0.038   -0.111    0.040    0.050    0.106    0.086    0.019    0.075    0.046    0.038 |\n",
      "|    phi_s |   -0.015    0.001    0.049    0.027    0.117    1.000   -0.019   -0.049   -0.071   -0.017   -0.040    0.026   -0.003   -0.004    0.030    0.039   -0.019   -0.027    0.711   -0.039   -0.015   -0.022   -0.000   -0.022 |\n",
      "|  p4160_s |    0.025   -0.008    0.035   -0.004    0.050   -0.019    1.000    0.022    0.196    0.353    0.068    0.133   -0.008   -0.025   -0.004    0.118    0.030   -0.011    0.001   -0.034    0.071   -0.026   -0.091    0.022 |\n",
      "|   jpsi_p |    0.034   -0.015   -0.768    0.001    0.087   -0.049    0.022    1.000   -0.077    0.442    0.911   -0.782    0.052   -0.054   -0.006   -0.549    0.381    0.736    0.010    0.663    0.278    0.023   -0.068    0.536 |\n",
      "|  bplus_2 |    0.147   -0.002   -0.046   -0.012    0.224   -0.071    0.196   -0.077    1.000   -0.010    0.027    0.330    0.012   -0.059   -0.019    0.040    0.057   -0.017    0.001   -0.005   -0.065   -0.139   -0.136    0.021 |\n",
      "|  p4040_p |   -0.124   -0.012   -0.230   -0.004    0.024   -0.017    0.353    0.442   -0.010    1.000    0.433   -0.366    0.034   -0.055    0.001   -0.179    0.134    0.465    0.008    0.333    0.183   -0.087   -0.183    0.191 |\n",
      "| DDstar_p |    0.089   -0.017   -0.878    0.007    0.090   -0.040    0.068    0.911    0.027    0.433    1.000   -0.788    0.055   -0.059    0.003   -0.465    0.433    0.745    0.017    0.683    0.211   -0.006   -0.111    0.534 |\n",
      "|      Ctt |    0.173    0.008    0.846   -0.012   -0.061    0.026    0.133   -0.782    0.330   -0.366   -0.788    1.000   -0.042    0.011   -0.002    0.537   -0.374   -0.663   -0.014   -0.678   -0.155   -0.119   -0.117   -0.249 |\n",
      "|  p4415_s |   -0.007   -0.019   -0.040   -0.000    0.006   -0.003   -0.008    0.052    0.012    0.034    0.055   -0.042    1.000   -0.006    0.000   -0.022    0.021    0.054    0.001    0.038    0.018   -0.007   -0.018    0.030 |\n",
      "|    rho_s |   -0.017    0.001    0.012    0.380    0.176   -0.004   -0.025   -0.054   -0.059   -0.055   -0.059    0.011   -0.006    1.000    0.058   -0.019   -0.035   -0.061   -0.005   -0.012   -0.036    0.148   -0.030   -0.047 |\n",
      "|  omega_s |   -0.003    0.000    0.002    0.821    0.038    0.030   -0.004   -0.006   -0.019    0.001    0.003   -0.002    0.000    0.058    1.000    0.002    0.001    0.002   -0.013   -0.002   -0.002   -0.008   -0.003    0.000 |\n",
      "|   Dbar_s |    0.134    0.005    0.584   -0.016   -0.111    0.039    0.118   -0.549    0.040   -0.179   -0.465    0.537   -0.022   -0.019    0.002    1.000   -0.289   -0.409   -0.009   -0.676   -0.148   -0.206   -0.237   -0.268 |\n",
      "| DDstar_s |    0.060   -0.008   -0.431    0.001    0.040   -0.019    0.030    0.381    0.057    0.134    0.433   -0.374    0.021   -0.035    0.001   -0.289    1.000    0.275    0.007    0.285    0.029   -0.031   -0.097    0.205 |\n",
      "|  p4160_p |   -0.241   -0.017   -0.576    0.001    0.050   -0.027   -0.011    0.736   -0.017    0.465    0.745   -0.663    0.054   -0.061    0.002   -0.409    0.275    1.000    0.013    0.572    0.230   -0.059   -0.165    0.398 |\n",
      "|    phi_p |    0.001   -0.000   -0.012    0.005    0.106    0.711    0.001    0.010    0.001    0.008    0.017   -0.014    0.001   -0.005   -0.013   -0.009    0.007    0.013    1.000    0.008    0.003   -0.001    0.004    0.008 |\n",
      "|  p3770_p |   -0.086   -0.009   -0.731    0.010    0.086   -0.039   -0.034    0.663   -0.005    0.333    0.683   -0.678    0.038   -0.012   -0.002   -0.676    0.285    0.572    0.008    1.000   -0.012    0.117    0.077    0.358 |\n",
      "|  p3770_s |    0.132   -0.006   -0.028   -0.005    0.019   -0.015    0.071    0.278   -0.065    0.183    0.211   -0.155    0.018   -0.036   -0.002   -0.148    0.029    0.230    0.003   -0.012    1.000   -0.034   -0.104   -0.078 |\n",
      "|  bplus_0 |   -0.014    0.001   -0.144    0.031    0.075   -0.022   -0.026    0.023   -0.139   -0.087   -0.006   -0.119   -0.007    0.148   -0.008   -0.206   -0.031   -0.059   -0.001    0.117   -0.034    1.000   -0.535   -0.055 |\n",
      "|  bplus_1 |   -0.055    0.003   -0.112   -0.009    0.046   -0.000   -0.091   -0.068   -0.136   -0.183   -0.111   -0.117   -0.018   -0.030   -0.003   -0.237   -0.097   -0.165    0.004    0.077   -0.104   -0.535    1.000   -0.136 |\n",
      "|  psi2s_p |    0.078   -0.010   -0.337   -0.001    0.038   -0.022    0.022    0.536    0.021    0.191    0.534   -0.249    0.030   -0.047    0.000   -0.268    0.205    0.398    0.008    0.358   -0.078   -0.055   -0.136    1.000 |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "Hesse errors: OrderedDict([(<zfit.Parameter 'p4040_s' floating=True>, {'error': 0.16955150192571083}), (<zfit.Parameter 'p4415_p' floating=True>, {'error': 0.1225248593823629}), (<zfit.Parameter 'Dbar_p' floating=True>, {'error': 1.1270048655716773}), (<zfit.Parameter 'omega_p' floating=True>, {'error': 0.35111288616135994}), (<zfit.Parameter 'rho_p' floating=True>, {'error': 0.3934012075132065}), (<zfit.Parameter 'phi_s' floating=True>, {'error': 1.0569429361679585}), (<zfit.Parameter 'p4160_s' floating=True>, {'error': 0.16085979513019233}), (<zfit.Parameter 'jpsi_p' floating=True>, {'error': 0.06544268926106778}), (<zfit.Parameter 'bplus_2' floating=True>, {'error': 0.07697155784964838}), (<zfit.Parameter 'p4040_p' floating=True>, {'error': 0.2566798180701484}), (<zfit.Parameter 'DDstar_p' floating=True>, {'error': 1.462777684427443}), (<zfit.Parameter 'Ctt' floating=True>, {'error': 0.31417954801691994}), (<zfit.Parameter 'p4415_s' floating=True>, {'error': 0.028877785569089404}), (<zfit.Parameter 'rho_s' floating=True>, {'error': 0.30254456740596}), (<zfit.Parameter 'omega_s' floating=True>, {'error': 1.5208308454815107}), (<zfit.Parameter 'Dbar_s' floating=True>, {'error': 0.4791774989916301}), (<zfit.Parameter 'DDstar_s' floating=True>, {'error': 0.0880360792812116}), (<zfit.Parameter 'p4160_p' floating=True>, {'error': 0.17489464164945412}), (<zfit.Parameter 'phi_p' floating=True>, {'error': 0.2735154944876932}), (<zfit.Parameter 'p3770_p' floating=True>, {'error': 0.1727570095668609}), (<zfit.Parameter 'p3770_s' floating=True>, {'error': 0.24081469213222984}), (<zfit.Parameter 'bplus_0' floating=True>, {'error': 0.013179258986191433}), (<zfit.Parameter 'bplus_1' floating=True>, {'error': 0.02537047228807854}), (<zfit.Parameter 'psi2s_p' floating=True>, {'error': 0.038403602840014095})])\n"
     ]
    },
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "Toy 30/50\n",
      "Time taken: 1 h, 53 min\n",
      "Projected time left: 1 h, 15 min\n",
      "Toy 30: Generating data...\n",
      "Directory  data/zfit_toys/toy_30  Created \n",
      "Toy 30: Data generation finished\n",
      "Toy 30: Loading data...\n",
      "Toy 30: Loading data finished\n",
      "Toy 30: Fitting pdf...\n",
      "------------------------------------------------------------------\n",
      "| FCN = 2.976E+05               |    Ncalls=1374 (1374 total)    |\n",
      "| EDM = 5.2E-05 (Goal: 5E-06)   |            up = 0.5            |\n",
      "------------------------------------------------------------------\n",
      "|  Valid Min.   | Valid Param.  | Above EDM | Reached call limit |\n",
      "------------------------------------------------------------------\n",
      "|     True      |     True      |   False   |       False        |\n",
      "------------------------------------------------------------------\n",
      "| Hesse failed  |   Has cov.    | Accurate  | Pos. def. | Forced |\n",
      "------------------------------------------------------------------\n",
      "|     False     |     True      |   True    |   True    | False  |\n",
      "------------------------------------------------------------------\n",
      "Function minimum: 297577.915254543\n",
      "----------------------------------------------------------------------------------------------\n",
      "|   | Name     |   Value   | Hesse Err | Minos Err- | Minos Err+ | Limit-  | Limit+  | Fixed |\n",
      "----------------------------------------------------------------------------------------------\n",
      "| 0 | p4040_s  |   1.01    |   0.16    |            |            |0.00501244| 2.01499 |       |\n",
      "| 1 | p4415_p  |   -1.3    |    0.5    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 2 | Dbar_p   |   2.71    |   0.19    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 3 | omega_p  |    6.3    |    0.5    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 4 | rho_p    |   -0.14   |    0.31   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 5 | phi_s    |   17.1    |    1.5    |            |            | 14.8182 | 23.5818 |       |\n",
      "| 6 | p4160_s  |   0.717   |   0.013   |            |            | 0.71676 | 3.68324 |       |\n",
      "| 7 | jpsi_p   |  -1.586   |   0.028   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 8 | bplus_2  |   -0.14   |    0.08   |            |            |   -2    |    2    |       |\n",
      "| 9 | p4040_p  |   -3.12   |    0.14   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 10| DDstar_p |   -3.76   |    0.21   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 11| Ctt      |   -0.43   |    0.17   |            |            |  -1.5   |   1.5   |       |\n",
      "| 12| p4415_s  |   0.37    |   0.18    |            |            |0.126447 | 2.35355 |       |\n",
      "| 13| rho_s    |    1.2    |    0.3    |            |            |0.0253049| 2.0747  |       |\n",
      "| 14| omega_s  |    6.2    |    1.1    |            |            | 4.19232 | 9.40768 |       |\n",
      "| 15| Dbar_s   |  -0.300   |   0.005   |            |            |  -0.3   |   0.3   |       |\n",
      "| 16| DDstar_s |  -0.300   |   0.007   |            |            |  -0.3   |   0.3   |       |\n",
      "| 17| p4160_p  |  -6.283   |   0.008   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 18| phi_p    |    0.5    |    0.3    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 19| p3770_p  |  -6.283   |   0.012   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 20| p3770_s  |   0.919   |   0.011   |            |            |0.918861 | 4.08114 |       |\n",
      "| 21| bplus_0  |   0.446   |   0.019   |            |            |   -2    |    2    |       |\n",
      "| 22| bplus_1  |   -0.88   |    0.04   |            |            |   -2    |    2    |       |\n",
      "| 23| psi2s_p  |   2.192   |   0.027   |            |            |-6.28319 | 6.28319 |       |\n",
      "----------------------------------------------------------------------------------------------\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|          |  p4040_s  p4415_p   Dbar_p  omega_p    rho_p    phi_s  p4160_s   jpsi_p  bplus_2  p4040_p DDstar_p      Ctt  p4415_s    rho_s  omega_s   Dbar_s DDstar_s  p4160_p    phi_p  p3770_p  p3770_s  bplus_0  bplus_1  psi2s_p |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|  p4040_s |    1.000   -0.182   -0.041   -0.000    0.025   -0.010   -0.011    0.004    0.106   -0.216   -0.093    0.392    0.011    0.017   -0.001   -0.002    0.000    0.007   -0.007    0.002   -0.003    0.003    0.020    0.077 |\n",
      "|  p4415_p |   -0.182    1.000   -0.041   -0.005    0.053   -0.026    0.006    0.022    0.246   -0.067   -0.007   -0.036   -0.064    0.003    0.011    0.003    0.005    0.004   -0.019   -0.001    0.001    0.008   -0.122   -0.084 |\n",
      "|   Dbar_p |   -0.041   -0.041    1.000    0.002    0.013   -0.008    0.006    0.334   -0.033    0.043    0.030   -0.093   -0.021    0.030   -0.010    0.004    0.002    0.001   -0.001   -0.005    0.005    0.033    0.089    0.225 |\n",
      "|  omega_p |   -0.000   -0.005    0.002    1.000   -0.041   -0.004    0.000    0.018   -0.017   -0.000    0.006   -0.003   -0.000    0.148   -0.483   -0.000   -0.000    0.000    0.020   -0.000    0.000    0.049   -0.045    0.005 |\n",
      "|    rho_p |    0.025    0.053    0.013   -0.041    1.000   -0.155   -0.000   -0.096    0.260    0.047   -0.016    0.098    0.041    0.169    0.367   -0.000    0.001   -0.001   -0.223    0.000   -0.001   -0.101    0.099   -0.000 |\n",
      "|    phi_s |   -0.010   -0.026   -0.008   -0.004   -0.155    1.000   -0.000    0.018   -0.125   -0.033    0.007   -0.041   -0.023   -0.033   -0.065    0.000   -0.000    0.001    0.851    0.000    0.000   -0.000   -0.004   -0.015 |\n",
      "|  p4160_s |   -0.011    0.006    0.006    0.000   -0.000   -0.000    1.000    0.004   -0.002   -0.006    0.010   -0.012    0.003    0.000   -0.000    0.000    0.000   -0.002   -0.000   -0.000    0.000    0.001    0.000    0.001 |\n",
      "|   jpsi_p |    0.004    0.022    0.334    0.018   -0.096    0.018    0.004    1.000    0.101   -0.003    0.311    0.255   -0.022   -0.004   -0.034    0.008    0.013    0.001    0.010   -0.001    0.002   -0.057    0.043    0.044 |\n",
      "|  bplus_2 |    0.106    0.246   -0.033   -0.017    0.260   -0.125   -0.002    0.101    1.000    0.035   -0.139    0.726    0.075    0.067    0.036    0.005    0.011   -0.001   -0.091    0.005   -0.001    0.019   -0.266   -0.140 |\n",
      "|  p4040_p |   -0.216   -0.067    0.043   -0.000    0.047   -0.033   -0.006   -0.003    0.035    1.000    0.137   -0.107    0.101    0.028   -0.001    0.009    0.012   -0.002   -0.024   -0.004    0.002    0.032    0.030   -0.163 |\n",
      "| DDstar_p |   -0.093   -0.007    0.030    0.006   -0.016    0.007    0.010    0.311   -0.139    0.137    1.000   -0.064   -0.048    0.034   -0.018    0.001    0.007    0.000    0.009   -0.005    0.003    0.015    0.182    0.213 |\n",
      "|      Ctt |    0.392   -0.036   -0.093   -0.003    0.098   -0.041   -0.012    0.255    0.726   -0.107   -0.064    1.000    0.211    0.029    0.007    0.013    0.006   -0.001   -0.027    0.010   -0.002   -0.032   -0.125   -0.056 |\n",
      "|  p4415_s |    0.011   -0.064   -0.021   -0.000    0.041   -0.023    0.003   -0.022    0.075    0.101   -0.048    0.211    1.000    0.028   -0.001    0.002    0.005   -0.003   -0.016    0.001   -0.001    0.016    0.048   -0.066 |\n",
      "|    rho_s |    0.017    0.003    0.030    0.148    0.169   -0.033    0.000   -0.004    0.067    0.028    0.034    0.029    0.028    1.000   -0.372   -0.001   -0.002   -0.000   -0.004   -0.000    0.000    0.266   -0.224    0.023 |\n",
      "|  omega_s |   -0.001    0.011   -0.010   -0.483    0.367   -0.065   -0.000   -0.034    0.036   -0.001   -0.018    0.007   -0.001   -0.372    1.000    0.000    0.001   -0.000   -0.121    0.000   -0.000   -0.141    0.127   -0.011 |\n",
      "|   Dbar_s |   -0.002    0.003    0.004   -0.000   -0.000    0.000    0.000    0.008    0.005    0.009    0.001    0.013    0.002   -0.001    0.000    1.000   -0.000   -0.000    0.000   -0.000   -0.000   -0.000   -0.005    0.014 |\n",
      "| DDstar_s |    0.000    0.005    0.002   -0.000    0.001   -0.000    0.000    0.013    0.011    0.012    0.007    0.006    0.005   -0.002    0.001   -0.000    1.000   -0.000   -0.000   -0.000   -0.000    0.000   -0.011    0.014 |\n",
      "|  p4160_p |    0.007    0.004    0.001    0.000   -0.001    0.001   -0.002    0.001   -0.001   -0.002    0.000   -0.001   -0.003   -0.000   -0.000   -0.000   -0.000    1.000    0.000    0.000   -0.000   -0.000   -0.000    0.003 |\n",
      "|    phi_p |   -0.007   -0.019   -0.001    0.020   -0.223    0.851   -0.000    0.010   -0.091   -0.024    0.009   -0.027   -0.016   -0.004   -0.121    0.000   -0.000    0.000    1.000    0.000    0.000    0.024   -0.027   -0.012 |\n",
      "|  p3770_p |    0.002   -0.001   -0.005   -0.000    0.000    0.000   -0.000   -0.001    0.005   -0.004   -0.005    0.010    0.001   -0.000    0.000   -0.000   -0.000    0.000    0.000    1.000   -0.001   -0.001   -0.002    0.006 |\n",
      "|  p3770_s |   -0.003    0.001    0.005    0.000   -0.001    0.000    0.000    0.002   -0.001    0.002    0.003   -0.002   -0.001    0.000   -0.000   -0.000   -0.000   -0.000    0.000   -0.001    1.000    0.000    0.000    0.006 |\n",
      "|  bplus_0 |    0.003    0.008    0.033    0.049   -0.101   -0.000    0.001   -0.057    0.019    0.032    0.015   -0.032    0.016    0.266   -0.141   -0.000    0.000   -0.000    0.024   -0.001    0.000    1.000   -0.920    0.016 |\n",
      "|  bplus_1 |    0.020   -0.122    0.089   -0.045    0.099   -0.004    0.000    0.043   -0.266    0.030    0.182   -0.125    0.048   -0.224    0.127   -0.005   -0.011   -0.000   -0.027   -0.002    0.000   -0.920    1.000    0.115 |\n",
      "|  psi2s_p |    0.077   -0.084    0.225    0.005   -0.000   -0.015    0.001    0.044   -0.140   -0.163    0.213   -0.056   -0.066    0.023   -0.011    0.014    0.014    0.003   -0.012    0.006    0.006    0.016    0.115    1.000 |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "Hesse errors: OrderedDict([(<zfit.Parameter 'p4040_s' floating=True>, {'error': 0.15885730745807447}), (<zfit.Parameter 'p4415_p' floating=True>, {'error': 0.5029007102450289}), (<zfit.Parameter 'Dbar_p' floating=True>, {'error': 0.18886815165610216}), (<zfit.Parameter 'omega_p' floating=True>, {'error': 0.5316891912424664}), (<zfit.Parameter 'rho_p' floating=True>, {'error': 0.31117667237380564}), (<zfit.Parameter 'phi_s' floating=True>, {'error': 1.5257962564978822}), (<zfit.Parameter 'p4160_s' floating=True>, {'error': 0.012540689633721958}), (<zfit.Parameter 'jpsi_p' floating=True>, {'error': 0.02806493079829142}), (<zfit.Parameter 'bplus_2' floating=True>, {'error': 0.07649891832373346}), (<zfit.Parameter 'p4040_p' floating=True>, {'error': 0.14432806847133506}), (<zfit.Parameter 'DDstar_p' floating=True>, {'error': 0.20993718511485127}), (<zfit.Parameter 'Ctt' floating=True>, {'error': 0.1659165586467652}), (<zfit.Parameter 'p4415_s' floating=True>, {'error': 0.18304587556762797}), (<zfit.Parameter 'rho_s' floating=True>, {'error': 0.34381896924040395}), (<zfit.Parameter 'omega_s' floating=True>, {'error': 1.0873822788078784}), (<zfit.Parameter 'Dbar_s' floating=True>, {'error': 0.0053368569509354424}), (<zfit.Parameter 'DDstar_s' floating=True>, {'error': 0.006911643570954473}), (<zfit.Parameter 'p4160_p' floating=True>, {'error': 0.008214680734048407}), (<zfit.Parameter 'phi_p' floating=True>, {'error': 0.34383600982412377}), (<zfit.Parameter 'p3770_p' floating=True>, {'error': 0.012122394658628188}), (<zfit.Parameter 'p3770_s' floating=True>, {'error': 0.010653257125726845}), (<zfit.Parameter 'bplus_0' floating=True>, {'error': 0.01852659252635025}), (<zfit.Parameter 'bplus_1' floating=True>, {'error': 0.03701633936839521}), (<zfit.Parameter 'psi2s_p' floating=True>, {'error': 0.026640812373070588})])\n"
     ]
    },
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "Toy 31/50\n",
      "Time taken: 2 h, 1 min\n",
      "Projected time left: 1 h, 14 min\n",
      "Toy 31: Generating data...\n",
      "Directory  data/zfit_toys/toy_31  Created \n",
      "Toy 31: Data generation finished\n",
      "Toy 31: Loading data...\n",
      "Toy 31: Loading data finished\n",
      "Toy 31: Fitting pdf...\n",
      "------------------------------------------------------------------\n",
      "| FCN = 2.974E+05               |    Ncalls=1870 (1870 total)    |\n",
      "| EDM = 5.59E-07 (Goal: 5E-06)  |            up = 0.5            |\n",
      "------------------------------------------------------------------\n",
      "|  Valid Min.   | Valid Param.  | Above EDM | Reached call limit |\n",
      "------------------------------------------------------------------\n",
      "|     True      |     True      |   False   |       False        |\n",
      "------------------------------------------------------------------\n",
      "| Hesse failed  |   Has cov.    | Accurate  | Pos. def. | Forced |\n",
      "------------------------------------------------------------------\n",
      "|     False     |     True      |   True    |   True    | False  |\n",
      "------------------------------------------------------------------\n",
      "Function minimum: 297383.727586936\n",
      "----------------------------------------------------------------------------------------------\n",
      "|   | Name     |   Value   | Hesse Err | Minos Err- | Minos Err+ | Limit-  | Limit+  | Fixed |\n",
      "----------------------------------------------------------------------------------------------\n",
      "| 0 | p4040_s  |   1.13    |   0.18    |            |            |0.00501244| 2.01499 |       |\n",
      "| 1 | p4415_p  |   3.81    |   0.18    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 2 | Dbar_p   |   -1.52   |    0.31   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 3 | omega_p  |   0.99    |   0.29    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 4 | rho_p    |   6.09    |   0.26    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 5 | phi_s    |   20.9    |    1.1    |            |            | 14.8182 | 23.5818 |       |\n",
      "| 6 | p4160_s  |   2.28    |   0.17    |            |            | 0.71676 | 3.68324 |       |\n",
      "| 7 | jpsi_p   |   4.645   |   0.024   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 8 | bplus_2  |   0.22    |   0.08    |            |            |   -2    |    2    |       |\n",
      "| 9 | p4040_p  |   3.70    |   0.16    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 10| DDstar_p |   4.69    |   0.31    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 11| Ctt      |   -0.60   |    0.20   |            |            |  -1.5   |   1.5   |       |\n",
      "| 12| p4415_s  |   1.16    |   0.20    |            |            |0.126447 | 2.35355 |       |\n",
      "| 13| rho_s    |    1.5    |    0.4    |            |            |0.0253049| 2.0747  |       |\n",
      "| 14| omega_s  |     9     |     4     |            |            | 4.19232 | 9.40768 |       |\n",
      "| 15| Dbar_s   |   0.300   |   0.020   |            |            |  -0.3   |   0.3   |       |\n",
      "| 16| DDstar_s |   0.300   |   0.025   |            |            |  -0.3   |   0.3   |       |\n",
      "| 17| p4160_p  |   4.21    |   0.09    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 18| phi_p    |   0.68    |   0.18    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 19| p3770_p  |   3.59    |   0.09    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 20| p3770_s  |   3.59    |   0.23    |            |            |0.918861 | 4.08114 |       |\n",
      "| 21| bplus_0  |   -0.43   |    0.03   |            |            |   -2    |    2    |       |\n",
      "| 22| bplus_1  |   0.81    |   0.06    |            |            |   -2    |    2    |       |\n",
      "| 23| psi2s_p  |   1.90    |   0.03    |            |            |-6.28319 | 6.28319 |       |\n",
      "----------------------------------------------------------------------------------------------\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|          |  p4040_s  p4415_p   Dbar_p  omega_p    rho_p    phi_s  p4160_s   jpsi_p  bplus_2  p4040_p DDstar_p      Ctt  p4415_s    rho_s  omega_s   Dbar_s DDstar_s  p4160_p    phi_p  p3770_p  p3770_s  bplus_0  bplus_1  psi2s_p |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|  p4040_s |    1.000   -0.162   -0.020    0.011    0.035   -0.030   -0.010    0.034   -0.091   -0.218   -0.121    0.348    0.193    0.021    0.001   -0.005   -0.004   -0.517   -0.010   -0.146    0.124   -0.037    0.015    0.067 |\n",
      "|  p4415_p |   -0.162    1.000   -0.130   -0.000    0.046   -0.035   -0.071   -0.008   -0.209    0.128   -0.136    0.071   -0.149    0.003    0.007    0.008    0.020    0.271   -0.015    0.007   -0.005   -0.032    0.104   -0.058 |\n",
      "|   Dbar_p |   -0.020   -0.130    1.000    0.026    0.013   -0.025   -0.070    0.060    0.068   -0.173   -0.179   -0.341    0.074    0.049   -0.003    0.027    0.004   -0.103   -0.005    0.198   -0.140   -0.059   -0.072   -0.129 |\n",
      "|  omega_p |    0.011   -0.000    0.026    1.000   -0.010   -0.004    0.011   -0.029    0.024   -0.003    0.043    0.000    0.014    0.581   -0.686    0.001    0.002   -0.012    0.028   -0.006   -0.000   -0.212    0.185   -0.000 |\n",
      "|    rho_p |    0.035    0.046    0.013   -0.010    1.000   -0.116    0.055   -0.076   -0.232    0.015   -0.020    0.087   -0.008    0.193   -0.033    0.001   -0.000   -0.000   -0.216   -0.014    0.021    0.063   -0.064    0.001 |\n",
      "|    phi_s |   -0.030   -0.035   -0.025   -0.004   -0.116    1.000   -0.045    0.040    0.123   -0.017   -0.012   -0.049   -0.004   -0.075   -0.007   -0.001    0.000   -0.000    0.630    0.009   -0.021    0.137   -0.120   -0.007 |\n",
      "|  p4160_s |   -0.010   -0.071   -0.070    0.011    0.055   -0.045    1.000   -0.007   -0.139    0.323   -0.080    0.264    0.338    0.023    0.004   -0.002    0.002   -0.145   -0.017   -0.061    0.029   -0.044    0.025   -0.042 |\n",
      "|   jpsi_p |    0.034   -0.008    0.060   -0.029   -0.076    0.040   -0.007    1.000   -0.192   -0.100   -0.012    0.296   -0.018   -0.045    0.013    0.048    0.057   -0.067    0.011   -0.040   -0.048    0.117   -0.055   -0.020 |\n",
      "|  bplus_2 |   -0.091   -0.209    0.068    0.024   -0.232    0.123   -0.139   -0.192    1.000   -0.015    0.263   -0.665    0.151    0.026   -0.030    0.002    0.008   -0.017    0.061    0.074    0.040   -0.091   -0.123   -0.048 |\n",
      "|  p4040_p |   -0.218    0.128   -0.173   -0.003    0.015   -0.017    0.323   -0.100   -0.015    1.000   -0.006   -0.159    0.015   -0.001    0.005    0.017    0.029    0.109   -0.009    0.102   -0.042   -0.027    0.059   -0.203 |\n",
      "| DDstar_p |   -0.121   -0.136   -0.179    0.043   -0.020   -0.012   -0.080   -0.012    0.263   -0.006    1.000   -0.039    0.012    0.079   -0.011    0.000    0.038    0.054    0.002    0.185    0.092   -0.079   -0.175   -0.074 |\n",
      "|      Ctt |    0.348    0.071   -0.341    0.000    0.087   -0.049    0.264    0.296   -0.665   -0.159   -0.039    1.000    0.153   -0.003    0.008   -0.007   -0.007   -0.294   -0.016   -0.205   -0.069    0.023    0.092    0.261 |\n",
      "|  p4415_s |    0.193   -0.149    0.074    0.014   -0.008   -0.004    0.338   -0.018    0.151    0.015    0.012    0.153    1.000    0.024   -0.004    0.001   -0.002   -0.126    0.001   -0.067    0.025   -0.021   -0.087    0.041 |\n",
      "|    rho_s |    0.021    0.003    0.049    0.581    0.193   -0.075    0.023   -0.045    0.026   -0.001    0.079   -0.003    0.024    1.000   -0.172    0.001    0.002   -0.018   -0.004   -0.009    0.003   -0.363    0.309    0.002 |\n",
      "|  omega_s |    0.001    0.007   -0.003   -0.686   -0.033   -0.007    0.004    0.013   -0.030    0.005   -0.011    0.008   -0.004   -0.172    1.000   -0.000   -0.001    0.005    0.027    0.002    0.005    0.050   -0.044    0.003 |\n",
      "|   Dbar_s |   -0.005    0.008    0.027    0.001    0.001   -0.001   -0.002    0.048    0.002    0.017    0.000   -0.007    0.001    0.001   -0.000    1.000   -0.001    0.025    0.000    0.045    0.020   -0.001   -0.005    0.021 |\n",
      "| DDstar_s |   -0.004    0.020    0.004    0.002   -0.000    0.000    0.002    0.057    0.008    0.029    0.038   -0.007   -0.002    0.002   -0.001   -0.001    1.000    0.044    0.001    0.036    0.025    0.000   -0.010    0.021 |\n",
      "|  p4160_p |   -0.517    0.271   -0.103   -0.012   -0.000   -0.000   -0.145   -0.067   -0.017    0.109    0.054   -0.294   -0.126   -0.018    0.005    0.025    0.044    1.000   -0.003    0.149   -0.038    0.011    0.041   -0.142 |\n",
      "|    phi_p |   -0.010   -0.015   -0.005    0.028   -0.216    0.630   -0.017    0.011    0.061   -0.009    0.002   -0.016    0.001   -0.004    0.027    0.000    0.001   -0.003    1.000    0.002   -0.010    0.003    0.002   -0.004 |\n",
      "|  p3770_p |   -0.146    0.007    0.198   -0.006   -0.014    0.009   -0.061   -0.040    0.074    0.102    0.185   -0.205   -0.067   -0.009    0.002    0.045    0.036    0.149    0.002    1.000   -0.301    0.047   -0.109   -0.044 |\n",
      "|  p3770_s |    0.124   -0.005   -0.140   -0.000    0.021   -0.021    0.029   -0.048    0.040   -0.042    0.092   -0.069    0.025    0.003    0.005    0.020    0.025   -0.038   -0.010   -0.301    1.000   -0.011   -0.020   -0.383 |\n",
      "|  bplus_0 |   -0.037   -0.032   -0.059   -0.212    0.063    0.137   -0.044    0.117   -0.091   -0.027   -0.079    0.023   -0.021   -0.363    0.050   -0.001    0.000    0.011    0.003    0.047   -0.011    1.000   -0.930   -0.013 |\n",
      "|  bplus_1 |    0.015    0.104   -0.072    0.185   -0.064   -0.120    0.025   -0.055   -0.123    0.059   -0.175    0.092   -0.087    0.309   -0.044   -0.005   -0.010    0.041    0.002   -0.109   -0.020   -0.930    1.000    0.036 |\n",
      "|  psi2s_p |    0.067   -0.058   -0.129   -0.000    0.001   -0.007   -0.042   -0.020   -0.048   -0.203   -0.074    0.261    0.041    0.002    0.003    0.021    0.021   -0.142   -0.004   -0.044   -0.383   -0.013    0.036    1.000 |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "Hesse errors: OrderedDict([(<zfit.Parameter 'p4040_s' floating=True>, {'error': 0.17635114696430482}), (<zfit.Parameter 'p4415_p' floating=True>, {'error': 0.1784648772277304}), (<zfit.Parameter 'Dbar_p' floating=True>, {'error': 0.31255392585180264}), (<zfit.Parameter 'omega_p' floating=True>, {'error': 0.2921967154742098}), (<zfit.Parameter 'rho_p' floating=True>, {'error': 0.25826109564955857}), (<zfit.Parameter 'phi_s' floating=True>, {'error': 1.0921488383459526}), (<zfit.Parameter 'p4160_s' floating=True>, {'error': 0.17241473278929753}), (<zfit.Parameter 'jpsi_p' floating=True>, {'error': 0.023605150907676453}), (<zfit.Parameter 'bplus_2' floating=True>, {'error': 0.08442241995306077}), (<zfit.Parameter 'p4040_p' floating=True>, {'error': 0.1604014614100695}), (<zfit.Parameter 'DDstar_p' floating=True>, {'error': 0.31174447318819887}), (<zfit.Parameter 'Ctt' floating=True>, {'error': 0.20193902024586163}), (<zfit.Parameter 'p4415_s' floating=True>, {'error': 0.1996345011679339}), (<zfit.Parameter 'rho_s' floating=True>, {'error': 0.36431775437732106}), (<zfit.Parameter 'omega_s' floating=True>, {'error': 4.347803665424106}), (<zfit.Parameter 'Dbar_s' floating=True>, {'error': 0.019501128680833868}), (<zfit.Parameter 'DDstar_s' floating=True>, {'error': 0.02481382363376161}), (<zfit.Parameter 'p4160_p' floating=True>, {'error': 0.09467731482337527}), (<zfit.Parameter 'phi_p' floating=True>, {'error': 0.1765156758427402}), (<zfit.Parameter 'p3770_p' floating=True>, {'error': 0.08805900533627309}), (<zfit.Parameter 'p3770_s' floating=True>, {'error': 0.2309005213998816}), (<zfit.Parameter 'bplus_0' floating=True>, {'error': 0.033008945798463585}), (<zfit.Parameter 'bplus_1' floating=True>, {'error': 0.062401667457582466}), (<zfit.Parameter 'psi2s_p' floating=True>, {'error': 0.03168791900599999})])\n"
     ]
    },
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "Toy 32/50\n",
      "Time taken: 2 h, 8 min\n",
      "Projected time left: 1 h, 12 min\n",
      "Toy 32: Generating data...\n",
      "Directory  data/zfit_toys/toy_32  Created \n",
      "Toy 32: Data generation finished\n",
      "Toy 32: Loading data...\n",
      "Toy 32: Loading data finished\n",
      "Toy 32: Fitting pdf...\n",
      "------------------------------------------------------------------\n",
      "| FCN = 3.014E+05               |     Ncalls=500 (511 total)     |\n",
      "| EDM = 4.62E+07 (Goal: 5E-06)  |            up = 0.5            |\n",
      "------------------------------------------------------------------\n",
      "|  Valid Min.   | Valid Param.  | Above EDM | Reached call limit |\n",
      "------------------------------------------------------------------\n",
      "|     False     |     True      |   True    |       False        |\n",
      "------------------------------------------------------------------\n",
      "| Hesse failed  |   Has cov.    | Accurate  | Pos. def. | Forced |\n",
      "------------------------------------------------------------------\n",
      "|     False     |     True      |   False   |   False   |  True  |\n",
      "------------------------------------------------------------------\n",
      "Function minimum: 301388.0685164397\n",
      "----------------------------------------------------------------------------------------------\n",
      "|   | Name     |   Value   | Hesse Err | Minos Err- | Minos Err+ | Limit-  | Limit+  | Fixed |\n",
      "----------------------------------------------------------------------------------------------\n",
      "| 0 | p4040_s  |   1.780   |   0.001   |            |            |0.00501244| 2.01499 |       |\n",
      "| 1 | p4415_p  |  -5.338   |   0.008   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 2 | Dbar_p   |  -6.049   |   0.005   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 3 | omega_p  |   4.424   |   0.004   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 4 | rho_p    |   4.676   |   0.004   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 5 | phi_s    |  21.129   |   0.004   |            |            | 14.8182 | 23.5818 |       |\n",
      "| 6 | p4160_s  |   0.806   |   0.000   |            |            | 0.71676 | 3.68324 |       |\n",
      "| 7 | jpsi_p   |  -1.996   |   0.005   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 8 | bplus_2  |   1.042   |   0.003   |            |            |   -2    |    2    |       |\n",
      "| 9 | p4040_p  |   3.93    |   0.04    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 10| DDstar_p |  -1.160   |   0.027   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 11| Ctt      |  -0.745   |   0.001   |            |            |  -1.5   |   1.5   |       |\n",
      "| 12| p4415_s  |   2.014   |   0.001   |            |            |0.126447 | 2.35355 |       |\n",
      "| 13| rho_s    |   0.597   |   0.001   |            |            |0.0253049| 2.0747  |       |\n",
      "| 14| omega_s  |  0.676E1  |  0.000E1  |            |            | 4.19232 | 9.40768 |       |\n",
      "| 15| Dbar_s   | 2.599E-1  | 0.002E-1  |            |            |  -0.3   |   0.3   |       |\n",
      "| 16| DDstar_s | 2.586E-1  | 0.002E-1  |            |            |  -0.3   |   0.3   |       |\n",
      "| 17| p4160_p  |   1.786   |   0.006   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 18| phi_p    |   0.262   |   0.006   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 19| p3770_p  |   4.451   |   0.022   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 20| p3770_s  |   1.731   |   0.004   |            |            |0.918861 | 4.08114 |       |\n",
      "| 21| bplus_0  | -2.408E-1 |  0.022E-1 |            |            |   -2    |    2    |       |\n",
      "| 22| bplus_1  |   0.409   |   0.005   |            |            |   -2    |    2    |       |\n",
      "| 23| psi2s_p  |   -0.4    |    8.1    |            |            |-6.28319 | 6.28319 |       |\n",
      "----------------------------------------------------------------------------------------------\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|          |  p4040_s  p4415_p   Dbar_p  omega_p    rho_p    phi_s  p4160_s   jpsi_p  bplus_2  p4040_p DDstar_p      Ctt  p4415_s    rho_s  omega_s   Dbar_s DDstar_s  p4160_p    phi_p  p3770_p  p3770_s  bplus_0  bplus_1  psi2s_p |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|  p4040_s |    1.000   -0.313   -0.319   -0.005    0.007   -0.001   -0.105   -0.301    0.315    0.338    0.334    0.070   -0.010   -0.017   -0.003    0.201    0.239   -0.150    0.081   -0.336    0.327    0.340    0.340    0.341 |\n",
      "|  p4415_p |   -0.313    1.000    0.860    0.012   -0.018    0.003    0.282    0.810   -0.848   -0.911   -0.899   -0.189    0.027    0.045    0.009   -0.541   -0.645    0.404   -0.218    0.905   -0.879   -0.915   -0.915   -0.918 |\n",
      "|   Dbar_p |   -0.319    0.860    1.000    0.013   -0.019    0.003    0.288    0.827   -0.865   -0.930   -0.917   -0.193    0.027    0.046    0.009   -0.552   -0.658    0.412   -0.222    0.924   -0.898   -0.934   -0.934   -0.937 |\n",
      "|  omega_p |   -0.005    0.012    0.013    1.000   -0.000    0.000    0.004    0.012   -0.012   -0.013   -0.013   -0.003    0.000    0.001    0.000   -0.008   -0.009    0.006   -0.003    0.013   -0.013   -0.013   -0.013   -0.013 |\n",
      "|    rho_p |    0.007   -0.018   -0.019   -0.000    1.000   -0.000   -0.006   -0.018    0.019    0.020    0.020    0.004   -0.001   -0.001   -0.000    0.012    0.014   -0.009    0.005   -0.020    0.019    0.020    0.020    0.020 |\n",
      "|    phi_s |   -0.001    0.003    0.003    0.000   -0.000    1.000    0.001    0.003   -0.003   -0.003   -0.003   -0.001    0.000    0.000    0.000   -0.002   -0.002    0.001   -0.001    0.003   -0.003   -0.003   -0.003   -0.003 |\n",
      "|  p4160_s |   -0.105    0.282    0.288    0.004   -0.006    0.001    1.000    0.271   -0.284   -0.305   -0.301   -0.063    0.009    0.015    0.003   -0.181   -0.216    0.135   -0.073    0.303   -0.294   -0.306   -0.306   -0.307 |\n",
      "|   jpsi_p |   -0.301    0.810    0.827    0.012   -0.018    0.003    0.271    1.000   -0.815   -0.876   -0.864   -0.182    0.026    0.043    0.009   -0.520   -0.620    0.388   -0.209    0.870   -0.845   -0.880   -0.880   -0.882 |\n",
      "|  bplus_2 |    0.315   -0.848   -0.865   -0.012    0.019   -0.003   -0.284   -0.815    1.000    0.917    0.904    0.190   -0.027   -0.045   -0.009    0.544    0.649   -0.406    0.219   -0.911    0.885    0.921    0.921    0.924 |\n",
      "|  p4040_p |    0.338   -0.911   -0.930   -0.013    0.020   -0.003   -0.305   -0.876    0.917    1.000    0.972    0.205   -0.029   -0.048   -0.010    0.585    0.697   -0.436    0.236   -0.979    0.951    0.990    0.990    0.993 |\n",
      "| DDstar_p |    0.334   -0.899   -0.917   -0.013    0.020   -0.003   -0.301   -0.864    0.904    0.972    1.000    0.202   -0.029   -0.048   -0.010    0.577    0.688   -0.431    0.232   -0.966    0.938    0.976    0.976    0.979 |\n",
      "|      Ctt |    0.070   -0.189   -0.193   -0.003    0.004   -0.001   -0.063   -0.182    0.190    0.205    0.202    1.000   -0.006   -0.010   -0.002    0.122    0.145   -0.091    0.049   -0.204    0.198    0.206    0.206    0.206 |\n",
      "|  p4415_s |   -0.010    0.027    0.027    0.000   -0.001    0.000    0.009    0.026   -0.027   -0.029   -0.029   -0.006    1.000    0.001    0.000   -0.017   -0.021    0.013   -0.007    0.029   -0.028   -0.029   -0.029   -0.029 |\n",
      "|    rho_s |   -0.017    0.045    0.046    0.001   -0.001    0.000    0.015    0.043   -0.045   -0.048   -0.048   -0.010    0.001    1.000    0.000   -0.029   -0.034    0.021   -0.012    0.048   -0.047   -0.049   -0.049   -0.049 |\n",
      "|  omega_s |   -0.003    0.009    0.009    0.000   -0.000    0.000    0.003    0.009   -0.009   -0.010   -0.010   -0.002    0.000    0.000    1.000   -0.006   -0.007    0.004   -0.002    0.010   -0.010   -0.010   -0.010   -0.010 |\n",
      "|   Dbar_s |    0.201   -0.541   -0.552   -0.008    0.012   -0.002   -0.181   -0.520    0.544    0.585    0.577    0.122   -0.017   -0.029   -0.006    1.000    0.414   -0.259    0.140   -0.581    0.565    0.588    0.588    0.589 |\n",
      "| DDstar_s |    0.239   -0.645   -0.658   -0.009    0.014   -0.002   -0.216   -0.620    0.649    0.697    0.688    0.145   -0.021   -0.034   -0.007    0.414    1.000   -0.309    0.167   -0.693    0.673    0.700    0.700    0.702 |\n",
      "|  p4160_p |   -0.150    0.404    0.412    0.006   -0.009    0.001    0.135    0.388   -0.406   -0.436   -0.431   -0.091    0.013    0.021    0.004   -0.259   -0.309    1.000   -0.104    0.434   -0.421   -0.438   -0.438   -0.440 |\n",
      "|    phi_p |    0.081   -0.218   -0.222   -0.003    0.005   -0.001   -0.073   -0.209    0.219    0.236    0.232    0.049   -0.007   -0.012   -0.002    0.140    0.167   -0.104    1.000   -0.234    0.227    0.237    0.237    0.237 |\n",
      "|  p3770_p |   -0.336    0.905    0.924    0.013   -0.020    0.003    0.303    0.870   -0.911   -0.979   -0.966   -0.204    0.029    0.048    0.010   -0.581   -0.693    0.434   -0.234    1.000   -0.945   -0.983   -0.983   -0.986 |\n",
      "|  p3770_s |    0.327   -0.879   -0.898   -0.013    0.019   -0.003   -0.294   -0.845    0.885    0.951    0.938    0.198   -0.028   -0.047   -0.010    0.565    0.673   -0.421    0.227   -0.945    1.000    0.955    0.955    0.958 |\n",
      "|  bplus_0 |    0.340   -0.915   -0.934   -0.013    0.020   -0.003   -0.306   -0.880    0.921    0.990    0.976    0.206   -0.029   -0.049   -0.010    0.588    0.700   -0.438    0.237   -0.983    0.955    1.000    0.994    0.997 |\n",
      "|  bplus_1 |    0.340   -0.915   -0.934   -0.013    0.020   -0.003   -0.306   -0.880    0.921    0.990    0.976    0.206   -0.029   -0.049   -0.010    0.588    0.700   -0.438    0.237   -0.983    0.955    0.994    1.000    0.997 |\n",
      "|  psi2s_p |    0.341   -0.918   -0.937   -0.013    0.020   -0.003   -0.307   -0.882    0.924    0.993    0.979    0.206   -0.029   -0.049   -0.010    0.589    0.702   -0.440    0.237   -0.986    0.958    0.997    0.997    1.000 |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "Hesse errors: OrderedDict([(<zfit.Parameter 'p4040_s' floating=True>, {'error': 0.0006291975394621119}), (<zfit.Parameter 'p4415_p' floating=True>, {'error': 0.007985258851270771}), (<zfit.Parameter 'Dbar_p' floating=True>, {'error': 0.004523853750326712}), (<zfit.Parameter 'omega_p' floating=True>, {'error': 0.004056759697570911}), (<zfit.Parameter 'rho_p' floating=True>, {'error': 0.0038381104421763013}), (<zfit.Parameter 'phi_s' floating=True>, {'error': 0.0036030856963815694}), (<zfit.Parameter 'p4160_s' floating=True>, {'error': 0.0004873612970820451}), (<zfit.Parameter 'jpsi_p' floating=True>, {'error': 0.005060463929967618}), (<zfit.Parameter 'bplus_2' floating=True>, {'error': 0.0032458293171402364}), (<zfit.Parameter 'p4040_p' floating=True>, {'error': 0.03519708667701682}), (<zfit.Parameter 'DDstar_p' floating=True>, {'error': 0.026601972806755025}), (<zfit.Parameter 'Ctt' floating=True>, {'error': 0.0011957662440087446}), (<zfit.Parameter 'p4415_s' floating=True>, {'error': 0.0007352154181468062}), (<zfit.Parameter 'rho_s' floating=True>, {'error': 0.0008435001980726109}), (<zfit.Parameter 'omega_s' floating=True>, {'error': 0.002389433656862394}), (<zfit.Parameter 'Dbar_s' floating=True>, {'error': 0.00017012262209065154}), (<zfit.Parameter 'DDstar_s' floating=True>, {'error': 0.0001958841902288122}), (<zfit.Parameter 'p4160_p' floating=True>, {'error': 0.006334925956383408}), (<zfit.Parameter 'phi_p' floating=True>, {'error': 0.005958883796820302}), (<zfit.Parameter 'p3770_p' floating=True>, {'error': 0.02236921491316224}), (<zfit.Parameter 'p3770_s' floating=True>, {'error': 0.004422469532715745}), (<zfit.Parameter 'bplus_0' floating=True>, {'error': 0.0021960129974937237}), (<zfit.Parameter 'bplus_1' floating=True>, {'error': 0.0048515734419147805}), (<zfit.Parameter 'psi2s_p' floating=True>, {'error': 8.139661906205548})])\n"
     ]
    },
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "Toy 33/50\n",
      "Time taken: 2 h, 15 min\n",
      "Projected time left: 1 h, 9 min\n",
      "Toy 33: Generating data...\n",
      "Directory  data/zfit_toys/toy_33  Created \n",
      "Toy 33: Data generation finished\n",
      "Toy 33: Loading data...\n",
      "Toy 33: Loading data finished\n",
      "Toy 33: Fitting pdf...\n",
      "------------------------------------------------------------------\n",
      "| FCN = 2.974E+05               |    Ncalls=1382 (1382 total)    |\n",
      "| EDM = 0.0108 (Goal: 5E-06)    |            up = 0.5            |\n",
      "------------------------------------------------------------------\n",
      "|  Valid Min.   | Valid Param.  | Above EDM | Reached call limit |\n",
      "------------------------------------------------------------------\n",
      "|     False     |     True      |   True    |       False        |\n",
      "------------------------------------------------------------------\n",
      "| Hesse failed  |   Has cov.    | Accurate  | Pos. def. | Forced |\n",
      "------------------------------------------------------------------\n",
      "|     False     |     True      |   False   |   False   |  True  |\n",
      "------------------------------------------------------------------\n",
      "Function minimum: 297371.7337031406\n",
      "----------------------------------------------------------------------------------------------\n",
      "|   | Name     |   Value   | Hesse Err | Minos Err- | Minos Err+ | Limit-  | Limit+  | Fixed |\n",
      "----------------------------------------------------------------------------------------------\n",
      "| 0 | p4040_s  |   0.59    |   0.19    |            |            |0.00501244| 2.01499 |       |\n",
      "| 1 | p4415_p  |   -2.05   |    0.16   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 2 | Dbar_p   |    5.0    |    2.2    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 3 | omega_p  |   6.28    |   0.13    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 4 | rho_p    |   -6.0    |    0.4    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 5 | phi_s    |   18.4    |    0.8    |            |            | 14.8182 | 23.5818 |       |\n",
      "| 6 | p4160_s  |   2.19    |   0.16    |            |            | 0.71676 | 3.68324 |       |\n",
      "| 7 | jpsi_p   |   1.666   |   0.028   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 8 | bplus_2  |   -0.17   |    0.05   |            |            |   -2    |    2    |       |\n",
      "| 9 | p4040_p  |   -2.65   |    0.26   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 10| DDstar_p |   -2.7    |    0.4    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 11| Ctt      |   -0.11   |    0.11   |            |            |  -1.5   |   1.5   |       |\n",
      "| 12| p4415_s  |   1.19    |   0.21    |            |            |0.126447 | 2.35355 |       |\n",
      "| 13| rho_s    |    0.7    |    0.3    |            |            |0.0253049| 2.0747  |       |\n",
      "| 14| omega_s  |    5.9    |    0.9    |            |            | 4.19232 | 9.40768 |       |\n",
      "| 15| Dbar_s   |   -0.06   |    0.12   |            |            |  -0.3   |   0.3   |       |\n",
      "| 16| DDstar_s |   -0.30   |    0.36   |            |            |  -0.3   |   0.3   |       |\n",
      "| 17| p4160_p  |   -1.99   |    0.11   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 18| phi_p    |   0.77    |   0.15    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 19| p3770_p  |   3.43    |   0.13    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 20| p3770_s  |   2.58    |   0.21    |            |            |0.918861 | 4.08114 |       |\n",
      "| 21| bplus_0  |   0.448   |   0.014   |            |            |   -2    |    2    |       |\n",
      "| 22| bplus_1  |  -0.819   |   0.028   |            |            |   -2    |    2    |       |\n",
      "| 23| psi2s_p  |   1.799   |   0.029   |            |            |-6.28319 | 6.28319 |       |\n",
      "----------------------------------------------------------------------------------------------\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|          |  p4040_s  p4415_p   Dbar_p  omega_p    rho_p    phi_s  p4160_s   jpsi_p  bplus_2  p4040_p DDstar_p      Ctt  p4415_s    rho_s  omega_s   Dbar_s DDstar_s  p4160_p    phi_p  p3770_p  p3770_s  bplus_0  bplus_1  psi2s_p |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|  p4040_s |    1.000   -0.095   -0.591   -0.004    0.284   -0.049    0.250    0.329    0.016   -0.239    0.469   -0.012    0.481   -0.186    0.136   -0.422    0.686   -0.628   -0.055   -0.454   -0.059   -0.608   -0.621    0.229 |\n",
      "|  p4415_p |   -0.095    1.000    0.003   -0.001    0.031   -0.013   -0.094    0.096    0.134    0.115    0.169   -0.059   -0.038    0.003    0.007   -0.039    0.000    0.200   -0.005    0.068    0.048   -0.032   -0.035    0.011 |\n",
      "|   Dbar_p |   -0.591    0.003    1.000    0.006   -0.354    0.056   -0.403   -0.502   -0.036    0.179   -0.506    0.281   -0.571    0.243   -0.173    0.699   -0.900    0.559    0.065    0.430    0.138    0.782    0.797   -0.334 |\n",
      "|  omega_p |   -0.004   -0.001    0.006    1.000    0.004   -0.002   -0.003   -0.003   -0.003    0.001   -0.004    0.002   -0.004    0.024   -0.116    0.005   -0.006    0.004    0.005    0.004    0.001    0.006    0.005   -0.002 |\n",
      "|    rho_p |    0.284    0.031   -0.354    0.004    1.000   -0.056    0.210    0.213    0.147   -0.060    0.249   -0.101    0.256   -0.129    0.518   -0.282    0.405   -0.255   -0.200   -0.249   -0.057   -0.392   -0.359    0.139 |\n",
      "|    phi_s |   -0.049   -0.013    0.056   -0.002   -0.056    1.000   -0.044   -0.055   -0.085    0.002   -0.032    0.015   -0.043   -0.045   -0.019    0.042   -0.062    0.038    0.500    0.039   -0.002    0.046    0.050   -0.025 |\n",
      "|  p4160_s |    0.250   -0.094   -0.403   -0.003    0.210   -0.044    1.000    0.217    0.082    0.164    0.352   -0.007    0.454   -0.120    0.095   -0.298    0.480   -0.354   -0.041   -0.292   -0.074   -0.417   -0.430    0.114 |\n",
      "|   jpsi_p |    0.329    0.096   -0.502   -0.003    0.213   -0.055    0.217    1.000   -0.071    0.004    0.496   -0.269    0.279   -0.129    0.094   -0.542    0.477   -0.165   -0.044   -0.175    0.091   -0.421   -0.433    0.341 |\n",
      "|  bplus_2 |    0.016    0.134   -0.036   -0.003    0.147   -0.085    0.082   -0.071    1.000    0.035   -0.013    0.419   -0.028    0.095    0.017    0.063    0.013    0.015   -0.036   -0.003   -0.010   -0.068   -0.075   -0.032 |\n",
      "|  p4040_p |   -0.239    0.115    0.179    0.001   -0.060    0.002    0.164    0.004    0.035    1.000   -0.004   -0.086   -0.083    0.059   -0.035    0.020   -0.201    0.198    0.013    0.244    0.046    0.169    0.169   -0.124 |\n",
      "| DDstar_p |    0.469    0.169   -0.506   -0.004    0.249   -0.032    0.352    0.496   -0.013   -0.004    1.000   -0.195    0.392   -0.183    0.126   -0.197    0.544   -0.242   -0.041   -0.343   -0.025   -0.570   -0.579    0.326 |\n",
      "|      Ctt |   -0.012   -0.059    0.281    0.002   -0.101    0.015   -0.007   -0.269    0.419   -0.086   -0.195    1.000   -0.030    0.084   -0.056    0.082   -0.250    0.001    0.024    0.109    0.005    0.219    0.223    0.097 |\n",
      "|  p4415_s |    0.481   -0.038   -0.571   -0.004    0.256   -0.043    0.454    0.279   -0.028   -0.083    0.392   -0.030    1.000   -0.174    0.125   -0.417    0.650   -0.417   -0.050   -0.417   -0.117   -0.555   -0.567    0.211 |\n",
      "|    rho_s |   -0.186    0.003    0.243    0.024   -0.129   -0.045   -0.120   -0.129    0.095    0.059   -0.183    0.084   -0.174    1.000   -0.233    0.194   -0.286    0.183   -0.033    0.172    0.062    0.307    0.276   -0.093 |\n",
      "|  omega_s |    0.136    0.007   -0.173   -0.116    0.518   -0.019    0.095    0.094    0.017   -0.035    0.126   -0.056    0.125   -0.233    1.000   -0.139    0.201   -0.128   -0.100   -0.124   -0.036   -0.201   -0.183    0.067 |\n",
      "|   Dbar_s |   -0.422   -0.039    0.699    0.005   -0.282    0.042   -0.298   -0.542    0.063    0.020   -0.197    0.082   -0.417    0.194   -0.139    1.000   -0.705    0.333    0.049    0.221   -0.065    0.615    0.625   -0.382 |\n",
      "| DDstar_s |    0.686    0.000   -0.900   -0.006    0.405   -0.062    0.480    0.477    0.013   -0.201    0.544   -0.250    0.650   -0.286    0.201   -0.705    1.000   -0.668   -0.077   -0.600   -0.186   -0.912   -0.929    0.334 |\n",
      "|  p4160_p |   -0.628    0.200    0.559    0.004   -0.255    0.038   -0.354   -0.165    0.015    0.198   -0.242    0.001   -0.417    0.183   -0.128    0.333   -0.668    1.000    0.051    0.523    0.182    0.580    0.589   -0.180 |\n",
      "|    phi_p |   -0.055   -0.005    0.065    0.005   -0.200    0.500   -0.041   -0.044   -0.036    0.013   -0.041    0.024   -0.050   -0.033   -0.100    0.049   -0.077    0.051    1.000    0.051    0.013    0.069    0.066   -0.025 |\n",
      "|  p3770_p |   -0.454    0.068    0.430    0.004   -0.249    0.039   -0.292   -0.175   -0.003    0.244   -0.343    0.109   -0.417    0.172   -0.124    0.221   -0.600    0.523    0.051    1.000    0.042    0.561    0.568   -0.125 |\n",
      "|  p3770_s |   -0.059    0.048    0.138    0.001   -0.057   -0.002   -0.074    0.091   -0.010    0.046   -0.025    0.005   -0.117    0.062   -0.036   -0.065   -0.186    0.182    0.013    0.042    1.000    0.187    0.184   -0.225 |\n",
      "|  bplus_0 |   -0.608   -0.032    0.782    0.006   -0.392    0.046   -0.417   -0.421   -0.068    0.169   -0.570    0.219   -0.555    0.307   -0.201    0.615   -0.912    0.580    0.069    0.561    0.187    1.000    0.784   -0.298 |\n",
      "|  bplus_1 |   -0.621   -0.035    0.797    0.005   -0.359    0.050   -0.430   -0.433   -0.075    0.169   -0.579    0.223   -0.567    0.276   -0.183    0.625   -0.929    0.589    0.066    0.568    0.184    0.784    1.000   -0.305 |\n",
      "|  psi2s_p |    0.229    0.011   -0.334   -0.002    0.139   -0.025    0.114    0.341   -0.032   -0.124    0.326    0.097    0.211   -0.093    0.067   -0.382    0.334   -0.180   -0.025   -0.125   -0.225   -0.298   -0.305    1.000 |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "Hesse errors: OrderedDict([(<zfit.Parameter 'p4040_s' floating=True>, {'error': 0.194362055188366}), (<zfit.Parameter 'p4415_p' floating=True>, {'error': 0.15525370226451418}), (<zfit.Parameter 'Dbar_p' floating=True>, {'error': 2.2338926674678987}), (<zfit.Parameter 'omega_p' floating=True>, {'error': 0.13224650662168802}), (<zfit.Parameter 'rho_p' floating=True>, {'error': 0.3982730805053083}), (<zfit.Parameter 'phi_s' floating=True>, {'error': 0.8245951461654375}), (<zfit.Parameter 'p4160_s' floating=True>, {'error': 0.15619513648347083}), (<zfit.Parameter 'jpsi_p' floating=True>, {'error': 0.02759958271808749}), (<zfit.Parameter 'bplus_2' floating=True>, {'error': 0.046509814166270425}), (<zfit.Parameter 'p4040_p' floating=True>, {'error': 0.2620794817920318}), (<zfit.Parameter 'DDstar_p' floating=True>, {'error': 0.3721816833886171}), (<zfit.Parameter 'Ctt' floating=True>, {'error': 0.11378315603464695}), (<zfit.Parameter 'p4415_s' floating=True>, {'error': 0.20659396760230242}), (<zfit.Parameter 'rho_s' floating=True>, {'error': 0.320075917192155}), (<zfit.Parameter 'omega_s' floating=True>, {'error': 0.8545086778656139}), (<zfit.Parameter 'Dbar_s' floating=True>, {'error': 0.12267510043190742}), (<zfit.Parameter 'DDstar_s' floating=True>, {'error': 0.35990915744644847}), (<zfit.Parameter 'p4160_p' floating=True>, {'error': 0.11457800574995369}), (<zfit.Parameter 'phi_p' floating=True>, {'error': 0.1500696332781133}), (<zfit.Parameter 'p3770_p' floating=True>, {'error': 0.13141921649528143}), (<zfit.Parameter 'p3770_s' floating=True>, {'error': 0.20699202966105168}), (<zfit.Parameter 'bplus_0' floating=True>, {'error': 0.014266279996433262}), (<zfit.Parameter 'bplus_1' floating=True>, {'error': 0.028285868391136115}), (<zfit.Parameter 'psi2s_p' floating=True>, {'error': 0.029328016259754897})])\n"
     ]
    },
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "Toy 34/50\n",
      "Time taken: 2 h, 23 min\n",
      "Projected time left: 1 h, 7 min\n",
      "Toy 34: Generating data...\n",
      "Directory  data/zfit_toys/toy_34  Created \n",
      "Toy 34: Data generation finished\n",
      "Toy 34: Loading data...\n",
      "Toy 34: Loading data finished\n",
      "Toy 34: Fitting pdf...\n",
      "------------------------------------------------------------------\n",
      "| FCN = 3.002E+05               |     Ncalls=539 (550 total)     |\n",
      "| EDM = 2.53E+06 (Goal: 5E-06)  |            up = 0.5            |\n",
      "------------------------------------------------------------------\n",
      "|  Valid Min.   | Valid Param.  | Above EDM | Reached call limit |\n",
      "------------------------------------------------------------------\n",
      "|     False     |     True      |   True    |       False        |\n",
      "------------------------------------------------------------------\n",
      "| Hesse failed  |   Has cov.    | Accurate  | Pos. def. | Forced |\n",
      "------------------------------------------------------------------\n",
      "|     False     |     True      |   False   |   True    | False  |\n",
      "------------------------------------------------------------------\n",
      "Function minimum: 300196.9642244317\n",
      "----------------------------------------------------------------------------------------------\n",
      "|   | Name     |   Value   | Hesse Err | Minos Err- | Minos Err+ | Limit-  | Limit+  | Fixed |\n",
      "----------------------------------------------------------------------------------------------\n",
      "| 0 | p4040_s  |   2.003   |   0.000   |            |            |0.00501244| 2.01499 |       |\n",
      "| 1 | p4415_p  |   2.72    |   0.05    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 2 | Dbar_p   |  -5.347   |   0.013   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 3 | omega_p  |  -1.288   |   0.006   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 4 | rho_p    |  -2.441   |   0.005   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 5 | phi_s    |  18.969   |   0.003   |            |            | 14.8182 | 23.5818 |       |\n",
      "| 6 | p4160_s  |  0.321E1  |  0.000E1  |            |            | 0.71676 | 3.68324 |       |\n",
      "| 7 | jpsi_p   |  -1.007   |   0.026   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 8 | bplus_2  |  -1.745   |   0.001   |            |            |   -2    |    2    |       |\n",
      "| 9 | p4040_p  |  -3.695   |   0.023   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 10| DDstar_p |   1.978   |   0.024   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 11| Ctt      |   1.367   |   0.000   |            |            |  -1.5   |   1.5   |       |\n",
      "| 12| p4415_s  |   2.112   |   0.001   |            |            |0.126447 | 2.35355 |       |\n",
      "| 13| rho_s    |   0.785   |   0.001   |            |            |0.0253049| 2.0747  |       |\n",
      "| 14| omega_s  |  0.497E1  |  0.000E1  |            |            | 4.19232 | 9.40768 |       |\n",
      "| 15| Dbar_s   | -2.126E-1 |  0.002E-1 |            |            |  -0.3   |   0.3   |       |\n",
      "| 16| DDstar_s | -1.964E-1 |  0.003E-1 |            |            |  -0.3   |   0.3   |       |\n",
      "| 17| p4160_p  |  -5.102   |   0.030   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 18| phi_p    |  -3.783   |   0.008   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 19| p3770_p  |  0.326E1  |  0.000E1  |            |            |-6.28319 | 6.28319 |       |\n",
      "| 20| p3770_s  |  0.405E1  |  0.000E1  |            |            |0.918861 | 4.08114 |       |\n",
      "| 21| bplus_0  |   -0.9    |    2.5    |            |            |   -2    |    2    |       |\n",
      "| 22| bplus_1  |   1.574   |   0.003   |            |            |   -2    |    2    |       |\n",
      "| 23| psi2s_p  |   1.706   |   0.013   |            |            |-6.28319 | 6.28319 |       |\n",
      "----------------------------------------------------------------------------------------------\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|          |  p4040_s  p4415_p   Dbar_p  omega_p    rho_p    phi_s  p4160_s   jpsi_p  bplus_2  p4040_p DDstar_p      Ctt  p4415_s    rho_s  omega_s   Dbar_s DDstar_s  p4160_p    phi_p  p3770_p  p3770_s  bplus_0  bplus_1  psi2s_p |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|  p4040_s |    1.000    0.045    0.044    0.027   -0.011   -0.010   -0.012   -0.045   -0.032    0.045    0.045    0.018    0.010   -0.018   -0.004    0.028   -0.037    0.044   -0.038   -0.004    0.005   -0.045    0.044    0.045 |\n",
      "|  p4415_p |    0.045    1.000    0.974    0.594   -0.250   -0.231   -0.266   -0.993   -0.701    0.984    0.985    0.392    0.219   -0.392   -0.080    0.615   -0.813    0.982   -0.836   -0.095    0.105   -0.996    0.975    0.987 |\n",
      "|   Dbar_p |    0.044    0.974    1.000    0.583   -0.245   -0.227   -0.261   -0.974   -0.688    0.966    0.967    0.385    0.215   -0.385   -0.078    0.604   -0.798    0.964   -0.820   -0.093    0.103   -0.978    0.957    0.969 |\n",
      "|  omega_p |    0.027    0.594    0.583    1.000   -0.150   -0.138   -0.159   -0.594   -0.420    0.589    0.590    0.235    0.131   -0.235   -0.048    0.369   -0.487    0.588   -0.501   -0.057    0.063   -0.596    0.584    0.591 |\n",
      "|    rho_p |   -0.011   -0.250   -0.245   -0.150    1.000    0.058    0.067    0.250    0.177   -0.248   -0.248   -0.099   -0.055    0.099    0.020   -0.155    0.205   -0.247    0.211    0.024   -0.026    0.251   -0.246   -0.249 |\n",
      "|    phi_s |   -0.010   -0.231   -0.227   -0.138    0.058    1.000    0.062    0.231    0.163   -0.229   -0.229   -0.091   -0.051    0.091    0.019   -0.143    0.189   -0.229    0.195    0.022   -0.024    0.232   -0.227   -0.230 |\n",
      "|  p4160_s |   -0.012   -0.266   -0.261   -0.159    0.067    0.062    1.000    0.266    0.188   -0.264   -0.264   -0.105   -0.059    0.105    0.021   -0.165    0.218   -0.263    0.224    0.025   -0.028    0.267   -0.261   -0.264 |\n",
      "|   jpsi_p |   -0.045   -0.993   -0.974   -0.594    0.250    0.231    0.266    1.000    0.701   -0.985   -0.985   -0.392   -0.219    0.393    0.080   -0.616    0.814   -0.982    0.836    0.095   -0.105    0.997   -0.976   -0.988 |\n",
      "|  bplus_2 |   -0.032   -0.701   -0.688   -0.420    0.177    0.163    0.188    0.701    1.000   -0.696   -0.696   -0.277   -0.155    0.277    0.056   -0.435    0.575   -0.694    0.591    0.067   -0.074    0.704   -0.689   -0.698 |\n",
      "|  p4040_p |    0.045    0.984    0.966    0.589   -0.248   -0.229   -0.264   -0.985   -0.696    1.000    0.977    0.389    0.217   -0.389   -0.079    0.611   -0.807    0.974   -0.829   -0.094    0.104   -0.988    0.968    0.979 |\n",
      "| DDstar_p |    0.045    0.985    0.967    0.590   -0.248   -0.229   -0.264   -0.985   -0.696    0.977    1.000    0.389    0.217   -0.389   -0.079    0.611   -0.807    0.974   -0.830   -0.094    0.104   -0.989    0.968    0.980 |\n",
      "|      Ctt |    0.018    0.392    0.385    0.235   -0.099   -0.091   -0.105   -0.392   -0.277    0.389    0.389    1.000    0.086   -0.155   -0.031    0.243   -0.321    0.388   -0.330   -0.038    0.042   -0.393    0.385    0.390 |\n",
      "|  p4415_s |    0.010    0.219    0.215    0.131   -0.055   -0.051   -0.059   -0.219   -0.155    0.217    0.217    0.086    1.000   -0.086   -0.018    0.136   -0.179    0.216   -0.184   -0.021    0.023   -0.220    0.215    0.218 |\n",
      "|    rho_s |   -0.018   -0.392   -0.385   -0.235    0.099    0.091    0.105    0.393    0.277   -0.389   -0.389   -0.155   -0.086    1.000    0.031   -0.243    0.322   -0.388    0.331    0.038   -0.042    0.394   -0.386   -0.390 |\n",
      "|  omega_s |   -0.004   -0.080   -0.078   -0.048    0.020    0.019    0.021    0.080    0.056   -0.079   -0.079   -0.031   -0.018    0.031    1.000   -0.049    0.065   -0.079    0.067    0.008   -0.008    0.080   -0.078   -0.079 |\n",
      "|   Dbar_s |    0.028    0.615    0.604    0.369   -0.155   -0.143   -0.165   -0.616   -0.435    0.611    0.611    0.243    0.136   -0.243   -0.049    1.000   -0.505    0.609   -0.519   -0.059    0.065   -0.618    0.605    0.612 |\n",
      "| DDstar_s |   -0.037   -0.813   -0.798   -0.487    0.205    0.189    0.218    0.814    0.575   -0.807   -0.807   -0.321   -0.179    0.322    0.065   -0.505    1.000   -0.805    0.685    0.078   -0.086    0.817   -0.800   -0.809 |\n",
      "|  p4160_p |    0.044    0.982    0.964    0.588   -0.247   -0.229   -0.263   -0.982   -0.694    0.974    0.974    0.388    0.216   -0.388   -0.079    0.609   -0.805    1.000   -0.827   -0.094    0.104   -0.986    0.965    0.977 |\n",
      "|    phi_p |   -0.038   -0.836   -0.820   -0.501    0.211    0.195    0.224    0.836    0.591   -0.829   -0.830   -0.330   -0.184    0.331    0.067   -0.519    0.685   -0.827    1.000    0.080   -0.089    0.839   -0.822   -0.832 |\n",
      "|  p3770_p |   -0.004   -0.095   -0.093   -0.057    0.024    0.022    0.025    0.095    0.067   -0.094   -0.094   -0.038   -0.021    0.038    0.008   -0.059    0.078   -0.094    0.080    1.000   -0.010    0.095   -0.093   -0.094 |\n",
      "|  p3770_s |    0.005    0.105    0.103    0.063   -0.026   -0.024   -0.028   -0.105   -0.074    0.104    0.104    0.042    0.023   -0.042   -0.008    0.065   -0.086    0.104   -0.089   -0.010    1.000   -0.106    0.103    0.105 |\n",
      "|  bplus_0 |   -0.045   -0.996   -0.978   -0.596    0.251    0.232    0.267    0.997    0.704   -0.988   -0.989   -0.393   -0.220    0.394    0.080   -0.618    0.817   -0.986    0.839    0.095   -0.106    1.000   -0.979   -0.991 |\n",
      "|  bplus_1 |    0.044    0.975    0.957    0.584   -0.246   -0.227   -0.261   -0.976   -0.689    0.968    0.968    0.385    0.215   -0.386   -0.078    0.605   -0.800    0.965   -0.822   -0.093    0.103   -0.979    1.000    0.970 |\n",
      "|  psi2s_p |    0.045    0.987    0.969    0.591   -0.249   -0.230   -0.264   -0.988   -0.698    0.979    0.980    0.390    0.218   -0.390   -0.079    0.612   -0.809    0.977   -0.832   -0.094    0.105   -0.991    0.970    1.000 |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "Hesse errors: OrderedDict([(<zfit.Parameter 'p4040_s' floating=True>, {'error': 0.00011517718760645224}), (<zfit.Parameter 'p4415_p' floating=True>, {'error': 0.05329838845179946}), (<zfit.Parameter 'Dbar_p' floating=True>, {'error': 0.013156807659500114}), (<zfit.Parameter 'omega_p' floating=True>, {'error': 0.005721706540271043}), (<zfit.Parameter 'rho_p' floating=True>, {'error': 0.004804035150877128}), (<zfit.Parameter 'phi_s' floating=True>, {'error': 0.003362700022561782}), (<zfit.Parameter 'p4160_s' floating=True>, {'error': 0.0008511282947720744}), (<zfit.Parameter 'jpsi_p' floating=True>, {'error': 0.025776331253054785}), (<zfit.Parameter 'bplus_2' floating=True>, {'error': 0.001063079429582281}), (<zfit.Parameter 'p4040_p' floating=True>, {'error': 0.022763812200164102}), (<zfit.Parameter 'DDstar_p' floating=True>, {'error': 0.023840144772553806}), (<zfit.Parameter 'Ctt' floating=True>, {'error': 0.0004967812915350756}), (<zfit.Parameter 'p4415_s' floating=True>, {'error': 0.0005331650353095352}), (<zfit.Parameter 'rho_s' floating=True>, {'error': 0.0008047964069671232}), (<zfit.Parameter 'omega_s' floating=True>, {'error': 0.001396373703605569}), (<zfit.Parameter 'Dbar_s' floating=True>, {'error': 0.00020265223001721122}), (<zfit.Parameter 'DDstar_s' floating=True>, {'error': 0.00029204994930495665}), (<zfit.Parameter 'p4160_p' floating=True>, {'error': 0.030454145462408988}), (<zfit.Parameter 'phi_p' floating=True>, {'error': 0.007660129764866186}), (<zfit.Parameter 'p3770_p' floating=True>, {'error': 0.0027151986189783983}), (<zfit.Parameter 'p3770_s' floating=True>, {'error': 0.0002176067539263471}), (<zfit.Parameter 'bplus_0' floating=True>, {'error': 2.5396825600399167}), (<zfit.Parameter 'bplus_1' floating=True>, {'error': 0.0033866588304749534}), (<zfit.Parameter 'psi2s_p' floating=True>, {'error': 0.013246052464551905})])\n"
     ]
    },
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "Toy 35/50\n",
      "Time taken: 2 h, 30 min\n",
      "Projected time left: 1 h, 4 min\n",
      "Toy 35: Generating data...\n",
      "Directory  data/zfit_toys/toy_35  Created \n",
      "Toy 35: Data generation finished\n",
      "Toy 35: Loading data...\n",
      "Toy 35: Loading data finished\n",
      "Toy 35: Fitting pdf...\n",
      "------------------------------------------------------------------\n",
      "| FCN = 2.973E+05               |    Ncalls=1472 (1472 total)    |\n",
      "| EDM = 5.47E-05 (Goal: 5E-06)  |            up = 0.5            |\n",
      "------------------------------------------------------------------\n",
      "|  Valid Min.   | Valid Param.  | Above EDM | Reached call limit |\n",
      "------------------------------------------------------------------\n",
      "|     True      |     True      |   False   |       False        |\n",
      "------------------------------------------------------------------\n",
      "| Hesse failed  |   Has cov.    | Accurate  | Pos. def. | Forced |\n",
      "------------------------------------------------------------------\n",
      "|     False     |     True      |   False   |   False   |  True  |\n",
      "------------------------------------------------------------------\n",
      "Function minimum: 297301.28640813346\n",
      "----------------------------------------------------------------------------------------------\n",
      "|   | Name     |   Value   | Hesse Err | Minos Err- | Minos Err+ | Limit-  | Limit+  | Fixed |\n",
      "----------------------------------------------------------------------------------------------\n",
      "| 0 | p4040_s  |   0.92    |   0.12    |            |            |0.00501244| 2.01499 |       |\n",
      "| 1 | p4415_p  |   4.12    |   0.19    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 2 | Dbar_p   |    -6     |     8     |            |            |-6.28319 | 6.28319 |       |\n",
      "| 3 | omega_p  |   -0.10   |    0.21   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 4 | rho_p    |   5.80    |   0.18    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 5 | phi_s    |   21.4    |    0.8    |            |            | 14.8182 | 23.5818 |       |\n",
      "| 6 | p4160_s  |   2.00    |   0.12    |            |            | 0.71676 | 3.68324 |       |\n",
      "| 7 | jpsi_p   |   1.64    |   0.08    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 8 | bplus_2  |   0.30    |   0.07    |            |            |   -2    |    2    |       |\n",
      "| 9 | p4040_p  |    3.7    |    0.4    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 10| DDstar_p |    6.3    |    0.5    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 11| Ctt      |   -0.49   |    0.21   |            |            |  -1.5   |   1.5   |       |\n",
      "| 12| p4415_s  |   1.42    |   0.16    |            |            |0.126447 | 2.35355 |       |\n",
      "| 13| rho_s    |   1.58    |   0.23    |            |            |0.0253049| 2.0747  |       |\n",
      "| 14| omega_s  |    5.9    |    0.8    |            |            | 4.19232 | 9.40768 |       |\n",
      "| 15| Dbar_s   |   -0.15   |    0.12   |            |            |  -0.3   |   0.3   |       |\n",
      "| 16| DDstar_s |   -0.30   |    0.04   |            |            |  -0.3   |   0.3   |       |\n",
      "| 17| p4160_p  |   -2.03   |    0.24   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 18| phi_p    |   -5.53   |    0.13   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 19| p3770_p  |   3.42    |   0.26    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 20| p3770_s  |    2.8    |    0.6    |            |            |0.918861 | 4.08114 |       |\n",
      "| 21| bplus_0  |  -0.461   |   0.004   |            |            |   -2    |    2    |       |\n",
      "| 22| bplus_1  |   0.914   |   0.008   |            |            |   -2    |    2    |       |\n",
      "| 23| psi2s_p  |   1.80    |   0.07    |            |            |-6.28319 | 6.28319 |       |\n",
      "----------------------------------------------------------------------------------------------\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|          |  p4040_s  p4415_p   Dbar_p  omega_p    rho_p    phi_s  p4160_s   jpsi_p  bplus_2  p4040_p DDstar_p      Ctt  p4415_s    rho_s  omega_s   Dbar_s DDstar_s  p4160_p    phi_p  p3770_p  p3770_s  bplus_0  bplus_1  psi2s_p |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|  p4040_s |    1.000   -0.130    0.084   -0.002    0.010   -0.018   -0.082   -0.082   -0.068   -0.104   -0.077   -0.005    0.085   -0.001   -0.008    0.037   -0.047   -0.165   -0.006   -0.084   -0.059   -0.095   -0.091   -0.094 |\n",
      "|  p4415_p |   -0.130    1.000   -0.798    0.034    0.063    0.057   -0.215    0.779    0.617    0.767    0.583    0.715   -0.459   -0.018    0.054   -0.748   -0.116    0.790    0.049    0.765    0.771    0.166    0.157    0.742 |\n",
      "|   Dbar_p |    0.084   -0.798    1.000   -0.042   -0.068   -0.078    0.195   -0.976   -0.815   -0.941   -0.755   -0.909    0.542    0.017   -0.068    0.910    0.137   -0.952   -0.063   -0.951   -0.965   -0.193   -0.175   -0.941 |\n",
      "|  omega_p |   -0.002    0.034   -0.042    1.000   -0.103    0.014   -0.007    0.041    0.026    0.040    0.031    0.037   -0.023    0.008    0.296   -0.039   -0.007    0.040   -0.002    0.039    0.041    0.005    0.002    0.039 |\n",
      "|    rho_p |    0.010    0.063   -0.068   -0.103    1.000   -0.041    0.004    0.071   -0.036    0.067    0.052    0.057   -0.035    0.127    0.138   -0.064   -0.015    0.066   -0.106    0.061    0.069   -0.044   -0.046    0.065 |\n",
      "|    phi_s |   -0.018    0.057   -0.078    0.014   -0.041    1.000   -0.028    0.070    0.107    0.071    0.057    0.073   -0.047   -0.008    0.006   -0.074   -0.011    0.074    0.457    0.075    0.072    0.055    0.036    0.072 |\n",
      "|  p4160_s |   -0.082   -0.215    0.195   -0.007    0.004   -0.028    1.000   -0.196   -0.183   -0.101   -0.153   -0.127    0.238   -0.000   -0.016    0.138   -0.019   -0.198   -0.012   -0.184   -0.182   -0.109   -0.102   -0.203 |\n",
      "|   jpsi_p |   -0.082    0.779   -0.976    0.041    0.071    0.070   -0.196    1.000    0.797    0.918    0.724    0.872   -0.535   -0.019    0.064   -0.895   -0.140    0.930    0.060    0.927    0.944    0.174    0.159    0.921 |\n",
      "|  bplus_2 |   -0.068    0.617   -0.815    0.026   -0.036    0.107   -0.183    0.797    1.000    0.758    0.610    0.660   -0.414    0.009    0.055   -0.776   -0.113    0.765    0.059    0.766    0.782    0.064    0.053    0.772 |\n",
      "|  p4040_p |   -0.104    0.767   -0.941    0.040    0.067    0.071   -0.101    0.918    0.758    1.000    0.700    0.833   -0.495   -0.019    0.064   -0.871   -0.121    0.896    0.059    0.902    0.902    0.193    0.177    0.873 |\n",
      "| DDstar_p |   -0.077    0.583   -0.755    0.031    0.052    0.057   -0.153    0.724    0.610    0.700    1.000    0.683   -0.404   -0.014    0.051   -0.693   -0.099    0.704    0.046    0.710    0.720    0.148    0.134    0.699 |\n",
      "|      Ctt |   -0.005    0.715   -0.909    0.037    0.057    0.073   -0.127    0.872    0.660    0.833    0.683    1.000   -0.430   -0.014    0.059   -0.859   -0.107    0.838    0.060    0.857    0.869    0.188    0.175    0.876 |\n",
      "|  p4415_s |    0.085   -0.459    0.542   -0.023   -0.035   -0.047    0.238   -0.535   -0.414   -0.495   -0.404   -0.430    1.000    0.013   -0.039    0.485    0.027   -0.499   -0.033   -0.520   -0.520   -0.208   -0.204   -0.512 |\n",
      "|    rho_s |   -0.001   -0.018    0.017    0.008    0.127   -0.008   -0.000   -0.019    0.009   -0.019   -0.014   -0.014    0.013    1.000   -0.273    0.023    0.012   -0.018    0.066   -0.016   -0.019   -0.046    0.002   -0.017 |\n",
      "|  omega_s |   -0.008    0.054   -0.068    0.296    0.138    0.006   -0.016    0.064    0.055    0.064    0.051    0.059   -0.039   -0.273    1.000   -0.066   -0.013    0.065   -0.037    0.063    0.065    0.024    0.008    0.063 |\n",
      "|   Dbar_s |    0.037   -0.748    0.910   -0.039   -0.064   -0.074    0.138   -0.895   -0.776   -0.871   -0.693   -0.859    0.485    0.023   -0.066    1.000    0.078   -0.873   -0.054   -0.846   -0.890   -0.275   -0.260   -0.868 |\n",
      "| DDstar_s |   -0.047   -0.116    0.137   -0.007   -0.015   -0.011   -0.019   -0.140   -0.113   -0.121   -0.099   -0.107    0.027    0.012   -0.013    0.078    1.000   -0.116   -0.006   -0.115   -0.127   -0.139   -0.142   -0.135 |\n",
      "|  p4160_p |   -0.165    0.790   -0.952    0.040    0.066    0.074   -0.198    0.930    0.765    0.896    0.704    0.838   -0.499   -0.018    0.065   -0.873   -0.116    1.000    0.059    0.911    0.916    0.207    0.191    0.891 |\n",
      "|    phi_p |   -0.006    0.049   -0.063   -0.002   -0.106    0.457   -0.012    0.060    0.059    0.059    0.046    0.060   -0.033    0.066   -0.037   -0.054   -0.006    0.059    1.000    0.060    0.060    0.017    0.021    0.059 |\n",
      "|  p3770_p |   -0.084    0.765   -0.951    0.039    0.061    0.075   -0.184    0.927    0.766    0.902    0.710    0.857   -0.520   -0.016    0.063   -0.846   -0.115    0.911    0.060    1.000    0.900    0.182    0.161    0.896 |\n",
      "|  p3770_s |   -0.059    0.771   -0.965    0.041    0.069    0.072   -0.182    0.944    0.782    0.902    0.720    0.869   -0.520   -0.019    0.065   -0.890   -0.127    0.916    0.060    0.900    1.000    0.181    0.163    0.885 |\n",
      "|  bplus_0 |   -0.095    0.166   -0.193    0.005   -0.044    0.055   -0.109    0.174    0.064    0.193    0.148    0.188   -0.208   -0.046    0.024   -0.275   -0.139    0.207    0.017    0.182    0.181    1.000   -0.303    0.174 |\n",
      "|  bplus_1 |   -0.091    0.157   -0.175    0.002   -0.046    0.036   -0.102    0.159    0.053    0.177    0.134    0.175   -0.204    0.002    0.008   -0.260   -0.142    0.191    0.021    0.161    0.163   -0.303    1.000    0.156 |\n",
      "|  psi2s_p |   -0.094    0.742   -0.941    0.039    0.065    0.072   -0.203    0.921    0.772    0.873    0.699    0.876   -0.512   -0.017    0.063   -0.868   -0.135    0.891    0.059    0.896    0.885    0.174    0.156    1.000 |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "Hesse errors: OrderedDict([(<zfit.Parameter 'p4040_s' floating=True>, {'error': 0.11641203140108142}), (<zfit.Parameter 'p4415_p' floating=True>, {'error': 0.1867534739508141}), (<zfit.Parameter 'Dbar_p' floating=True>, {'error': 8.154598790509855}), (<zfit.Parameter 'omega_p' floating=True>, {'error': 0.21212517264978148}), (<zfit.Parameter 'rho_p' floating=True>, {'error': 0.17954171977681455}), (<zfit.Parameter 'phi_s' floating=True>, {'error': 0.7723791916134317}), (<zfit.Parameter 'p4160_s' floating=True>, {'error': 0.11775513000676385}), (<zfit.Parameter 'jpsi_p' floating=True>, {'error': 0.08059580243899189}), (<zfit.Parameter 'bplus_2' floating=True>, {'error': 0.06525101558640967}), (<zfit.Parameter 'p4040_p' floating=True>, {'error': 0.4218170289255463}), (<zfit.Parameter 'DDstar_p' floating=True>, {'error': 0.5119110618731888}), (<zfit.Parameter 'Ctt' floating=True>, {'error': 0.2124507664150883}), (<zfit.Parameter 'p4415_s' floating=True>, {'error': 0.15983342442004111}), (<zfit.Parameter 'rho_s' floating=True>, {'error': 0.23281276666167516}), (<zfit.Parameter 'omega_s' floating=True>, {'error': 0.7645056041894689}), (<zfit.Parameter 'Dbar_s' floating=True>, {'error': 0.12446502426526682}), (<zfit.Parameter 'DDstar_s' floating=True>, {'error': 0.04313255017984685}), (<zfit.Parameter 'p4160_p' floating=True>, {'error': 0.2412966570622026}), (<zfit.Parameter 'phi_p' floating=True>, {'error': 0.13091795094201286}), (<zfit.Parameter 'p3770_p' floating=True>, {'error': 0.26128037761679135}), (<zfit.Parameter 'p3770_s' floating=True>, {'error': 0.6107248109592407}), (<zfit.Parameter 'bplus_0' floating=True>, {'error': 0.00415108993053348}), (<zfit.Parameter 'bplus_1' floating=True>, {'error': 0.008325883144913782}), (<zfit.Parameter 'psi2s_p' floating=True>, {'error': 0.0691392870125247})])\n"
     ]
    },
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "Toy 36/50\n",
      "Time taken: 2 h, 40 min\n",
      "Projected time left: 1 h, 2 min\n",
      "Toy 36: Generating data...\n",
      "Directory  data/zfit_toys/toy_36  Created \n",
      "Toy 36: Data generation finished\n",
      "Toy 36: Loading data...\n",
      "Toy 36: Loading data finished\n",
      "Toy 36: Fitting pdf...\n",
      "------------------------------------------------------------------\n",
      "| FCN = 2.973E+05               |    Ncalls=1472 (1472 total)    |\n",
      "| EDM = 1.12E-05 (Goal: 5E-06)  |            up = 0.5            |\n",
      "------------------------------------------------------------------\n",
      "|  Valid Min.   | Valid Param.  | Above EDM | Reached call limit |\n",
      "------------------------------------------------------------------\n",
      "|     True      |     True      |   False   |       False        |\n",
      "------------------------------------------------------------------\n",
      "| Hesse failed  |   Has cov.    | Accurate  | Pos. def. | Forced |\n",
      "------------------------------------------------------------------\n",
      "|     False     |     True      |   True    |   True    | False  |\n",
      "------------------------------------------------------------------\n",
      "Function minimum: 297336.6865071106\n",
      "----------------------------------------------------------------------------------------------\n",
      "|   | Name     |   Value   | Hesse Err | Minos Err- | Minos Err+ | Limit-  | Limit+  | Fixed |\n",
      "----------------------------------------------------------------------------------------------\n",
      "| 0 | p4040_s  |   1.19    |   0.17    |            |            |0.00501244| 2.01499 |       |\n",
      "| 1 | p4415_p  |   -2.37   |    0.14   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 2 | Dbar_p   |   5.08    |   0.29    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 3 | omega_p  |   -0.16   |    0.35   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 4 | rho_p    |    5.8    |    0.3    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 5 | phi_s    |   17.5    |    2.9    |            |            | 14.8182 | 23.5818 |       |\n",
      "| 6 | p4160_s  |   2.39    |   0.17    |            |            | 0.71676 | 3.68324 |       |\n",
      "| 7 | jpsi_p   |   4.646   |   0.026   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 8 | bplus_2  |   -0.35   |    0.08   |            |            |   -2    |    2    |       |\n",
      "| 9 | p4040_p  |   4.06    |   0.16    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 10| DDstar_p |    1.8    |    0.3    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 11| Ctt      |   -0.64   |    0.22   |            |            |  -1.5   |   1.5   |       |\n",
      "| 12| p4415_s  |   1.54    |   0.19    |            |            |0.126447 | 2.35355 |       |\n",
      "| 13| rho_s    |    1.1    |    0.3    |            |            |0.0253049| 2.0747  |       |\n",
      "| 14| omega_s  |    4.9    |    1.1    |            |            | 4.19232 | 9.40768 |       |\n",
      "| 15| Dbar_s   |   0.300   |   0.016   |            |            |  -0.3   |   0.3   |       |\n",
      "| 16| DDstar_s |  -0.300   |   0.020   |            |            |  -0.3   |   0.3   |       |\n",
      "| 17| p4160_p  |   4.19    |   0.10    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 18| phi_p    |   -6.0    |    0.7    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 19| p3770_p  |   3.59    |   0.10    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 20| p3770_s  |   3.26    |   0.23    |            |            |0.918861 | 4.08114 |       |\n",
      "| 21| bplus_0  |   0.442   |   0.018   |            |            |   -2    |    2    |       |\n",
      "| 22| bplus_1  |   -0.81   |    0.04   |            |            |   -2    |    2    |       |\n",
      "| 23| psi2s_p  |   1.90    |   0.03    |            |            |-6.28319 | 6.28319 |       |\n",
      "----------------------------------------------------------------------------------------------\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|          |  p4040_s  p4415_p   Dbar_p  omega_p    rho_p    phi_s  p4160_s   jpsi_p  bplus_2  p4040_p DDstar_p      Ctt  p4415_s    rho_s  omega_s   Dbar_s DDstar_s  p4160_p    phi_p  p3770_p  p3770_s  bplus_0  bplus_1  psi2s_p |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|  p4040_s |    1.000   -0.185   -0.118    0.000    0.057   -0.026    0.150   -0.033    0.130   -0.237   -0.157    0.329    0.217    0.000    0.006    0.001    0.006   -0.550   -0.020   -0.160    0.075    0.020   -0.014   -0.050 |\n",
      "|  p4415_p |   -0.185    1.000   -0.072    0.001    0.053   -0.032   -0.140   -0.035    0.175    0.175   -0.051   -0.020   -0.187   -0.009    0.009    0.018    0.036    0.291   -0.027    0.045   -0.014    0.024   -0.092   -0.110 |\n",
      "|   Dbar_p |   -0.118   -0.072    1.000   -0.007    0.018   -0.005   -0.087    0.217   -0.091   -0.009   -0.106   -0.305    0.042    0.041   -0.015    0.018    0.003    0.041   -0.003    0.333   -0.016    0.020    0.186   -0.018 |\n",
      "|  omega_p |    0.000    0.001   -0.007    1.000   -0.083    0.084   -0.001   -0.026    0.018   -0.002   -0.015    0.001   -0.005   -0.170    0.508    0.000    0.000   -0.003    0.076   -0.010   -0.005   -0.061    0.044   -0.004 |\n",
      "|    rho_p |    0.057    0.053    0.018   -0.083    1.000   -0.049    0.068   -0.084    0.254   -0.002   -0.013    0.102    0.005    0.099    0.232    0.001    0.000   -0.009   -0.059   -0.016    0.019   -0.012    0.026   -0.003 |\n",
      "|    phi_s |   -0.026   -0.032   -0.005    0.084   -0.049    1.000   -0.030   -0.050   -0.097   -0.014    0.007   -0.035   -0.001    0.065   -0.052    0.001    0.002   -0.012    0.968   -0.004   -0.023   -0.003    0.000   -0.015 |\n",
      "|  p4160_s |    0.150   -0.140   -0.087   -0.001    0.068   -0.030    1.000   -0.034    0.154    0.237   -0.108    0.276    0.343    0.006    0.005    0.003    0.007   -0.201   -0.023   -0.088   -0.002    0.033   -0.008   -0.077 |\n",
      "|   jpsi_p |   -0.033   -0.035    0.217   -0.026   -0.084   -0.050   -0.034    1.000    0.131   -0.091    0.140    0.239   -0.006    0.032   -0.037    0.044    0.058   -0.044   -0.058    0.061   -0.043   -0.060    0.059   -0.028 |\n",
      "|  bplus_2 |    0.130    0.175   -0.091    0.018    0.254   -0.097    0.154    0.131    1.000   -0.095   -0.283    0.697   -0.110   -0.070    0.061    0.005    0.004   -0.083   -0.075   -0.113   -0.123   -0.083   -0.252   -0.008 |\n",
      "|  p4040_p |   -0.237    0.175   -0.009   -0.002   -0.002   -0.014    0.237   -0.091   -0.095    1.000    0.130   -0.355   -0.051    0.002   -0.002    0.023    0.031    0.313   -0.014    0.188   -0.046    0.020    0.008   -0.212 |\n",
      "| DDstar_p |   -0.157   -0.051   -0.106   -0.015   -0.013    0.007   -0.108    0.140   -0.283    0.130    1.000   -0.111   -0.008    0.078   -0.033    0.003    0.034    0.190    0.005    0.259    0.144    0.001    0.398   -0.033 |\n",
      "|      Ctt |    0.329   -0.020   -0.305    0.001    0.102   -0.035    0.276    0.239    0.697   -0.355   -0.111    1.000    0.187   -0.011    0.011    0.006   -0.001   -0.408   -0.026   -0.221   -0.206   -0.015   -0.173    0.169 |\n",
      "|  p4415_s |    0.217   -0.187    0.042   -0.005    0.005   -0.001    0.343   -0.006   -0.110   -0.051   -0.008    0.187    1.000    0.025   -0.010   -0.001   -0.001   -0.120   -0.000   -0.063    0.015    0.012    0.141    0.032 |\n",
      "|    rho_s |    0.000   -0.009    0.041   -0.170    0.099    0.065    0.006    0.032   -0.070    0.002    0.078   -0.011    0.025    1.000   -0.482    0.000    0.001    0.004    0.086    0.038    0.017    0.302   -0.196    0.004 |\n",
      "|  omega_s |    0.006    0.009   -0.015    0.508    0.232   -0.052    0.005   -0.037    0.061   -0.002   -0.033    0.011   -0.010   -0.482    1.000   -0.000   -0.000   -0.003   -0.073   -0.020   -0.006   -0.139    0.100   -0.003 |\n",
      "|   Dbar_s |    0.001    0.018    0.018    0.000    0.001    0.001    0.003    0.044    0.005    0.023    0.003    0.006   -0.001    0.000   -0.000    1.000   -0.001    0.028    0.001    0.031    0.026    0.001   -0.001    0.025 |\n",
      "| DDstar_s |    0.006    0.036    0.003    0.000    0.000    0.002    0.007    0.058    0.004    0.031    0.034   -0.001   -0.001    0.001   -0.000   -0.001    1.000    0.046    0.002    0.026    0.026    0.001    0.001    0.026 |\n",
      "|  p4160_p |   -0.550    0.291    0.041   -0.003   -0.009   -0.012   -0.201   -0.044   -0.083    0.313    0.190   -0.408   -0.120    0.004   -0.003    0.028    0.046    1.000   -0.013    0.220    0.007    0.019   -0.000   -0.145 |\n",
      "|    phi_p |   -0.020   -0.027   -0.003    0.076   -0.059    0.968   -0.023   -0.058   -0.075   -0.014    0.005   -0.026   -0.000    0.086   -0.073    0.001    0.002   -0.013    1.000   -0.005   -0.019    0.009   -0.009   -0.016 |\n",
      "|  p3770_p |   -0.160    0.045    0.333   -0.010   -0.016   -0.004   -0.088    0.061   -0.113    0.188    0.259   -0.221   -0.063    0.038   -0.020    0.031    0.026    0.220   -0.005    1.000   -0.243    0.030    0.130    0.031 |\n",
      "|  p3770_s |    0.075   -0.014   -0.016   -0.005    0.019   -0.023   -0.002   -0.043   -0.123   -0.046    0.144   -0.206    0.015    0.017   -0.006    0.026    0.026    0.007   -0.019   -0.243    1.000    0.045    0.072   -0.426 |\n",
      "|  bplus_0 |    0.020    0.024    0.020   -0.061   -0.012   -0.003    0.033   -0.060   -0.083    0.020    0.001   -0.015    0.012    0.302   -0.139    0.001    0.001    0.019    0.009    0.030    0.045    1.000   -0.822   -0.010 |\n",
      "|  bplus_1 |   -0.014   -0.092    0.186    0.044    0.026    0.000   -0.008    0.059   -0.252    0.008    0.398   -0.173    0.141   -0.196    0.100   -0.001    0.001   -0.000   -0.009    0.130    0.072   -0.822    1.000    0.025 |\n",
      "|  psi2s_p |   -0.050   -0.110   -0.018   -0.004   -0.003   -0.015   -0.077   -0.028   -0.008   -0.212   -0.033    0.169    0.032    0.004   -0.003    0.025    0.026   -0.145   -0.016    0.031   -0.426   -0.010    0.025    1.000 |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "Hesse errors: OrderedDict([(<zfit.Parameter 'p4040_s' floating=True>, {'error': 0.16676464089657084}), (<zfit.Parameter 'p4415_p' floating=True>, {'error': 0.13886154860592148}), (<zfit.Parameter 'Dbar_p' floating=True>, {'error': 0.2924541465337658}), (<zfit.Parameter 'omega_p' floating=True>, {'error': 0.34598147544694857}), (<zfit.Parameter 'rho_p' floating=True>, {'error': 0.3169671986226952}), (<zfit.Parameter 'phi_s' floating=True>, {'error': 2.860594583910851}), (<zfit.Parameter 'p4160_s' floating=True>, {'error': 0.1661375188212133}), (<zfit.Parameter 'jpsi_p' floating=True>, {'error': 0.026499471202265035}), (<zfit.Parameter 'bplus_2' floating=True>, {'error': 0.08167335555107191}), (<zfit.Parameter 'p4040_p' floating=True>, {'error': 0.1620350873444245}), (<zfit.Parameter 'DDstar_p' floating=True>, {'error': 0.3167058465036918}), (<zfit.Parameter 'Ctt' floating=True>, {'error': 0.220790139377665}), (<zfit.Parameter 'p4415_s' floating=True>, {'error': 0.19165001333972553}), (<zfit.Parameter 'rho_s' floating=True>, {'error': 0.333871835150295}), (<zfit.Parameter 'omega_s' floating=True>, {'error': 1.090314981635499}), (<zfit.Parameter 'Dbar_s' floating=True>, {'error': 0.01627500512172697}), (<zfit.Parameter 'DDstar_s' floating=True>, {'error': 0.02045373727140709}), (<zfit.Parameter 'p4160_p' floating=True>, {'error': 0.09653843584394117}), (<zfit.Parameter 'phi_p' floating=True>, {'error': 0.7372497225926429}), (<zfit.Parameter 'p3770_p' floating=True>, {'error': 0.09916300144516743}), (<zfit.Parameter 'p3770_s' floating=True>, {'error': 0.2278578176560746}), (<zfit.Parameter 'bplus_0' floating=True>, {'error': 0.018335865598279044}), (<zfit.Parameter 'bplus_1' floating=True>, {'error': 0.03758037807472481}), (<zfit.Parameter 'psi2s_p' floating=True>, {'error': 0.03203142782763635})])\n"
     ]
    },
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "Toy 37/50\n",
      "Time taken: 2 h, 49 min\n",
      "Projected time left: 59 min, 22 s\n",
      "Toy 37: Generating data...\n",
      "Directory  data/zfit_toys/toy_37  Created \n",
      "Toy 37: Data generation finished\n",
      "Toy 37: Loading data...\n",
      "Toy 37: Loading data finished\n",
      "Toy 37: Fitting pdf...\n",
      "------------------------------------------------------------------\n",
      "| FCN = 2.97E+05                |    Ncalls=1436 (1436 total)    |\n",
      "| EDM = 3.64E-05 (Goal: 5E-06)  |            up = 0.5            |\n",
      "------------------------------------------------------------------\n",
      "|  Valid Min.   | Valid Param.  | Above EDM | Reached call limit |\n",
      "------------------------------------------------------------------\n",
      "|     True      |     True      |   False   |       False        |\n",
      "------------------------------------------------------------------\n",
      "| Hesse failed  |   Has cov.    | Accurate  | Pos. def. | Forced |\n",
      "------------------------------------------------------------------\n",
      "|     False     |     True      |   False   |   False   |  True  |\n",
      "------------------------------------------------------------------\n",
      "Function minimum: 297031.5503445292\n",
      "----------------------------------------------------------------------------------------------\n",
      "|   | Name     |   Value   | Hesse Err | Minos Err- | Minos Err+ | Limit-  | Limit+  | Fixed |\n",
      "----------------------------------------------------------------------------------------------\n",
      "| 0 | p4040_s  |   1.06    |   0.20    |            |            |0.00501244| 2.01499 |       |\n",
      "| 1 | p4415_p  |   3.75    |   0.24    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 2 | Dbar_p   |   -6.3    |    0.9    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 3 | omega_p  |   6.28    |   0.10    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 4 | rho_p    |   -0.10   |    0.36   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 5 | phi_s    |   18.9    |    1.0    |            |            | 14.8182 | 23.5818 |       |\n",
      "| 6 | p4160_s  |   2.12    |   0.18    |            |            | 0.71676 | 3.68324 |       |\n",
      "| 7 | jpsi_p   |   1.606   |   0.028   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 8 | bplus_2  |   0.26    |   0.12    |            |            |   -2    |    2    |       |\n",
      "| 9 | p4040_p  |   -2.85   |    0.18   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 10| DDstar_p |    0.9    |    1.0    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 11| Ctt      |   -0.28   |    0.19   |            |            |  -1.5   |   1.5   |       |\n",
      "| 12| p4415_s  |   0.89    |   0.19    |            |            |0.126447 | 2.35355 |       |\n",
      "| 13| rho_s    |    1.0    |    0.4    |            |            |0.0253049| 2.0747  |       |\n",
      "| 14| omega_s  |    5.1    |    1.1    |            |            | 4.19232 | 9.40768 |       |\n",
      "| 15| Dbar_s   |   -0.30   |    0.37   |            |            |  -0.3   |   0.3   |       |\n",
      "| 16| DDstar_s |   -0.30   |    0.32   |            |            |  -0.3   |   0.3   |       |\n",
      "| 17| p4160_p  |   3.99    |   0.14    |            |            |-6.28319 | 6.28319 |       |\n",
      "| 18| phi_p    |   -6.28   |    0.31   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 19| p3770_p  |   -3.00   |    0.15   |            |            |-6.28319 | 6.28319 |       |\n",
      "| 20| p3770_s  |   3.12    |   0.25    |            |            |0.918861 | 4.08114 |       |\n",
      "| 21| bplus_0  |  -0.437   |   0.023   |            |            |   -2    |    2    |       |\n",
      "| 22| bplus_1  |   0.87    |   0.06    |            |            |   -2    |    2    |       |\n",
      "| 23| psi2s_p  |   1.80    |   0.03    |            |            |-6.28319 | 6.28319 |       |\n",
      "----------------------------------------------------------------------------------------------\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|          |  p4040_s  p4415_p   Dbar_p  omega_p    rho_p    phi_s  p4160_s   jpsi_p  bplus_2  p4040_p DDstar_p      Ctt  p4415_s    rho_s  omega_s   Dbar_s DDstar_s  p4160_p    phi_p  p3770_p  p3770_s  bplus_0  bplus_1  psi2s_p |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "|  p4040_s |    1.000    0.006    0.004   -0.006    0.142    0.046    0.196   -0.098   -0.431   -0.307   -0.536    0.433    0.248   -0.196    0.121    0.173   -0.520   -0.630    0.004   -0.469   -0.133    0.298    0.393    0.106 |\n",
      "|  p4415_p |    0.006    1.000   -0.075   -0.004    0.114    0.019    0.016    0.074   -0.338    0.076   -0.356    0.067   -0.092   -0.122    0.080    0.060   -0.226    0.101    0.003   -0.159   -0.093    0.195    0.274    0.026 |\n",
      "|   Dbar_p |    0.004   -0.075    1.000    0.001   -0.019   -0.014   -0.015   -0.219    0.041   -0.113    0.075   -0.048    0.007    0.042   -0.024    0.016    0.146   -0.075   -0.001   -0.074   -0.102   -0.053   -0.076   -0.138 |\n",
      "|  omega_p |   -0.006   -0.004    0.001    1.000   -0.004   -0.007   -0.005    0.003    0.010    0.003    0.012   -0.004   -0.001    0.037   -0.104   -0.003    0.011    0.006   -0.002    0.009    0.005   -0.012   -0.006   -0.001 |\n",
      "|    rho_p |    0.142    0.114   -0.019   -0.004    1.000    0.106    0.134   -0.040   -0.346   -0.040   -0.217    0.170    0.028    0.011    0.407    0.073   -0.214   -0.122    0.056   -0.171   -0.073    0.233    0.093    0.031 |\n",
      "|    phi_s |    0.046    0.019   -0.014   -0.007    0.106    1.000    0.018   -0.036   -0.031   -0.043   -0.123   -0.013    0.013   -0.072    0.082    0.029   -0.114   -0.064    0.465   -0.094   -0.067    0.144    0.043    0.006 |\n",
      "|  p4160_s |    0.196    0.016   -0.015   -0.005    0.134    0.018    1.000   -0.083   -0.362    0.171   -0.412    0.326    0.373   -0.135    0.091    0.106   -0.376   -0.323    0.004   -0.314   -0.142    0.213    0.294    0.017 |\n",
      "|   jpsi_p |   -0.098    0.074   -0.219    0.003   -0.040   -0.036   -0.083    1.000    0.219    0.227    0.026   -0.337   -0.084    0.060   -0.043   -0.028    0.264    0.312   -0.008    0.186    0.248   -0.131   -0.085    0.134 |\n",
      "|  bplus_2 |   -0.431   -0.338    0.041    0.010   -0.346   -0.031   -0.362    0.219    1.000    0.203    0.755   -0.633   -0.058    0.288   -0.208   -0.241    0.741    0.428   -0.011    0.574    0.349   -0.544   -0.630   -0.109 |\n",
      "|  p4040_p |   -0.307    0.076   -0.113    0.003   -0.040   -0.043    0.171    0.227    0.203    1.000    0.204   -0.273   -0.029    0.109   -0.061   -0.149    0.352    0.331   -0.000    0.343    0.140   -0.167   -0.192   -0.118 |\n",
      "| DDstar_p |   -0.536   -0.356    0.075    0.012   -0.217   -0.123   -0.412    0.026    0.755    0.204    1.000   -0.298   -0.172    0.409   -0.237   -0.354    0.873    0.493   -0.003    0.733    0.382   -0.613   -0.754   -0.159 |\n",
      "|      Ctt |    0.433    0.067   -0.048   -0.004    0.170   -0.013    0.326   -0.337   -0.633   -0.273   -0.298    1.000    0.254   -0.096    0.077   -0.046   -0.343   -0.440    0.006   -0.280   -0.221    0.214    0.281    0.265 |\n",
      "|  p4415_s |    0.248   -0.092    0.007   -0.001    0.028    0.013    0.373   -0.084   -0.058   -0.029   -0.172    0.254    1.000   -0.048    0.028    0.083   -0.193   -0.197    0.001   -0.188   -0.060    0.064    0.081    0.056 |\n",
      "|    rho_s |   -0.196   -0.122    0.042    0.037    0.011   -0.072   -0.135    0.060    0.288    0.109    0.409   -0.096   -0.048    1.000   -0.443   -0.113    0.389    0.214    0.021    0.308    0.181   -0.423   -0.205   -0.041 |\n",
      "|  omega_s |    0.121    0.080   -0.024   -0.104    0.407    0.082    0.091   -0.043   -0.208   -0.061   -0.237    0.077    0.028   -0.443    1.000    0.068   -0.227   -0.127   -0.003   -0.182   -0.102    0.250    0.109    0.024 |\n",
      "|   Dbar_s |    0.173    0.060    0.016   -0.003    0.073    0.029    0.106   -0.028   -0.241   -0.149   -0.354   -0.046    0.083   -0.113    0.068    1.000   -0.317   -0.209    0.001   -0.197   -0.196    0.174    0.219   -0.008 |\n",
      "| DDstar_s |   -0.520   -0.226    0.146    0.011   -0.214   -0.114   -0.376    0.264    0.741    0.352    0.873   -0.343   -0.193    0.389   -0.227   -0.317    1.000    0.651   -0.002    0.778    0.463   -0.585   -0.722   -0.051 |\n",
      "|  p4160_p |   -0.630    0.101   -0.075    0.006   -0.122   -0.064   -0.323    0.312    0.428    0.331    0.493   -0.440   -0.197    0.214   -0.127   -0.209    0.651    1.000   -0.003    0.573    0.290   -0.322   -0.408   -0.067 |\n",
      "|    phi_p |    0.004    0.003   -0.001   -0.002    0.056    0.465    0.004   -0.008   -0.011   -0.000   -0.003    0.006    0.001    0.021   -0.003    0.001   -0.002   -0.003    1.000   -0.004   -0.001   -0.000    0.002   -0.000 |\n",
      "|  p3770_p |   -0.469   -0.159   -0.074    0.009   -0.171   -0.094   -0.314    0.186    0.574    0.343    0.733   -0.280   -0.188    0.308   -0.182   -0.197    0.778    0.573   -0.004    1.000    0.209   -0.451   -0.601   -0.014 |\n",
      "|  p3770_s |   -0.133   -0.093   -0.102    0.005   -0.073   -0.067   -0.142    0.248    0.349    0.140    0.382   -0.221   -0.060    0.181   -0.102   -0.196    0.463    0.290   -0.001    0.209    1.000   -0.273   -0.341   -0.273 |\n",
      "|  bplus_0 |    0.298    0.195   -0.053   -0.012    0.233    0.144    0.213   -0.131   -0.544   -0.167   -0.613    0.214    0.064   -0.423    0.250    0.174   -0.585   -0.322   -0.000   -0.451   -0.273    1.000    0.009    0.067 |\n",
      "|  bplus_1 |    0.393    0.274   -0.076   -0.006    0.093    0.043    0.294   -0.085   -0.630   -0.192   -0.754    0.281    0.081   -0.205    0.109    0.219   -0.722   -0.408    0.002   -0.601   -0.341    0.009    1.000    0.087 |\n",
      "|  psi2s_p |    0.106    0.026   -0.138   -0.001    0.031    0.006    0.017    0.134   -0.109   -0.118   -0.159    0.265    0.056   -0.041    0.024   -0.008   -0.051   -0.067   -0.000   -0.014   -0.273    0.067    0.087    1.000 |\n",
      "--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------\n",
      "Hesse errors: OrderedDict([(<zfit.Parameter 'p4040_s' floating=True>, {'error': 0.20161665271742785}), (<zfit.Parameter 'p4415_p' floating=True>, {'error': 0.24345049017284293}), (<zfit.Parameter 'Dbar_p' floating=True>, {'error': 0.9368693195945714}), (<zfit.Parameter 'omega_p' floating=True>, {'error': 0.10303897898701742}), (<zfit.Parameter 'rho_p' floating=True>, {'error': 0.3622381631742182}), (<zfit.Parameter 'phi_s' floating=True>, {'error': 0.9701687951765425}), (<zfit.Parameter 'p4160_s' floating=True>, {'error': 0.17973966153091714}), (<zfit.Parameter 'jpsi_p' floating=True>, {'error': 0.02801754047287508}), (<zfit.Parameter 'bplus_2' floating=True>, {'error': 0.12013943992943688}), (<zfit.Parameter 'p4040_p' floating=True>, {'error': 0.18182201956171018}), (<zfit.Parameter 'DDstar_p' floating=True>, {'error': 1.0141480225720554}), (<zfit.Parameter 'Ctt' floating=True>, {'error': 0.18520055758929255}), (<zfit.Parameter 'p4415_s' floating=True>, {'error': 0.1940353755704624}), (<zfit.Parameter 'rho_s' floating=True>, {'error': 0.3848204229303964}), (<zfit.Parameter 'omega_s' floating=True>, {'error': 1.060365696817707}), (<zfit.Parameter 'Dbar_s' floating=True>, {'error': 0.37082138951432486}), (<zfit.Parameter 'DDstar_s' floating=True>, {'error': 0.32233655268044104}), (<zfit.Parameter 'p4160_p' floating=True>, {'error': 0.1362268321281226}), (<zfit.Parameter 'phi_p' floating=True>, {'error': 0.3132867721760504}), (<zfit.Parameter 'p3770_p' floating=True>, {'error': 0.15309470275296833}), (<zfit.Parameter 'p3770_s' floating=True>, {'error': 0.25224661002858983}), (<zfit.Parameter 'bplus_0' floating=True>, {'error': 0.02270106399199201}), (<zfit.Parameter 'bplus_1' floating=True>, {'error': 0.055068597998329194}), (<zfit.Parameter 'psi2s_p' floating=True>, {'error': 0.0332259892211173})])\n"
     ]
    },
    {
     "ename": "KeyboardInterrupt",
     "evalue": "",
     "output_type": "error",
     "traceback": [
      "\u001b[1;31m---------------------------------------------------------------------------\u001b[0m",
      "\u001b[1;31mKeyboardInterrupt\u001b[0m                         Traceback (most recent call last)",
      "\u001b[1;32m<ipython-input-39-5a47c669f7ba>\u001b[0m in \u001b[0;36m<module>\u001b[1;34m\u001b[0m\n\u001b[0;32m    185\u001b[0m \u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0;32m    186\u001b[0m         \u001b[0mprobs\u001b[0m \u001b[1;33m=\u001b[0m \u001b[0mtotal_f_fit\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0mpdf\u001b[0m\u001b[1;33m(\u001b[0m\u001b[0mtest_q\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0mnorm_range\u001b[0m\u001b[1;33m=\u001b[0m\u001b[1;32mFalse\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[1;32m--> 187\u001b[1;33m         \u001b[0mcalcs_test\u001b[0m \u001b[1;33m=\u001b[0m \u001b[0mzfit\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0mrun\u001b[0m\u001b[1;33m(\u001b[0m\u001b[0mprobs\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0m\u001b[0;32m    188\u001b[0m         \u001b[0mplt\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0mclf\u001b[0m\u001b[1;33m(\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0;32m    189\u001b[0m         \u001b[0mplt\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0mplot\u001b[0m\u001b[1;33m(\u001b[0m\u001b[0mtest_q\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0mcalcs_test\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0mlabel\u001b[0m \u001b[1;33m=\u001b[0m \u001b[1;34m'pdf'\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n",
      "\u001b[1;32m~\\.conda\\envs\\rmd\\lib\\site-packages\\zfit\\util\\execution.py\u001b[0m in \u001b[0;36m__call__\u001b[1;34m(self, *args, **kwargs)\u001b[0m\n\u001b[0;32m     79\u001b[0m \u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0;32m     80\u001b[0m     \u001b[1;32mdef\u001b[0m \u001b[0m__call__\u001b[0m\u001b[1;33m(\u001b[0m\u001b[0mself\u001b[0m\u001b[1;33m,\u001b[0m \u001b[1;33m*\u001b[0m\u001b[0margs\u001b[0m\u001b[1;33m,\u001b[0m \u001b[1;33m**\u001b[0m\u001b[0mkwargs\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m:\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[1;32m---> 81\u001b[1;33m         \u001b[1;32mreturn\u001b[0m \u001b[0mself\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0msess\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0mrun\u001b[0m\u001b[1;33m(\u001b[0m\u001b[1;33m*\u001b[0m\u001b[0margs\u001b[0m\u001b[1;33m,\u001b[0m \u001b[1;33m**\u001b[0m\u001b[0mkwargs\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0m\u001b[0;32m     82\u001b[0m \u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0;32m     83\u001b[0m     \u001b[1;31m# def close(self):\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n",
      "\u001b[1;32m~\\.conda\\envs\\rmd\\lib\\site-packages\\tensorflow\\python\\client\\session.py\u001b[0m in \u001b[0;36mrun\u001b[1;34m(self, fetches, feed_dict, options, run_metadata)\u001b[0m\n\u001b[0;32m    927\u001b[0m     \u001b[1;32mtry\u001b[0m\u001b[1;33m:\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0;32m    928\u001b[0m       result = self._run(None, fetches, feed_dict, options_ptr,\n\u001b[1;32m--> 929\u001b[1;33m                          run_metadata_ptr)\n\u001b[0m\u001b[0;32m    930\u001b[0m       \u001b[1;32mif\u001b[0m \u001b[0mrun_metadata\u001b[0m\u001b[1;33m:\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0;32m    931\u001b[0m         \u001b[0mproto_data\u001b[0m \u001b[1;33m=\u001b[0m \u001b[0mtf_session\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0mTF_GetBuffer\u001b[0m\u001b[1;33m(\u001b[0m\u001b[0mrun_metadata_ptr\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n",
      "\u001b[1;32m~\\.conda\\envs\\rmd\\lib\\site-packages\\tensorflow\\python\\client\\session.py\u001b[0m in \u001b[0;36m_run\u001b[1;34m(self, handle, fetches, feed_dict, options, run_metadata)\u001b[0m\n\u001b[0;32m   1150\u001b[0m     \u001b[1;32mif\u001b[0m \u001b[0mfinal_fetches\u001b[0m \u001b[1;32mor\u001b[0m \u001b[0mfinal_targets\u001b[0m \u001b[1;32mor\u001b[0m \u001b[1;33m(\u001b[0m\u001b[0mhandle\u001b[0m \u001b[1;32mand\u001b[0m \u001b[0mfeed_dict_tensor\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m:\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0;32m   1151\u001b[0m       results = self._do_run(handle, final_targets, final_fetches,\n\u001b[1;32m-> 1152\u001b[1;33m                              feed_dict_tensor, options, run_metadata)\n\u001b[0m\u001b[0;32m   1153\u001b[0m     \u001b[1;32melse\u001b[0m\u001b[1;33m:\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0;32m   1154\u001b[0m       \u001b[0mresults\u001b[0m \u001b[1;33m=\u001b[0m \u001b[1;33m[\u001b[0m\u001b[1;33m]\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n",
      "\u001b[1;32m~\\.conda\\envs\\rmd\\lib\\site-packages\\tensorflow\\python\\client\\session.py\u001b[0m in \u001b[0;36m_do_run\u001b[1;34m(self, handle, target_list, fetch_list, feed_dict, options, run_metadata)\u001b[0m\n\u001b[0;32m   1326\u001b[0m     \u001b[1;32mif\u001b[0m \u001b[0mhandle\u001b[0m \u001b[1;32mis\u001b[0m \u001b[1;32mNone\u001b[0m\u001b[1;33m:\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0;32m   1327\u001b[0m       return self._do_call(_run_fn, feeds, fetches, targets, options,\n\u001b[1;32m-> 1328\u001b[1;33m                            run_metadata)\n\u001b[0m\u001b[0;32m   1329\u001b[0m     \u001b[1;32melse\u001b[0m\u001b[1;33m:\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0;32m   1330\u001b[0m       \u001b[1;32mreturn\u001b[0m \u001b[0mself\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0m_do_call\u001b[0m\u001b[1;33m(\u001b[0m\u001b[0m_prun_fn\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0mhandle\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0mfeeds\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0mfetches\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n",
      "\u001b[1;32m~\\.conda\\envs\\rmd\\lib\\site-packages\\tensorflow\\python\\framework\\errors_impl.py\u001b[0m in \u001b[0;36m__init__\u001b[1;34m(self, node_def, op, message)\u001b[0m\n\u001b[0;32m    428\u001b[0m   \"\"\"\n\u001b[0;32m    429\u001b[0m \u001b[1;33m\u001b[0m\u001b[0m\n\u001b[1;32m--> 430\u001b[1;33m   \u001b[1;32mdef\u001b[0m \u001b[0m__init__\u001b[0m\u001b[1;33m(\u001b[0m\u001b[0mself\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0mnode_def\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0mop\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0mmessage\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m:\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0m\u001b[0;32m    431\u001b[0m     \u001b[1;34m\"\"\"Creates an `InternalError`.\"\"\"\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0;32m    432\u001b[0m     \u001b[0msuper\u001b[0m\u001b[1;33m(\u001b[0m\u001b[0mInternalError\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0mself\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0m__init__\u001b[0m\u001b[1;33m(\u001b[0m\u001b[0mnode_def\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0mop\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0mmessage\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0mINTERNAL\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n",
      "\u001b[1;31mKeyboardInterrupt\u001b[0m: "
     ]
    },
    {
     "data": {
      "image/png": "iVBORw0KGgoAAAANSUhEUgAAAYMAAAD4CAYAAAAO9oqkAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADh0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uMy4xLjAsIGh0dHA6Ly9tYXRwbG90bGliLm9yZy+17YcXAAARnUlEQVR4nO3df+xddX3H8edrgLgIGUUKYaVJ0XSLmGxIGkbCYphM+eGyYqJJyaKNM6nZMNHMZCmaTPcHCS5TF5MNUwexJk5l/giNsGmHLMY/hH3BAsWOUZRJbUOrTNSYuIHv/XE/X3qt3/Z7v/f3j+cjubnnfu45937O5/s9n9c9n3PPuakqJEmL7dcmXQFJ0uQZBpIkw0CSZBhIkjAMJEnA6ZOuAMB5551XmzZtmnQ1JGmmPPjggz+oqvXDeK2pCINNmzaxtLQ06WpI0kxJ8t/Dei2HiSRJhoEkyTCQJGEYSJIwDCRJGAaSJAwDSRI9hEGSjUnuS3IgyWNJ3t3KP5jk+0n2tdv1XcvcnORgkseTXDPKFZAkDa6Xk86eB95bVQ8lORt4MMne9txHq+pvu2dOcgmwDXg18JvAvyX5rap6YZgVlyQNz6p7BlV1pKoeatM/AQ4AG06xyFbgs1X186r6LnAQuHwYlZUkjcaajhkk2QS8Bri/Fb0rySNJ7kiyrpVtAJ7uWuwQK4RHkh1JlpIsHTt2bM0VlyQNT89hkOQs4AvAe6rqx8BtwCuBS4EjwIeXZ11h8V/5bc2q2lVVW6pqy/r1Q7nOkiSpTz2FQZIz6ATBp6vqiwBV9UxVvVBVvwA+wfGhoEPAxq7FLwIOD6/KkqRh6+XbRAFuBw5U1Ue6yi/smu1NwP42vQfYluTMJBcDm4EHhldlSdKw9fJtoiuBtwKPJtnXyt4H3JjkUjpDQE8B7wSoqseS3Al8m843kW7ym0SSNN1WDYOq+gYrHwe45xTL3ALcMkC9JElj5BnIkiTDQJJkGEiSMAwkSRgGkiQMA0kShoEkCcNAkoRhIGkCNu28e9JV0AkMA0mSYSBJMgwkSRgGkiQMA0kShoEkCcNAkoRhIEnCMJAkYRhIkjAMJEkYBpIkDANJEoaBJAnDQJKEYSBJwjCQJGEYSJIwDCRJGAaSJAwDSRKGgSQJw0CSRA9hkGRjkvuSHEjyWJJ3t/Jzk+xN8kS7X9fKk+RjSQ4meSTJZaNeCUnSYHrZM3geeG9VvQq4ArgpySXATuDeqtoM3NseA1wHbG63HcBtQ6+1JGmoVg2DqjpSVQ+16Z8AB4ANwFZgd5ttN3BDm94KfKo6vgmck+TCoddckjQ0azpmkGQT8BrgfuCCqjoCncAAzm+zbQCe7lrsUCs78bV2JFlKsnTs2LG111ySNDQ9h0GSs4AvAO+pqh+fatYVyupXCqp2VdWWqtqyfv36XqshSRqBnsIgyRl0guDTVfXFVvzM8vBPuz/ayg8BG7sWvwg4PJzqSpJGoZdvEwW4HThQVR/pemoPsL1Nbwfu6ip/W/tW0RXAc8vDSZKk6XR6D/NcCbwVeDTJvlb2PuBW4M4k7wC+B7ylPXcPcD1wEPgZ8Pah1liSNHSrhkFVfYOVjwMAXL3C/AXcNGC9JElj5BnIkiTDQJJkGEgzZdPOuyddBc0pw0CSZBhIkgwDSRKGgaQxm8RxD4+1rM4wkCQZBpIkw0CShGEgScIwkCRhGEiSMAwkSRgGkiQMA0kShoEkCcNA0hhN8rIQXpLi1AwDSZJhIEkyDCRJGAaSJAwDSRPiAd3pYhhIkgwDSZJhIGmGrTbU5FBU7wwDSZJhIEkyDKS5M0tDI7NU13lnGEiSDANJkmEgSaKHMEhyR5KjSfZ3lX0wyfeT7Gu367ueuznJwSSPJ7lmVBWXFo3j68NhO66slz2DTwLXrlD+0aq6tN3uAUhyCbANeHVb5h+SnDasykqSRmPVMKiqrwPP9vh6W4HPVtXPq+q7wEHg8gHqJ0kag0GOGbwrySNtGGldK9sAPN01z6FWJkmaYv2GwW3AK4FLgSPAh1t5Vpi3VnqBJDuSLCVZOnbsWJ/VkKTjPB7Qv77CoKqeqaoXquoXwCc4PhR0CNjYNetFwOGTvMauqtpSVVvWr1/fTzUkSUPSVxgkubDr4ZuA5W8a7QG2JTkzycXAZuCBwaooSRq101ebIclngKuA85IcAj4AXJXkUjpDQE8B7wSoqseS3Al8G3geuKmqXhhN1SVpdQ4d9WbVMKiqG1covv0U898C3DJIpSRpXDbtvJunbn3jpKsxcZ6BLEkyDCRJhoE0lxwn11oZBpIkw0DSfHGvqD+GgTSn7BS1FoaBpLEYVTit5XUNyJMzDCRJhoGk2eSn/OEyDCTNHYNi7QwDSTPBDn60DANJEzdoR29QDM4wkCQZBpKmk3sL42UYSFo4BsWvMgwkSYaBJMkwkCRhGEiaIpt23t33eL7HAQZjGEiSDANJk7XaJ3o/8Y+HYSBJp7AoYWQYSJIMA0mzZxp+KGfeGAaSJMNA0uJa5D2BExkG0pQbVodlx6dTMQykGTBIRz7LITDKus9yu4yCYSBJMgykeTZLn34nWddeT3ybpfZcK8NAkk5injv/ExkGkqbeInXKk7JqGCS5I8nRJPu7ys5NsjfJE+1+XStPko8lOZjkkSSXjbLykhaLoTA6vewZfBK49oSyncC9VbUZuLc9BrgO2NxuO4DbhlPNxeI/vKRxWzUMqurrwLMnFG8Fdrfp3cANXeWfqo5vAuckuXBYlZUkjUa/xwwuqKojAO3+/Fa+AXi6a75DrUySZsYi7p0P+wByViirFWdMdiRZSrJ07NixIVdDmm2TPtlqmjvDcdXtZO8zzW0ziH7D4Jnl4Z92f7SVHwI2ds13EXB4pReoql1VtaWqtqxfv77Pakjqx7x2aMOwqG3TbxjsAba36e3AXV3lb2vfKroCeG55OEnS2i1qx6TxO321GZJ8BrgKOC/JIeADwK3AnUneAXwPeEub/R7geuAg8DPg7SOosyRpyFYNg6q68SRPXb3CvAXcNGilJGnazPtemmcgSwts086719zJzXunuKgMA0nCkDMMpAWw6B2dVmcYSFNk1J12L5dqNjgWk2EgaWDDDhADafwMA0mSYSBJMgykiXNIRNPAMJCm1DSFxEp1mab6TcK8HWw3DCT1bZ46w0VnGEhaM0Ng/hgGkgA7+EVnGEhTwI5Yk2YYSGOwls5+WoNhWuul4Vj1EtaSFpcBsLJ5bBf3DKQFNY8d2qTMQ1saBpKGYh46xEVmGEhakZ17b7rbaZbbzDCQJmiWOw/NF8NAkmQYSOqdezLzyzCQpsSsdrSzWm/9MsNAkh26DAOpF/NwBrF0KoaBJA3BrH8IMAykPqzlx178YRjNAsNAC2vSHfKk31/qZhhIazQvZ5yOgu0xuwwDaYQMDs0Kw0Dq06mOBdjxa9YYBpIkw0Ba7VP8sD/lu9egaWQYaOastTMd5IQxO26t1az+zwwUBkmeSvJokn1JllrZuUn2Jnmi3a8bTlWllfW68Q1jIx30nIFZ7Sg0/4axZ/AHVXVpVW1pj3cC91bVZuDe9liSNMVGMUy0FdjdpncDN4zgPbRgxvmJup/38hO/Zt2gYVDAV5M8mGRHK7ugqo4AtPvzV1owyY4kS0mWjh07NmA1pOGyc9eiGTQMrqyqy4DrgJuSvLbXBatqV1Vtqaot69evH7AaWnT9jtuPstM3UDRL/wMDhUFVHW73R4EvAZcDzyS5EKDdHx20kpo/g24kXvxN02wW/xf7DoMkL0ty9vI08AZgP7AH2N5m2w7cNWglpX5s2nl3z2cEGy4atlk7G32QPYMLgG8keRh4ALi7qv4VuBV4fZIngNe3x9KKRrGHMA2vJc2avsOgqr5TVb/bbq+uqlta+Q+r6uqq2tzunx1edTUPTtXpnmo8f5jnCdjxS7/MM5A1s+zQpeExDDRW4zhbeFQhYfhonhkGminjvPSEtEgMgykz7Z3YOK7DM417BdKgpv1/8/RJV0CC6d9QpHnnnoF64qd1ab4ZBpIkw2AejOo6/cNc1r0DaboZBurbKH9xbJBlJK2dYaAV9XOm7lqXGeS6QZKGyzDQQLy8gzQfDIMRmLVr5J/sNddaLml2GQZzzM5cmg6zsM0ZBkMw7X/oQS/hsNJQkOP80tpN83ZhGMyoab0Y2zT/s0s6OcOgT5Ps9E72q1y9/k7AqcokLSbDYIpMS+c8LfWQND6GwRrNSkfpVz4lrYVhMIC1/OD6KOvQz7zjqq9hJM0Gw2CMVhvXP9ky/bzPKF9f0vwxDPow6IHafkJB0nyY1m3fMJiwXoaZThYeXvhN0rAsbBiM87IOk5pfknq1sGEA038dfj/5SxqXhQmDSXeSnhAmaZotTBhIkk5uocKg3wu2TfpcAknzZ9r6k7kOg35+SWvYJ2ZN2x9cklYy12EAwxuPt1OXNCzT2J/MbRj4wy6S1Lu5CYNhX4ffISJJi2RuwqBfdtiSNMIwSHJtkseTHEyyc1TvM8xP9MMMBkNG0iwZSRgkOQ34e+A64BLgxiSXjOK9YDRDPJI0atPUV41qz+By4GBVfaeq/hf4LLB1RO/1omlqWEmaJaeP6HU3AE93PT4E/F73DEl2ADvaw58m+SHwgxHVZ5ach+2wzLY47sW2yIcmXJNVjKF+c/V/MWB7/faQqjGyMMgKZfVLD6p2AbteXCBZqqotI6rPzLAdjrMtjrMtjrMtjkuyNKzXGtUw0SFgY9fji4DDI3ovSdKARhUG/wFsTnJxkpcA24A9I3ovSdKARjJMVFXPJ3kX8BXgNOCOqnpslcV2rfL8orAdjrMtjrMtjrMtjhtaW6SqVp9LkjTXFv4MZEmSYSBJYgrCYFyXrZikJHckOZpkf1fZuUn2Jnmi3a9r5UnysdYejyS5rGuZ7W3+J5Jsn8S6DCLJxiT3JTmQ5LEk727li9gWL03yQJKHW1v8dSu/OMn9bb0+176AQZIz2+OD7flNXa91cyt/PMk1k1mjwSU5Lcm3kny5PV7ItkjyVJJHk+xb/uroWLaRqprYjc7B5SeBVwAvAR4GLplknUa0nq8FLgP2d5X9DbCzTe8EPtSmrwf+hc65GlcA97fyc4HvtPt1bXrdpNdtje1wIXBZmz4b+C86lytZxLYIcFabPgO4v63jncC2Vv5x4M/a9J8DH2/T24DPtelL2nZzJnBx255Om/T69dkmfwH8E/Dl9ngh2wJ4CjjvhLKRbyOT3jOYyGUrxq2qvg48e0LxVmB3m94N3NBV/qnq+CZwTpILgWuAvVX1bFX9D7AXuHb0tR+eqjpSVQ+16Z8AB+icrb6IbVFV9dP28Ix2K+B1wOdb+YltsdxGnweuTpJW/tmq+nlVfRc4SGe7milJLgLeCPxjexwWtC1OYuTbyKTDYKXLVmyYUF3G7YKqOgKdThI4v5WfrE3mqq3arv1r6HwiXsi2aMMi+4CjdDbWJ4EfVdXzbZbu9XpxndvzzwEvZ07aAvg74C+BX7THL2dx26KAryZ5MJ3L9sAYtpFRXY6iV6tetmIBnaxN5qatkpwFfAF4T1X9uPOhbuVZVyibm7aoqheAS5OcA3wJeNVKs7X7uW2LJH8EHK2qB5NctVy8wqxz3xbNlVV1OMn5wN4k/3mKeYfWFpPeM1jky1Y803bnaPdHW/nJ2mQu2irJGXSC4NNV9cVWvJBtsayqfgT8O50x33OSLH9I616vF9e5Pf8bdIYe56EtrgT+OMlTdIaKX0dnT2ER24KqOtzuj9L5kHA5Y9hGJh0Gi3zZij3A8hH+7cBdXeVva98SuAJ4ru0WfgV4Q5J17ZsEb2hlM6ON694OHKiqj3Q9tYhtsb7tEZDk14E/pHMM5T7gzW22E9tiuY3eDHytOkcK9wDb2jdsLgY2Aw+MZy2Go6purqqLqmoTnT7ga1X1JyxgWyR5WZKzl6fp/G/vZxzbyBQcOb+ezrdKngTeP+n6jGgdPwMcAf6PTmK/g84Y573AE+3+3DZv6Pww0JPAo8CWrtf5UzoHxQ4Cb5/0evXRDr9PZ1f1EWBfu12/oG3xO8C3WlvsB/6qlb+CTgd2EPhn4MxW/tL2+GB7/hVdr/X+1kaPA9dNet0GbJerOP5tooVri7bOD7fbY8t94ji2ES9HIUma+DCRJGkKGAaSJMNAkmQYSJIwDCRJGAaSJAwDSRLw/6cVs3uXLCASAAAAAElFTkSuQmCC\n",
      "text/plain": [
       "<Figure size 432x288 with 1 Axes>"
      ]
     },
     "metadata": {
      "needs_background": "light"
     },
     "output_type": "display_data"
    }
   ],
   "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 = 50\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.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": [
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "29/50 fits converged\n",
      "Mean Ctt value = -0.5693435163740882\n",
      "Mean Ctt error = 0.1928389410389605\n",
      "95 Sensitivy = 0.00031236960032063256\n"
     ]
    }
   ],
   "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": [
    {
     "data": {
      "image/png": "iVBORw0KGgoAAAANSUhEUgAAAYMAAAD4CAYAAAAO9oqkAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADh0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uMy4xLjAsIGh0dHA6Ly9tYXRwbG90bGliLm9yZy+17YcXAAARnUlEQVR4nO3df+xddX3H8edrgLgIGUUKYaVJ0XSLmGxIGkbCYphM+eGyYqJJyaKNM6nZMNHMZCmaTPcHCS5TF5MNUwexJk5l/giNsGmHLMY/hH3BAsWOUZRJbUOrTNSYuIHv/XE/X3qt3/Z7v/f3j+cjubnnfu45937O5/s9n9c9n3PPuakqJEmL7dcmXQFJ0uQZBpIkw0CSZBhIkjAMJEnA6ZOuAMB5551XmzZtmnQ1JGmmPPjggz+oqvXDeK2pCINNmzaxtLQ06WpI0kxJ8t/Dei2HiSRJhoEkyTCQJGEYSJIwDCRJGAaSJAwDSRI9hEGSjUnuS3IgyWNJ3t3KP5jk+0n2tdv1XcvcnORgkseTXDPKFZAkDa6Xk86eB95bVQ8lORt4MMne9txHq+pvu2dOcgmwDXg18JvAvyX5rap6YZgVlyQNz6p7BlV1pKoeatM/AQ4AG06xyFbgs1X186r6LnAQuHwYlZUkjcaajhkk2QS8Bri/Fb0rySNJ7kiyrpVtAJ7uWuwQK4RHkh1JlpIsHTt2bM0VlyQNT89hkOQs4AvAe6rqx8BtwCuBS4EjwIeXZ11h8V/5bc2q2lVVW6pqy/r1Q7nOkiSpTz2FQZIz6ATBp6vqiwBV9UxVvVBVvwA+wfGhoEPAxq7FLwIOD6/KkqRh6+XbRAFuBw5U1Ue6yi/smu1NwP42vQfYluTMJBcDm4EHhldlSdKw9fJtoiuBtwKPJtnXyt4H3JjkUjpDQE8B7wSoqseS3Al8m843kW7ym0SSNN1WDYOq+gYrHwe45xTL3ALcMkC9JElj5BnIkiTDQJJkGEiSMAwkSRgGkiQMA0kShoEkCcNAkoRhIGkCNu28e9JV0AkMA0mSYSBJMgwkSRgGkiQMA0kShoEkCcNAkoRhIEnCMJAkYRhIkjAMJEkYBpIkDANJEoaBJAnDQJKEYSBJwjCQJGEYSJIwDCRJGAaSJAwDSRKGgSQJw0CSRA9hkGRjkvuSHEjyWJJ3t/Jzk+xN8kS7X9fKk+RjSQ4meSTJZaNeCUnSYHrZM3geeG9VvQq4ArgpySXATuDeqtoM3NseA1wHbG63HcBtQ6+1JGmoVg2DqjpSVQ+16Z8AB4ANwFZgd5ttN3BDm94KfKo6vgmck+TCoddckjQ0azpmkGQT8BrgfuCCqjoCncAAzm+zbQCe7lrsUCs78bV2JFlKsnTs2LG111ySNDQ9h0GSs4AvAO+pqh+fatYVyupXCqp2VdWWqtqyfv36XqshSRqBnsIgyRl0guDTVfXFVvzM8vBPuz/ayg8BG7sWvwg4PJzqSpJGoZdvEwW4HThQVR/pemoPsL1Nbwfu6ip/W/tW0RXAc8vDSZKk6XR6D/NcCbwVeDTJvlb2PuBW4M4k7wC+B7ylPXcPcD1wEPgZ8Pah1liSNHSrhkFVfYOVjwMAXL3C/AXcNGC9JElj5BnIkiTDQJJkGEgzZdPOuyddBc0pw0CSZBhIkgwDSRKGgaQxm8RxD4+1rM4wkCQZBpIkw0CShGEgScIwkCRhGEiSMAwkSRgGkiQMA0kShoEkCcNA0hhN8rIQXpLi1AwDSZJhIEkyDCRJGAaSJAwDSRPiAd3pYhhIkgwDSZJhIGmGrTbU5FBU7wwDSZJhIEkyDKS5M0tDI7NU13lnGEiSDANJkmEgSaKHMEhyR5KjSfZ3lX0wyfeT7Gu367ueuznJwSSPJ7lmVBWXFo3j68NhO66slz2DTwLXrlD+0aq6tN3uAUhyCbANeHVb5h+SnDasykqSRmPVMKiqrwPP9vh6W4HPVtXPq+q7wEHg8gHqJ0kag0GOGbwrySNtGGldK9sAPN01z6FWJkmaYv2GwW3AK4FLgSPAh1t5Vpi3VnqBJDuSLCVZOnbsWJ/VkKTjPB7Qv77CoKqeqaoXquoXwCc4PhR0CNjYNetFwOGTvMauqtpSVVvWr1/fTzUkSUPSVxgkubDr4ZuA5W8a7QG2JTkzycXAZuCBwaooSRq101ebIclngKuA85IcAj4AXJXkUjpDQE8B7wSoqseS3Al8G3geuKmqXhhN1SVpdQ4d9WbVMKiqG1covv0U898C3DJIpSRpXDbtvJunbn3jpKsxcZ6BLEkyDCRJhoE0lxwn11oZBpIkw0DSfHGvqD+GgTSn7BS1FoaBpLEYVTit5XUNyJMzDCRJhoGk2eSn/OEyDCTNHYNi7QwDSTPBDn60DANJEzdoR29QDM4wkCQZBpKmk3sL42UYSFo4BsWvMgwkSYaBJMkwkCRhGEiaIpt23t33eL7HAQZjGEiSDANJk7XaJ3o/8Y+HYSBJp7AoYWQYSJIMA0mzZxp+KGfeGAaSJMNA0uJa5D2BExkG0pQbVodlx6dTMQykGTBIRz7LITDKus9yu4yCYSBJMgykeTZLn34nWddeT3ybpfZcK8NAkk5injv/ExkGkqbeInXKk7JqGCS5I8nRJPu7ys5NsjfJE+1+XStPko8lOZjkkSSXjbLykhaLoTA6vewZfBK49oSyncC9VbUZuLc9BrgO2NxuO4DbhlPNxeI/vKRxWzUMqurrwLMnFG8Fdrfp3cANXeWfqo5vAuckuXBYlZUkjUa/xwwuqKojAO3+/Fa+AXi6a75DrUySZsYi7p0P+wByViirFWdMdiRZSrJ07NixIVdDmm2TPtlqmjvDcdXtZO8zzW0ziH7D4Jnl4Z92f7SVHwI2ds13EXB4pReoql1VtaWqtqxfv77Pakjqx7x2aMOwqG3TbxjsAba36e3AXV3lb2vfKroCeG55OEnS2i1qx6TxO321GZJ8BrgKOC/JIeADwK3AnUneAXwPeEub/R7geuAg8DPg7SOosyRpyFYNg6q68SRPXb3CvAXcNGilJGnazPtemmcgSwts086719zJzXunuKgMA0nCkDMMpAWw6B2dVmcYSFNk1J12L5dqNjgWk2EgaWDDDhADafwMA0mSYSBJMgykiXNIRNPAMJCm1DSFxEp1mab6TcK8HWw3DCT1bZ46w0VnGEhaM0Ng/hgGkgA7+EVnGEhTwI5Yk2YYSGOwls5+WoNhWuul4Vj1EtaSFpcBsLJ5bBf3DKQFNY8d2qTMQ1saBpKGYh46xEVmGEhakZ17b7rbaZbbzDCQJmiWOw/NF8NAkmQYSOqdezLzyzCQpsSsdrSzWm/9MsNAkh26DAOpF/NwBrF0KoaBJA3BrH8IMAykPqzlx178YRjNAsNAC2vSHfKk31/qZhhIazQvZ5yOgu0xuwwDaYQMDs0Kw0Dq06mOBdjxa9YYBpIkw0Ba7VP8sD/lu9egaWQYaOastTMd5IQxO26t1az+zwwUBkmeSvJokn1JllrZuUn2Jnmi3a8bTlWllfW68Q1jIx30nIFZ7Sg0/4axZ/AHVXVpVW1pj3cC91bVZuDe9liSNMVGMUy0FdjdpncDN4zgPbRgxvmJup/38hO/Zt2gYVDAV5M8mGRHK7ugqo4AtPvzV1owyY4kS0mWjh07NmA1pOGyc9eiGTQMrqyqy4DrgJuSvLbXBatqV1Vtqaot69evH7AaWnT9jtuPstM3UDRL/wMDhUFVHW73R4EvAZcDzyS5EKDdHx20kpo/g24kXvxN02wW/xf7DoMkL0ty9vI08AZgP7AH2N5m2w7cNWglpX5s2nl3z2cEGy4atlk7G32QPYMLgG8keRh4ALi7qv4VuBV4fZIngNe3x9KKRrGHMA2vJc2avsOgqr5TVb/bbq+uqlta+Q+r6uqq2tzunx1edTUPTtXpnmo8f5jnCdjxS7/MM5A1s+zQpeExDDRW4zhbeFQhYfhonhkGminjvPSEtEgMgykz7Z3YOK7DM417BdKgpv1/8/RJV0CC6d9QpHnnnoF64qd1ab4ZBpIkw2AejOo6/cNc1r0DaboZBurbKH9xbJBlJK2dYaAV9XOm7lqXGeS6QZKGyzDQQLy8gzQfDIMRmLVr5J/sNddaLml2GQZzzM5cmg6zsM0ZBkMw7X/oQS/hsNJQkOP80tpN83ZhGMyoab0Y2zT/s0s6OcOgT5Ps9E72q1y9/k7AqcokLSbDYIpMS+c8LfWQND6GwRrNSkfpVz4lrYVhMIC1/OD6KOvQz7zjqq9hJM0Gw2CMVhvXP9ky/bzPKF9f0vwxDPow6IHafkJB0nyY1m3fMJiwXoaZThYeXvhN0rAsbBiM87IOk5pfknq1sGEA038dfj/5SxqXhQmDSXeSnhAmaZotTBhIkk5uocKg3wu2TfpcAknzZ9r6k7kOg35+SWvYJ2ZN2x9cklYy12EAwxuPt1OXNCzT2J/MbRj4wy6S1Lu5CYNhX4ffISJJi2RuwqBfdtiSNMIwSHJtkseTHEyyc1TvM8xP9MMMBkNG0iwZSRgkOQ34e+A64BLgxiSXjOK9YDRDPJI0atPUV41qz+By4GBVfaeq/hf4LLB1RO/1omlqWEmaJaeP6HU3AE93PT4E/F73DEl2ADvaw58m+SHwgxHVZ5ach+2wzLY47sW2yIcmXJNVjKF+c/V/MWB7/faQqjGyMMgKZfVLD6p2AbteXCBZqqotI6rPzLAdjrMtjrMtjrMtjkuyNKzXGtUw0SFgY9fji4DDI3ovSdKARhUG/wFsTnJxkpcA24A9I3ovSdKARjJMVFXPJ3kX8BXgNOCOqnpslcV2rfL8orAdjrMtjrMtjrMtjhtaW6SqVp9LkjTXFv4MZEmSYSBJYgrCYFyXrZikJHckOZpkf1fZuUn2Jnmi3a9r5UnysdYejyS5rGuZ7W3+J5Jsn8S6DCLJxiT3JTmQ5LEk727li9gWL03yQJKHW1v8dSu/OMn9bb0+176AQZIz2+OD7flNXa91cyt/PMk1k1mjwSU5Lcm3kny5PV7ItkjyVJJHk+xb/uroWLaRqprYjc7B5SeBVwAvAR4GLplknUa0nq8FLgP2d5X9DbCzTe8EPtSmrwf+hc65GlcA97fyc4HvtPt1bXrdpNdtje1wIXBZmz4b+C86lytZxLYIcFabPgO4v63jncC2Vv5x4M/a9J8DH2/T24DPtelL2nZzJnBx255Om/T69dkmfwH8E/Dl9ngh2wJ4CjjvhLKRbyOT3jOYyGUrxq2qvg48e0LxVmB3m94N3NBV/qnq+CZwTpILgWuAvVX1bFX9D7AXuHb0tR+eqjpSVQ+16Z8AB+icrb6IbVFV9dP28Ix2K+B1wOdb+YltsdxGnweuTpJW/tmq+nlVfRc4SGe7milJLgLeCPxjexwWtC1OYuTbyKTDYKXLVmyYUF3G7YKqOgKdThI4v5WfrE3mqq3arv1r6HwiXsi2aMMi+4CjdDbWJ4EfVdXzbZbu9XpxndvzzwEvZ07aAvg74C+BX7THL2dx26KAryZ5MJ3L9sAYtpFRXY6iV6tetmIBnaxN5qatkpwFfAF4T1X9uPOhbuVZVyibm7aoqheAS5OcA3wJeNVKs7X7uW2LJH8EHK2qB5NctVy8wqxz3xbNlVV1OMn5wN4k/3mKeYfWFpPeM1jky1Y803bnaPdHW/nJ2mQu2irJGXSC4NNV9cVWvJBtsayqfgT8O50x33OSLH9I616vF9e5Pf8bdIYe56EtrgT+OMlTdIaKX0dnT2ER24KqOtzuj9L5kHA5Y9hGJh0Gi3zZij3A8hH+7cBdXeVva98SuAJ4ru0WfgV4Q5J17ZsEb2hlM6ON694OHKiqj3Q9tYhtsb7tEZDk14E/pHMM5T7gzW22E9tiuY3eDHytOkcK9wDb2jdsLgY2Aw+MZy2Go6purqqLqmoTnT7ga1X1JyxgWyR5WZKzl6fp/G/vZxzbyBQcOb+ezrdKngTeP+n6jGgdPwMcAf6PTmK/g84Y573AE+3+3DZv6Pww0JPAo8CWrtf5UzoHxQ4Cb5/0evXRDr9PZ1f1EWBfu12/oG3xO8C3WlvsB/6qlb+CTgd2EPhn4MxW/tL2+GB7/hVdr/X+1kaPA9dNet0GbJerOP5tooVri7bOD7fbY8t94ji2ES9HIUma+DCRJGkKGAaSJMNAkmQYSJIwDCRJGAaSJAwDSRLw/6cVs3uXLCASAAAAAElFTkSuQmCC\n",
      "text/plain": [
       "<Figure size 432x288 with 1 Axes>"
      ]
     },
     "metadata": {
      "needs_background": "light"
     },
     "output_type": "display_data"
    },
    {
     "data": {
      "text/plain": [
       "(36668,)"
      ]
     },
     "execution_count": 42,
     "metadata": {},
     "output_type": "execute_result"
    }
   ],
   "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": [
    "# sample from original values"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": null,
   "metadata": {},
   "outputs": [],
   "source": []
  },
  {
   "cell_type": "code",
   "execution_count": null,
   "metadata": {},
   "outputs": [],
   "source": []
  },
  {
   "cell_type": "code",
   "execution_count": null,
   "metadata": {},
   "outputs": [],
   "source": []
  },
  {
   "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
}